Abstract
An EEG signal (Electroencephalogram) is a bioelectric phenomenon reflecting human brain activities. In this paper, we propose a novel deep learning framework ESML (EEG-based Subject Matching Learning) using raw EEG signals to learn latent representations for EEG-based user identification and tack classification. ESML consists of two parts: one is the model via an LSTM-based method for EEG-user linking, and one is the model via a CNN-based method for EEG-task linking. The new model ESML is simple, but effective and efficient. It does not require any restrictions for EEG data collection on motions and thinking for users, and it does not need any EEG preprocessing operations, such as EEG denoising and feature extraction. The experiments were conducted on three public datasets and the results show that ESML performs the best and achieves significant performance improvement when compared to baseline methods (i.e., SVM, LDA, NN, DTS, Bayesian, AdaBoost and MLP). The model provided the best precision at with 109 users and the model achieved precision at 3-Class task classification. These experimental results provide direct evidence that EEG signals can be used for user identification and task classification.
1. Introduction
The BCI (Brain–Computer Interface) system can convert the subject’s EEG signals into control commands or instructions for external devices. EEG signals are an efficient means to acquire brain signals corresponding to various electrical activities on the scalp surface area. There are some research works that have been conducted in the EEG field. Jirayucharoensak et al. use a deep learning network to detect emotion from nonstationary EEG signals, and they show that their method classifies three different levels of valence and arousal with an accuracy of and , respectively []. An et al. classify EEG data based on motor imagery tasks through applying a deep belief net (DBN); the recognition accuracy results were compared with Support Vector Machine (SVM), and the DBN classifier demonstrated better performance in all tested cases, with an improvement of 4–6% for certain cases []. Schirrmeister et al. use deep learning with convolutional neural networks (deep ConvNets) decoding and visualizing the informative EEG features; the method shows good performance as a widely used filter-bank common spatial patterns algorithm []. Thiago et al. propose a novel method for EEG representation based on deep learning; the results show that the method is a promising path to represent brain signals, overcoming baseline methods []. Mao et al. propose a new approach based on convolutional neural networks for EEG biometric identification; the approach achieved accuracy from 100 subjects, and this work demonstrates the potential of deep learning solutions for real-life EEG-based biometric identification []. EEG also has many applications in BCI systems, such as medical rehabilitation [,,,,], smart homes [,,,], education [,,,] and training [,,,,], etc. In this work, a deep-learning-based framework called ESML (EEG-based Subject Matching Learning) is proposed for raw EEG signal processing to realize user identification and task classification. It does not need any EEG preprocessing operations, such as EEG denoising and feature extraction. The proposed framework is simple, but effective and efficient. ESML does not have any restrictions on thinking and motions for users when EEG is collected. Its robustness is tested using three EEG datasets, and it performs the best and achieves significant improvement when compared to baseline methods.
In the traditional identity authentication techniques, the access code, password and integrated circuit card are commonly used. However, they are vulnerable due to loss, forgery, theft or compromise since they are not bound to more secure human biological features. Biometric techniques as alternatives provide a more secure way for human identification, and they have been widely used in information systems and web application environments []. A biometric method being adopted for identity verification should be easy to distinguish and hard to imitate, specifically with the following desired properties []:
- Generality—Biometric data should be generalizable to every normal individual.
- Uniqueness—Users with different identities should be distinguishable via their unique biometrics.
- Stability—It should not change over time (long-term).
- Accessibility—It should be easily accessible, easily quantifiable and its acquisition should not be harmful to the individual.
The most common properties used in current identity recognition systems are mainly based on human biological characteristics, such as fingerprints, face recognition (both optical and infrared), iris scanning [], DNA [], keystroke entry patterns [] and even gait []. However, they still have limited capability to deal with forgery. Some studies have shown that fake fingers made of gelatin can easily cheat fingerprint (FP) recognition systems. The false iris features of wax-engraved contact lenses can also make iris recognition systems hardly work. These data can be obtained from corpses, which are sometimes illegally used for identity verification. EEG-based identification systems can be promising and have outstanding performance. They are reliable and cost-effective biological data that are closely related to the human brain. On the one hand, EEG is a type of spontaneous electrical signal generated by the brain and recorded on the scalp of the subject. Since humans have unique brain structures, EEGs among subjects should be different—a high intersubject variability is expected. On the other hand, EEG is not only dependent on DNA, but also on life experience []. Compared with other biometric authentication technologies, EEG-based ones have the following advantages:
- Aliveness—EEG signals completely live with life and will disappear immediately if a subject dies.
- Stress-resistance (SR)—If a subject unwillingly accesses authentication systems under duress, this might incur a different pattern of EEG, which can potentially be detected.
- Anti-counterfeiting (AC)—Fingerprints can be found, especially when you leave them at many different systems. However, no one can obtain the brain signals of others.
The characteristics of different types of biometric techniques are summarized in Table 1.
Table 1.
Comparison of characteristics for different types of biometric techniques. FP: fingerprint; SR: stress-resistance; AC: anti-counterfeiting.
Some studies have shown that EEG signals have unique patterns and are difficult to modify and replicate. Poulus et al., in using EEG signals for identity verification, used the neural network method to correspond particular EEGs to specific subjects []. Thorpe et al. proposed to use EEG signals collected from subjects under the status of resting to build a “thinking password” system for identity authentication []. They believed that when different users think about the same thing, their EEG signals are different. Salahiddin et al. used root mean square to generate EEG spatial patterns for identity recognition. They correctly identify up to 112 of the 122 subjects in their experiments []. Poulos et al. used an AR (Autoregressive) parameter to derive features and apply learning vector quantization in their neural networks model []. They obtained a classification accuracy of to . Isuru et al. used common spatial patterns as a method of feature and linear discriminant analysis to achieve a precision of across 12 subjects []. Even though some algorithms achieve good results, there still exists a common problem: the identity authentication process is too complicated. Many previous EEG-based systems have five steps for EEG processing, including EEG acquisition, EEG denoising, feature extraction, model training and model validation. Figure 1 shows the general steps of EEG-based systems and the details of each step, as follows:
Figure 1.
General steps of EEG-based systems.
- 1.
- EEG acquisition: It can be collected by electrodes placed on the scalp surface.
- 2.
- EEG denoising: The noise in EEG signals during acquisition can be divided into eight categories: eye electrical (including blink signal), power frequency interference, EEG, electrocardiogram, electrode loosening, sweating, breathing and pulse interference. Brain electrical signal denoising technology mainly includes the use of regression analysis, adaptive filter and direct phase subtraction, principal component analysis method, independent component analysis and wavelet transformation.
- 3.
- Feature extraction: The most typical features used in EEG analysis are time and frequency, which can be obtained through many methods, such as power spectral density, wavelet transform and autoregressive model coefficients.
- 4.
- Model training: Patterns can be learned through various classification models, such as support vector machines, nearest neighbors and naive Bayes.
- 5.
- Model validation: The trained model is used for identity authentication and its performance is measured.
In this paper, we propose a deep learning-based framework called ESML without the need for data preprocessing operations, i.e., steps 2 and 3 in Figure 1. The raw EEG signals were used for model training. The contributions of this paper are summarized as follows:
- We introduce a deep learning-based framework called ESML, consisting of two neural networks. is an LSTM-based method used for EEG-based user identification, while is a CNN-based method used for EEG-based task classification.
- The proposed framework is simple, effective and efficient. ESML does not require any restrictions on EEG data collection and eliminates the need for EEG preprocessing operations.
- Experiments were conducted on three public EEG datasets, achieving an accuracy of up to for the largest dataset with 109 users for EEG-user linking. Additionally, it achieved precision in 3-Class task classification and precision in the 5-Class case.
The rest of the paper is structured as follows: Section 2 introduces the background knowledge of brainwave signals. Section 3 provides a formal definition of EEG-based identity authentication and Section 4 presents the details of our framework, ESML. Section 5 shows the details of the EEG datasets and the baseline methods used in this paper. Section 6 discusses our experiments and corresponding results, followed by Section 7 summarizing the paper and outlining directions for future work.
2. Related Work
The genetic traits of human EEG have received great attention since the very beginning of human EEG recordings by Hans Verger in 1924 []. The human brain is an important part of the central neural system, including the cerebrum, cerebellum and brain stem. The cerebrum is the most complex component with the largest brain volume and the highest growth level. Different cortical regions control different nerve centers and undertake different tasks. Thus, each region of the cerebral cortex has its function. Researchers have standardized the placement of electrodes for collecting and recording brain waves. Jasper et al. proposed the 10–20 electrode system in 1958, which defines the electrode names for different positions of the head []. A modification termed the 10–10 system was proposed with 64 channels in 1994 []. In this paper, three public EEG datasets are used for our experiment and they are RSVP [], Sternberg Task [] and BIC2000 []. Figure 2 shows the topographic of the three datasets. Figure 2a,b show the 3D images of the electrode positions of the RSVP and Sternberg Task, respectively. They are generated by the EEG Pack tool (EEGLAB. http://sccn.ucsd.edu/eeglab). Figure 2c shows the electrode positions for the dataset of BIC2000 [] and it used the international standard of 10–10 scalp electrode placement [].
Figure 2.
Topographic maps of the three public EEG datasets. (a) RSVP, (b) Sternberg Task, (c) BCI2000.
EEG signals stimulated by cerebral activities usually fall into several frequency bands: Delta, Theta, Alpha, Beta and Gamma bands. Each band contains signals associated with particular brain activities [,,,]. Delta band (0.5–4 Hz) represents the deep sleep state. Theta band (4–7.5 Hz) corresponds to the unconscious state of mind. Alpha band (8–13 Hz) corresponds to the state of calm and relaxation. Beta band (14–30 Hz) is related to thinking and problem-solving and Gamma band (30–45 Hz) is related to some pathology. The effect of different frequency bands on the experimental results has not yet been studied. In this study, a filtering operation will be used for EEG denoising on the baselines to make the results more equal to the comparison methods (see Section 5.2.1 for a detailed discussion).
3. Problem Definition
In this section, the EEG-based user identification and task classification problem will be formalized after introducing some definitions. is used to denote N subjects (users) and each subject performs M tasks. is used to denote M collection tasks for a subject n, where is a K-dimensional time series and every dimension represents an EEG signal for electrode placement (as shown in Figure 2). L is used to represent the length of the time series, and every task is a matrix of . is a 3D tensor denoting EEG signals from the placement k of user n at time l for the task m. is used to denote the different activities for each subject. The overview of ESML is demonstrated in Figure 3.
Figure 3.
Overview of the ESML Framework. For EEG-user linking, we first acquire EEG signals for an individual on m tasks. Each task is a matrix , where k is the dimensionality of signal representation for each time point and l is the time interval. EEG signals for each task are further divided into r sub-segments .
4. Proposed Framework
This section presents the ESML framework in detail. Section 4.1 shows how to segment the EEG signals of each task horizontally and vertically for EEG-user identification and EEG-task classification, respectively. Section 4.2 introduces the proposed framework and Section 4.3 discusses the optimization algorithm.
4.1. EEG Segmentation
Since the length of each task is relatively long, to reduce the computational complexity and capture richer user information from EEG, EEG will be split to improve the efficiency of EEG-user linking. The raw EEG task will be devided into r consecutive sub-sequences and the length of the each sub-sequence is:
Therefore, every sub-sequence is a matrix of . The schematic diagram of EEG data segmentation is shown in Figure 3. For task classification, segmenting EEG horizontally will decrease performance because the task characteristics existing in EEG will be disrupted. Thus, each task EEG will be divided vertically into sub-segments, with each .
4.2. EEG Characterization
In this paper, ESML achieves two objectives: EEG-user identification and EEG-task classification. A set of unlinked EEG signals will be linked to their corresponding users who generate them and classify tasks under which EEG was stimulated. The model is for EEG-user linking and the model is for EEG-task linking.
4.2.1. EEG-User Linking
For the EEG-user linking, one variant of the well-known Recurrent Neural Network (RNN) model, Long Short-Term Memory (LSTM) [], will be used to control the input and output of identity. For the sub-EEG segmentation , let , and denote the last, current and candidate embedding state, respectively. The first model, , has a total of five similar LSTM layers, in which the learning rate is 0.001 and the forgetting rate is 1.0. The LSTM model used in is implemented as follows []:
where , , , and are, respectively, the input gate, forget gate, output gate and bias vector. is a logistic sigmoid function. Matrices W, U and V are different gate parameters. is a segmentation of the EEG signal . The memory cell is updated by partially replacing the existing memory unit with a new cell as
The subject match learning is then updated by
where refers to the hyperbolic tangent function and ⊙ is the entry-wise product.
4.2.2. EEG-Task Linking
For the EEG-task linking model, 1D Convolutional Neural Networks (CNNs) are used on horizontally segmented tasks that contain the complete task information. The basic component of CNNs in is as follows:
- Input layer: The processed EEG signal is 1D completed signal data from one channel in 1 min.
- Convolution layer: The convolutional layer tries to analyze each patch of a neural network to obtain more abstract features. ReLu is chosen as activation in the CNN part because of its simplicity and efficiency. We also add dropout operation in the last two layers in CNNs to avoid overfitting.
- Batch-norm layer: It is set up before the input of each convolution layer.
- Max-pooling layer: This operation is used to select the maximum element from the region of the feature map covered by the filter.
The hyperparameters used in the convolutional part are shown in Table 2.
Table 2.
The hyperparameters setting in
4.2.3. Linking
To link EEG to its user and tasks, the EEG representation learned by the ESML models is fed into the softmax function:
where is the set of parameters to be learned.
4.3. Optimization
EEG is unstable and contains high noises, adaptive moment estimation (Adam) optimization algorithm will be used in ESML []. Given an EEG sequence for task m and subject n, the ESML model will be trained to maximize the log-likelihood concerning :
where s and are, respectively, the ground-truth user of EEG and the training data. At each step, Adam will be used to estimate the parameter set . Finally, the objective is to minimize the following cost function:
where is the predicted vector representation. Parameters used in this paper for Adam are (stepsize), , (exponential decay rates for the moment estimates) and (avoiding zero values during iterations).
5. Experimental Design
This section presents the details of the experimental design. Section 5.1 shows the description of the three EEG public datasets. Section 5.2 introduces the details of the baseline methods. EEG denoising and EEG feature extraction methods for these baseline methods are also presented. Section 5.3 introduces the evaluation metrics used in this paper.
5.1. Datasets
In this paper, experiments were conducted on three public EEG datasets: RSVP [], Sternberg Task [] and BCI2000 []. The different datasets have different purposes for their original experiments, and the details are as follows:
- RSVP: This dataset was originally collected to explore the neural basis of target detection in the human brain, which was collected using a BIOSEMI Active View 2 system with 256 electrodes mounted on a whole-head elastic electrode cap (E-Cap Inc., Winsen, Germany) with a custom near-uniform montage across the scalp, neck and bony parts of the upper face. Computer data acquisition was performed via USB using a customized acquisition driver at a 256 Hz sampling rate with 24-bit digitization.
- Sternberg Task: The purpose of the Sternberg Task was to investigate event-related EEG dynamics through a variation of the Sternberg task. The Sternberg Task data were collected from 71 channels (69 scalp and two periocular electrodes, all referred to as right mastoid) at a sampling rate of 250 Hz with an analog passband of 0.01 to 100 Hz (SA Instrumentation, San Diego, CA, USA). Input impedances were brought under 5 k by careful scalp preparation.
- BCI2000: BCI2000 was created and contributed to PhysioNet by the developers of the BCI2000 instrumentation systems. Users performed different motor/imagery tasks while 64-channel EEGs were recorded using the BCI2000 (http://www.bci2000.org) system.
Table 3 shows the statistical details of these three datasets.
Table 3.
Data description and statistics. N: the number of users; M: the number of tasks per user; F: the frequency of the EEG signal; K: the number of channels.
5.2. Baselines
A comparison is drawn between some machine learning algorithms and our proposed framework ESML for EEG-user linking and EEG-task linking. The details of the baseline methods used here are as follows:
- SVM: Bashar et al. [] used SVM to recognize humans from test EEG signals and obtained a true positive rate of . In SVM implementation [,,], the linear kernel is used for solving the EEG-based human recognition problem due to its better performance than other kernels such as RBF kernel and Gaussian kernel in our experiments.
- ConvNets: Robin et al. [] used deep learning with convolutional neural networks for EEG decoding and visualization; their study thus shows how to design and train ConvNets to decode task-related information from raw EEG without handcrafted features and highlights the potential of deep ConvNets combined with advanced visualization techniques for EEG-based brain mapping. Convolutional Neural Networks are designed to recognize visual patterns directly from pixel images with minimal preprocessing. In machine learning, a ConvNet is a class of deep, feed-forward artificial neural networks that has successfully been applied to analyzing visual imagery.
- LDA: Isuru et al. [] used linear discriminant analysis as a classification algorithm for their given set of user data, and the maximum accuracy recorded was . The LDA algorithm [,] is a generalization of Fisher’s linear discriminant, a method used in statistics, pattern recognition and machine learning to find a linear combination of features that characterizes or separates two or more classes of objects or events.
- NN: Nearest neighbor [,] is the optimization problem of finding the point in a given set that is closest (or most similar) to a given point. In a previous work, Lee et al. [] used Nearest neighbor (NN) classifier to obtain time and frequency characteristics in the EEG signals and achieved an accuracy of up to for a dataset with seven users.
- DTS: Aydemir et al. proposed a decision tree structure-based method that was applied to EEG classification and achieved , and classification accuracy rates on the test data of three subjects []. The decision tree is a map of the possible outcomes of a series of related choices and is a type of supervised learning algorithm that is mostly used in classification problems. It works for both categorical and continuous input and output variables.
- Bayesian: Bayesian classification algorithm is a statistical classification method, which is a class of algorithms using probability and statistics knowledge classification. Yu et al. [] demonstrated that the Bayesian method they proposed achieved a better overall performance than the computing algorithms for EEG classification.
- AdaBoost: Hu [] used the AdaBoost algorithm to recognize EEG signals, which is an iterative algorithm. The core idea is to train different classifiers on the same training set, and then combine these weak classifiers to form a stronger final classifier.
- MLP: Multi-layer Perceptron [,] is a forward-structured artificial neural network that maps a set of input vectors to a set of output vectors. MLP can be used as a directed graph, composed of multiple node layers, each layer is fully connected to the next layer.
To have a fair comparison between baselines and ESML, the steps of EEG denoising and feature extraction are used in the baseline methods. The details of the EEG denoising and feature extraction will be introduced in the next two sections: Section 5.2.1 and Section 5.2.2.
5.2.1. EEG Denoising
To denoise EEG signals, the zero-mean method was used to normalize the raw EEG signal:
where is the raw signal. is the average of each channel EEG signal. denotes the standard deviation of each channel EEG signal. is the new signal after normalization. This would be useful in reducing the intra-subject variance of the EEG signals. An EEG signal has five major waves: Delta, Theta, Alpha, Beta and Gamma waves [,,]. The EEG signal mainly ranges from 0.5 to 45 Hz. To remove artifacts and obtain better frequency characteristics, raw EEG signals are processed by filters, especially window pass filters, for frequencies 0.5–45 Hz.
5.2.2. EEG Feature Extraction
In this paper, the Autoregressive Moving Average (ARMA) method and Power Spectral Density (PSD) [] method will be used for EEG feature extraction. ARMA model [] is a linear time-invariant system with excitation signals as white noise, which is used to describe the generalized stationary stochastic process. The AR process can be regarded as a full infinite impulse response filter, which can be described by the following difference equation:
where is a discrete random process, which represents the EEG signal. c is a constant, p is the order of the AR model, is the model coefficient and is discrete white noise. The time series signal EEG can be uniquely identified by and each EEG signal can be uniquely determined by the AR model coefficients. The PSD method is characteristic of extracting the EEG signal from the frequency domain. Since the real power spectral density function of the brain waves cannot be obtained by the limited sample data, the power spectral density of a stationary random signal can only be estimated using a given set of sample data. The non-parametric estimation method based on the Fourier transform of the correlation function is called the classical power spectrum estimation method, such as the periodic method and the Welch method. In this paper, the Welch method is used [].
5.3. Evaluation Metrics
In this paper, the evaluation metric precision, recall and are used to measure the performance of models. They are commonly used for classification tasks. Specifically, the averages of these metrics are defined as follows:
and is the harmonic mean of the precision and the recall:
where and are, respectively, the precision and the recall averaged across all users in ESML.
6. Empirical Results
In this section, the empirical results will be discussed. Section 6.1 shows the results of the model on the EEG-user linking. Section 6.2 demonstrates the results of the model on the EEG-task linking. Section 6.3 provides a further discussion of the experimental results of the ESML model and a comparison with other works.
6.1. EEG-User Linking
The first experiment shows the effects of the size of EEG on the model for EEG-user linking. The experiment was conducted on the three EEG datasets. Figure 4 shows the effect of different sizes of segments of EEG on the EEG-subject linking precision. We can find that the different size of EEG has a minor effect on the EEG-subject linking precision, varying within a certain range. For the RSVP dataset, its precision varies from 0.17 to 0.29. For the Sternberg Task dataset, its precision varies from 0.60 to 0.75. For the BCI2000 dataset, its precision varies from 0.81 to 0.96. We also find that When is equal to the number of EEG acquisition channels, all three datasets achieve good accuracy. For the RSVP dataset, is chosen as 256. For the Sternberg Task dataset, is chosen as 72. For the BCI2000 dataset, is chosen as 64. For the analysis of the sampling length , The best performance for the three different datasets was achieved within a range of intervals. The optimal sampling range of is 150–250 for the RSVP dataset. For the dataset of the Sternberg Task, the optimal sampling range is 50–150. For the dataset of BCI2000, the optimal sampling range is 120–160. In the following experiments, the value will be 150 for all of the datasets.
Figure 4.
Precision comparison for different sizes of segmentation for EEG-user linking. represents the length of time series, denotes the number of EEG acquisition channel.
The second experiment here is to investigate the effect of training size on performance. The training/testing rates of 4:10, 7:7, 10:4 and 13:1 are chosen for the BCI2000 dataset. The cross-validation method was used here for model validation. The experimental results are shown in Figure 5 and Figure 6. We find that the EEG-user linking performance increases with the increasing number of training sizes. The model has the best performance at different training sizes compared to other baseline methods. Similar results were obtained for the other two datasets (i.e., RSVP and Sternberg Task).
Figure 5.
Precision comparison of overall EEG-user linking precision for different methods under different training/testing rates.
Figure 6.
Recall comparison of overall EEG-user linking precision for different methods under different training/testing rates.
Furthermore, Table 4 summarizes the performance of EEG-user linking among and baseline methods on the three datasets. We can find that the results for RSVP and Sternberg Task are less performant than that of BCI2000.
Table 4.
Performance comparison of with baseline methods for EEG-user linking.
There are two reasons for this: one is that the sampling time of the RSVP and the Sternberg Task is too small; another is that the number of tasks for each subject when collecting EEG in the three datasets is different. These led to differences in performance. However, the model exhibited better performance than the baselines in three datasets, and the best precision rate which was able to achieve was for the BCI2000 dataset.
6.2. EEG-Task Linking
In this part, the model will be analyzed and the BCI2000 data will be used for EEG-task linking. BCI2000 has 109 subjects and 14 task sessions for each subject. In these tasks, there were six different activities. The details of the BCI2000 tasks are shown in Table 5.
Table 5.
Activity description for BCI2000 dataset.
Previous research work [] has shown that the same motor cortex is still activated even under imagination. The BCI2000 dataset will be categorized into 5-Class and 3-Class. For the 5-Class: the first two activities are regarded as one static class, and the other four activities are classified as the other four classes. For the 3-Class: activities and as one class, activities and as the second class, and activities and as the last class. The details of the 5-Class and 3-Class are shown in Table 6 and Table 7.
Table 6.
Task classification for BCI2000 5-Class.
Table 7.
Task classification for BCI2000 3-Class.
Table 8 shows the results of and baseline methods for EEG-task linking in 3-Class and 5-Class. We can see that the model can achieve precision at the 3-Class case. It is superior to other baseline methods and achieves at least a improvement over the achieved by the best baseline method, SVM. In the 5-Class case, the model is still the best method compared to other baselines and achieved precision.
Table 8.
Performance comparison of with baseline methods for EEG-task linking.
6.3. Further Discussion
In the previous analysis, we can see that the proposed framework, ESML, has fewer EEG processing steps and can provide better performance than baseline methods (i.e., SVM, LDA, NN, DTS, Bayesian, AdaBoost and MLP). For the EEG-user linking, we also compare some other research works, and the details are shown in Table 9. We can find that these works have good results on EEG-user linking, but all of these works need to preprocess the EEG data and perform the feature extraction. Although the proposed model is not the best performance method in the table, it has a simpler EEG operation without preprocessing (i.e., denoising and feature extraction). Moreover, the model achieved the best precision rate, at , with 109 users, and the number of users is much higher than that of other research works. For the EEG-task linking, D. La Rocca et al. [] tested their algorithm called Mahalanobis distance-based classifier and claimed a accuracy on the same BCI2000 dataset. However, they built a binary classification model only for eyes-closed (i.e., in Table 5) and eyes-open (i.e., in Table 5) resting state conditions. The model proposed in this paper can achieve precision for the 3-Class case and precision for the 5-Class case. It can provide better performance compared to other baseline methods.
Table 9.
Comparison with other research works.
7. Conclusions
In this paper, a deep learning-based framework, ESML, was proposed for raw EEG signal processing to realize user identification and task classification. The proposed framework is simple but effective and efficient. It does not have any restrictions on thinking and motions for users during EEG collection and it does not require any EEG preprocessing operations, such as EEG denoising and feature extraction. For the ESML framework, it consists of two models. One is the model via the LSTM-based method for EEG-user linking. Another one is the model via CNN-based method for EEG-task linking. model can provide the best precision, at , with 109 users, while model achieved a precision for the 3-Class case and a precision for the 5-Class case. The experiments provide direct evidence which indicates that EEG signals can be used for user identification and task classification. In the three public EEG datasets, ESML can perform the best and achieve significant improvement when compared to baseline methods. Although this study shows promising results for EEG-based user identification and task classification, developing more sophisticated models is always a worthwhile pursuit as a future direction. In future work, we would like to develop a real-time system that can enable us to observe EEG features, thus helping people to better understand brain activity.
Author Contributions
Writing—original draft preparation, J.X.; writing—review and editing, E.Z. and T.B.; supervision, Z.Q. (Zhen Qin); project administration, Z.Q. (Zhiguang Qin). All authors have read and agreed to the published version of the manuscript.
Funding
This work was supported in part by the National Natural Science Foundation of China (No.62072074, No.62076054, No.62027827, No.62002047), the Sichuan Science and Technology Innovation Platform and Talent Plan (No.2022JDJQ0039), the Sichuan Science and Technology Support Plan (No.2020YFSY0010, No.2022YFQ0045, No.2022YFS0220, No.2021YFG0131, No.2023YFS0020, No.2023YFS0197, No.2023YFG0148), the YIBIN Science and Technology Support Plan (No.2021CG003), the Medico-Engineering Cooperation Funds from University of Electronic Science and Technology of China (No.ZYGX2021YGLH212, No.ZYGX2022YGRH012).
Institutional Review Board Statement
Not applicable.
Informed Consent Statement
Not applicable.
Data Availability Statement
Not applicable.
Conflicts of Interest
The authors declare no conflict of interest.
References
- Jirayucharoensak, S.; Pan-Ngum, S.; Israsena, P. EEG-based emotion recognition using deep learning network with principal component based covariate shift adaptation. Sci. World J. 2014, 2014, 627892. [Google Scholar] [CrossRef]
- An, X.; Kuang, D.; Guo, X.; Zhao, Y.; He, L. A deep learning method for classification of EEG data based on motor imagery. In Proceedings of the International Conference on Intelligent Computing, Taiyuan, China, 3–6 August 2014; Springer: Berlin/Heidelberg, Germany; pp. 203–210. [Google Scholar]
- Schirrmeister, R.T.; Springenberg, J.T.; Fiederer, L.D.J.; Glasstetter, M.; Eggensperger, K.; Tangermann, M.; Hutter, F.; Burgard, W.; Ball, T. Deep learning with convolutional neural networks for EEG decoding and visualization. Hum. Brain Mapp. 2017, 38, 5391–5420. [Google Scholar] [CrossRef]
- Schons, T.; Moreira, G.J.; Silva, P.H.; Coelho, V.N.; Luz, E.J. Convolutional network for EEG-based biometric. In Proceedings of the Iberoamerican Congress on Pattern Recognition, Valparaiso, Chile, 7–10 November 2017; Springer: Berlin/Heidelberg, Germany, 2017; pp. 601–608. [Google Scholar]
- Mao, Z.; Yao, W.X.; Huang, Y. EEG-based biometric identification with deep learning. In Proceedings of the 2017 8th International IEEE/EMBS Conference on Neural Engineering (NER) IEEE, Shanghai, China, 25–28 May 2017; pp. 609–612. [Google Scholar]
- Petrantonakis, P.C.; Hadjileontiadis, L.J. Emotion recognition from EEG using higher order crossings. IEEE Trans. Inf. Technol. Biomed. 2009, 14, 186–197. [Google Scholar] [CrossRef]
- Min, W.; Luo, G. Medical applications of EEG wave classification. Chance 2009, 22, 14–20. [Google Scholar] [CrossRef]
- Lin, Y.P.; Wang, C.H.; Jung, T.P.; Wu, T.L.; Jeng, S.K.; Duann, J.R.; Chen, J.H. EEG-based emotion recognition in music listening. IEEE Trans. Biomed. Eng. 2010, 57, 1798–1806. [Google Scholar]
- Wang, Q.; Sourina, O.; Nguyen, M.K. EEG-based “serious” games design for medical applications. In Proceedings of the 2010 International Conference on Cyberworlds, IEEE, Singapore, 20–22 October 2010; pp. 270–276. [Google Scholar]
- Soufineyestani, M.; Dowling, D.; Khan, A. Electroencephalography (EEG) technology applications and available devices. Appl. Sci. 2020, 10, 7453. [Google Scholar] [CrossRef]
- Lee, W.T.; Nisar, H.; Malik, A.S.; Yeap, K.H. A brain computer interface for smart home control. In Proceedings of the 2013 IEEE International Symposium on Consumer Electronics (ISCE), IEEE, Hsinchu City, Taiwan, 3–6 June 2013; pp. 35–36. [Google Scholar]
- Acharya, U.R.; Sree, S.V.; Swapna, G.; Martis, R.J.; Suri, J.S. Automated EEG analysis of epilepsy: A review. Knowl.-Based Syst. 2013, 45, 147–165. [Google Scholar] [CrossRef]
- Sun, H.; Fu, Y.; Xiong, X.; Yang, J.; Liu, C.; Yu, Z. Identification of EEG induced by motor imagery based on Hilbert-Huang transform. Acta Autom. Sin. 2015, 41, 1686–1692. [Google Scholar]
- Gao, Z.K.; Liu, C.Y.; Yang, Y.X.; Cai, Q.; Dang, W.D.; Du, X.L.; Jia, H.X. Multivariate weighted recurrence network analysis of EEG signals from ERP-based smart home system. Chaos Interdiscip. J. Nonlinear Sci. 2018, 28, 085713. [Google Scholar] [CrossRef]
- Altenmüller, E.; Gruhn, W.; Parlitz, D.; Liebert, G. The impact of music education on brain networks: Evidence from EEG-studies. Int. J. Music. Educ. 2000, 1, 47–53. [Google Scholar] [CrossRef]
- Bensalem-Owen, M.; Chau, D.F.; Sardam, S.C.; Fahy, B.G. Education research: Evaluating the use of podcasting for residents during EEG instruction: A pilot study. Neurology 2011, 77, e42–e44. [Google Scholar] [CrossRef]
- Prauzner, T. Analysis of the results of the pedagogical research and EEG in the aspect of effective modern teaching aids in the technical education. In Proceedings of the International Scientific Conference, Madrid, Spain, 24–26 June 2015; Volume 4, pp. 480–489. [Google Scholar]
- Nascimento, F.A.; Maheshwari, A.; Chu, J.; Gavvala, J.R. EEG education in neurology residency: Background knowledge and focal challenges. Epileptic Disord. 2020, 22, 769–774. [Google Scholar] [CrossRef]
- Bodda, S.; Chandranpillai, H.; Viswam, P.; Krishna, S.; Nair, B.; Diwakar, S. Categorizing imagined right and left motor imagery BCI tasks for low-cost robotic neuroprosthesis. In Proceedings of the 2016 International Conference on Electrical, Electronics, and Optimization Techniques (ICEEOT), IEEE, Chennai, India, 3–5 March 2016; pp. 3670–3673. [Google Scholar]
- Das, A.; Suresh, S.; Sundararajan, N. A discriminative subject-specific spatio-spectral filter selection approach for EEG based motor-imagery task classification. Expert Syst. Appl. 2016, 64, 375–384. [Google Scholar] [CrossRef]
- Shaari, N.; Syafiq, M.; Amin, M.; Mikami, O. Electroencephalography (EEG) application in neuromarketing-exploring the subconscious mind. J. Adv. Manuf. Technol. 2019, 13, 2. [Google Scholar]
- Lee, J.; Yang, J.H. Analysis of driver’s EEG given take-over alarm in SAE level 3 automated driving in a simulated environment. Int. J. Automot. Technol. 2020, 21, 719–728. [Google Scholar] [CrossRef]
- Hecht, T.; Feldhütter, A.; Radlmayr, J.; Nakano, Y.; Miki, Y.; Henle, C.; Bengler, K. A review of driver state monitoring systems in the context of automated driving. In Proceedings of the Congress of the International Ergonomics Association, Florence, Italy, 26–28 August 2018; Springer: Berlin/Heidelberg, Germany, 2018; pp. 398–408. [Google Scholar]
- Xiong, H.; Zhang, H.; Sun, J. Attribute-Based Privacy-Preserving Data Sharing for Dynamic Groups in Cloud Computing. IEEE Syst. J. 2018, 13, 2739–2750. [Google Scholar] [CrossRef]
- Jain, A.K.; Flynn, P.; Ross, A.A. Handbook of Biometrics; Springer: New York, NY, USA, 2008. [Google Scholar]
- Wayman, J.; Jain, A.; Maltoni, D.; Maio, D. An introduction to biometric authentication systems. In Biometric Systems: Technology, Design and Performance Evaluation; Springer: London, UK, 2005; pp. 1–20. [Google Scholar]
- Kofanova, O.A.; Mathieson, W.; Thomas, G.A.; Betsou, F. DNA fingerprinting: A quality control case study for human biospecimen authentication. Biopreserv. Biobank. 2014, 12, 151–153. [Google Scholar] [CrossRef]
- Lai, W.K.; Tan, B.G.; Soo, M.S.; Khan, I. User Identification of Keystroke Biometric Patterns with the Cognitive RAM Weightless Neural Net. In Advances in Machine Learning and Signal Processing; Springer: Berlin/Heidelberg, Germany, 2016; pp. 1–12. [Google Scholar]
- Damaševičius, R.; Maskeliūnas, R.; Venčkauskas, A.; Woźniak, M. Smartphone user identity verification using gait characteristics. Symmetry 2016, 8, 100. [Google Scholar] [CrossRef]
- Cimato, S.; Gamassi, M.; Piuri, V.; Sana, D.; Sassi, R.; Scotti, F. Personal identification and verification using multimodal biometric data. In Proceedings of the Computational Intelligence for Homeland Security and Personal Safety, IEEE, Alexandria, VA, USA, 16–17 October 2006; pp. 41–45. [Google Scholar]
- Poulos, M.; Rangoussi, M.; Alexandris, N. Neural network based person identification using EEG features. In Proceedings of the Acoustics, Speech, and Signal Processing on 1999 IEEE International Conference, IEEE, Phoenix, AZ, USA, 15–19 March 1999; Volume 2, pp. 1117–1120. [Google Scholar]
- Thorpe, J.; van Oorschot, P.C.; Somayaji, A. Pass-thoughts: Authenticating with our minds. In Proceedings of the 2005 Workshop on New Security Paradigms, ACM, Arrowhead, CA, USA, 20–23 September 2005; pp. 45–56. [Google Scholar]
- Altahat, S.; Huang, X.; Tran, D.; Sharma, D. People identification with RMS-Based spatial pattern of EEG signal. In Proceedings of the Algorithms and Architectures for Parallel Processing: 12th International Conference, Fukuoka, Japan, 4–7 September 2012; Springer: Berlin/Heidelberg, Germany; pp. 310–318. [Google Scholar]
- Poulos, M.; Rangoussi, M.; Chrissikopoulos, V.; Evangelou, A. Person identification based on parametric processing of the EEG. In Proceedings of the Electronics, Circuits and Systems, ICECS’99, the 6th IEEE International Conference on IEEE, Pafos, Cyprus, 5–8 September 1999; Volume 1, pp. 283–286. [Google Scholar]
- Jayarathne, I.; Cohen, M.; Amarakeerthi, S. BrainID: Development of an EEG-based biometric authentication system. In Proceedings of the Information Technology, Electronics and Mobile Communication Conference (IEMCON), 2016 IEEE 7th Annual, IEEE, Vancouver, BC, Canada, 13–15 October 2016; pp. 1–6. [Google Scholar]
- Collura, T.F. History and evolution of electroencephalographic instruments and techniques. J. Clin. Neurophysiol. Off. Publ. Am. Electroencephalogr. Soc. 1993, 10, 476–504. [Google Scholar] [CrossRef]
- Jasper, H.H. The ten twenty electrode system of the international federation. Electroencephalogr. Clin. Neurophysiol. Suppl. 1958, 10, 371–375. [Google Scholar]
- American Electroencephalographic Society. Guideline thirteen: Guidelines for standard electrode position nomenclature. J. Clin. Neurophysiol. 1994, 11, 111–113. [Google Scholar] [CrossRef]
- Bigdely-Shamlo, N.; Vankov, A.; Ramirez, R.R.; Makeig, S. Brain activity-based image classification from rapid serial visual presentation. IEEE Trans. Neural Syst. Rehabil. Eng. 2008, 16, 432–441. [Google Scholar] [CrossRef] [PubMed]
- Onton, J.; Delorme, A.; Makeig, S. Frontal midline EEG dynamics during working memory. Neuroimage 2005, 27, 341–356. [Google Scholar] [CrossRef] [PubMed]
- Goldberger, A.L.; Amaral, L.A.; Glass, L.; Hausdorff, J.M.; Ivanov, P.C.; Mark, R.G.; Mietus, J.E.; Moody, G.B.; Peng, C.K.; Stanley, H.E. PhysioBank, PhysioToolkit, and PhysioNet: Components of a new research resource for complex physiologic signals. Circulation 2000, 101, e215–e220. [Google Scholar] [CrossRef]
- Alotaiby, T.; El-Samie, F.E.A.; Alshebeili, S.A.; Ahmad, I. A review of channel selection algorithms for EEG signal processing. EURASIP J. Adv. Signal Process. 2015, 2015, 66. [Google Scholar] [CrossRef]
- Baars, B.J.; Gage, N.M. Cognition, Brain, and Consciousness: Introduction to Cognitive Neuroscience; Elsevier: Amsterdam, The Netherlands; Academic Press: Cambridge, MA, USA, 2007; pp. 635–637. [Google Scholar]
- Li, X.L.; Yang, J.H.; Zhang, L.; Li, S.; Jin, G.; Zhi, S. A new star pattern identification technique using an improved triangle algorithm. Proc. Inst. Mech. Eng. Part G-J. Aerosp. Eng. 2015, 229, 1730–1739. [Google Scholar] [CrossRef]
- Palaniappan, R.; Raveendran, P. Individual identification technique using visual evoked potential signals. Electron. Lett. 2002, 38, 1634–1635. [Google Scholar] [CrossRef]
- Hochreiter, S.; Schmidhuber, J. Long short-term memory. Neural Comput. 1997, 9, 1735–1780. [Google Scholar] [CrossRef]
- Gao, Q.; Zhou, F.; Zhang, K.; Trajcevski, G.; Luo, X.; Zhang, F.; Gao, Q.; Zhou, F.; Zhang, K.; Trajcevski, G. Identifying Human Mobility via Trajectory Embeddings. In Proceedings of the Twenty-Sixth International Joint Conference on Artificial Intelligence, Melbourne, Australia, 19–25 August 2017; pp. 1689–1695. [Google Scholar]
- Kingma, D.; Ba, J. Adam: A method for stochastic optimization. arXiv 2014, arXiv:1412.6980. [Google Scholar]
- Bashar, M.K.; Chiaki, I.; Yoshida, H. Human identification from brain EEG signals using advanced machine learning method EEG-based biometrics. In Proceedings of the Biomedical Engineering and Sciences (IECBES), 2016 IEEE EMBS Conference on IEEE, Kuala Lumpur, Malaysia, 4–8 December 2016; pp. 475–479. [Google Scholar]
- Zhang, Y.; Liu, B.; Ji, X.; Huang, D. Classification of EEG Signals Based on Autoregressive Model and Wavelet Packet Decomposition. Neural Process. Lett. 2017, 45, 1–14. [Google Scholar] [CrossRef]
- Zarei, R.; He, J.; Siuly, S.; Zhang, Y. A PCA aided cross-covariance scheme for discriminative feature extraction from EEG signals. Comput. Methods Programs Biomed. 2017, 146, 47. [Google Scholar] [CrossRef]
- Bhardwaj, A.; Gupta, A.; Jain, P.; Rani, A.; Yadav, J. Classification of human emotions from EEG signals using SVM and LDA Classifiers. In Proceedings of the International Conference on Signal Processing and Integrated Networks, Edinburgh, UK, 3–6 July 2016; pp. 180–185. [Google Scholar]
- Parvinnia, E.; Sabeti, M.; Jahromi, M.Z.; Boostani, R. Classification of EEG Signals using adaptive weighted distance nearest neighbor algorithm. J. King Saud Univ.-Comput. Inf. Sci. 2014, 26, 1–6. [Google Scholar] [CrossRef]
- Lee, C.; Kang, J.H.; Kim, S.P. Feature slection using mutual information for EEG-based biometrics. In Proceedings of the Telecommunications and Signal Processing (TSP), 2016 39th International Conference on IEEE, Vienna, Austria, 27–29 June 2016; pp. 673–676. [Google Scholar]
- Aydemir, O.; Kayikcioglu, T. Decision tree structure based classification of EEG signals recorded during two dimensional cursor movement imagery. J. Neurosci. Methods 2014, 229, 68. [Google Scholar] [CrossRef]
- Zhang, Y.; Zhou, G.; Jin, J.; Zhao, Q.; Wang, X.; Cichocki, A. Sparse Bayesian Classification of EEG for Brain-Computer Interface. IEEE Trans. Neural Networks Learn. Syst. 2016, 27, 2256–2267. [Google Scholar] [CrossRef]
- Hu, J. Automated Detection of Driver Fatigue Based on AdaBoost Classifier with EEG Signals. Front. Comput. Neurosci. 2017, 11, 72. [Google Scholar] [CrossRef] [PubMed]
- Chatterjee, R.; Bandyopadhyay, T. EEG Based Motor Imagery Classification Using SVM and MLP. In Proceedings of the International Conference on Computational Intelligence and Networks, Tehri, India, 23–25 December 2016; pp. 84–89. [Google Scholar]
- Zheng, W.L.; Lu, B.L. Investigating critical frequency bands and channels for EEG-based emotion recognition with deep neural networks. IEEE Trans. Auton. Ment. Dev. 2015, 7, 162–175. [Google Scholar] [CrossRef]
- Adeli, H.; Ghosh-Dastidar, S.; Dadmehr, N. A wavelet-chaos methodology for analysis of EEGs and EEG subbands to detect seizure and epilepsy. IEEE Trans. Biomed. Eng. 2007, 54, 205–211. [Google Scholar] [CrossRef] [PubMed]
- Ferri, R.; Rundo, F.; Bruni, O.; Terzano, M.G.; Stam, C.J. The functional connectivity of different EEG bands moves towards small-world network organization during sleep. Clin. Neurophysiol. 2008, 119, 2026–2036. [Google Scholar] [CrossRef]
- Del Pozo-Banos, M.; Alonso, J.B.; Ticay-Rivas, J.R.; Travieso, C.M. Electroencephalogram subject identification: A review. Expert Syst. Appl. 2014, 41, 6537–6554. [Google Scholar] [CrossRef]
- Tarvainen, M.P.; Hiltunen, J.K.; Ranta-aho, P.O.; Karjalainen, P.A. Estimation of nonstationary EEG with Kalman smoother approach: An application to event-related synchronization (ERS). IEEE Trans. Biomed. Eng. 2004, 51, 516–524. [Google Scholar] [CrossRef]
- Welch, P. The use of fast Fourier transform for the estimation of power spectra: A method based on time averaging over short, modified periodograms. IEEE Trans. Audio Electroacoust. 1967, 15, 70–73. [Google Scholar] [CrossRef]
- Hanakawa, T.; Immisch, I.; Toma, K.; Dimyan, M.A.; Van Gelderen, P.; Hallett, M. Functional properties of brain areas associated with motor execution and imagery. J. Neurophysiol. 2003, 89, 989–1002. [Google Scholar] [CrossRef] [PubMed]
- La Rocca, D.; Campisi, P.; Vegso, B.; Cserti, P.; Kozmann, G.; Babiloni, F.; Fallani, F.D.V. Human brain distinctiveness based on EEG spectral coherence connectivity. IEEE Trans. Biomed. Eng. 2014, 61, 2406–2412. [Google Scholar] [CrossRef] [PubMed]
- Jayarathne, I.; Cohen, M.; Amarakeerthi, S. Person identification from EEG using various machine learning techniques with inter-hemispheric amplitude ratio. PLoS ONE 2020, 15, e0238872. [Google Scholar] [CrossRef]
- Gui, Q.; Jin, Z.; Xu, W. Exploring EEG-based biometrics for user identification and authentication. In Proceedings of the 2014 IEEE Signal Processing in Medicine and Biology Symposium (SPMB), IEEE, Philadelphia, PA, USA, 13 December 2014; pp. 1–6. [Google Scholar]
- Brigham, K.; Kumar, B.V. Subject identification from electroencephalogram (EEG) signals during imagined speech. In Proceedings of the 2010 Fourth IEEE International Conference on Biometrics: Theory, Applications and Systems (BTAS), IEEE, Washington, DC, USA, 23–26 September 2010; pp. 1–8. [Google Scholar]
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content. |
© 2023 by the authors. Licensee MDPI, Basel, Switzerland. This article is an open access article distributed under the terms and conditions of the Creative Commons Attribution (CC BY) license (https://creativecommons.org/licenses/by/4.0/).