Next Article in Journal
Effect of Electrode Thickness on Quality Factor of Ring Electrode QCM Sensor
Previous Article in Journal
Design of an Integrated Micro-Viscometer for Monitoring Engine Oil
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

A Hybrid Hand-Crafted and Deep Neural Spatio-Temporal EEG Features Clustering Framework for Precise Emotional Status Recognition

1
Department of Electrical Engineering, National Taipei University of Technology, Taipei 106, Taiwan
2
Department of Telecommunication Engineering, University of Engineering and Technology Taxila, Rawalpindi 47050, Punjab, Pakistan
3
School of Automation, Nanjing University of Science and Technology, Nanjing 210094, China
*
Author to whom correspondence should be addressed.
Sensors 2022, 22(14), 5158; https://doi.org/10.3390/s22145158
Submission received: 30 May 2022 / Revised: 27 June 2022 / Accepted: 7 July 2022 / Published: 9 July 2022
(This article belongs to the Section Sensing and Imaging)

Abstract

:
Human emotions are variant with time, non-stationary, complex in nature, and are invoked as a result of human reactions during our daily lives. Continuously detecting human emotions from one-dimensional EEG signals is an arduous task. This paper proposes an advanced signal processing mechanism for emotion detection from EEG signals using continuous wavelet transform. The space and time components of the raw EEG signals are converted into 2D spectrograms followed by feature extraction. A hybrid spatio-temporal deep neural network is implemented to extract rich features. A differential-based entropy feature selection technique adaptively differentiates features based on entropy, based on low and high information regions. Bag of Deep Features (BoDF) is applied to create clusters of similar features and computes the features vocabularies for reduction of feature dimensionality. Extensive experiments are performed on the SEED dataset, which shows the significance of the proposed method compared to state-of-the-art methods. Specifically, the proposed model achieved 96.7%, 96.2%, 95.8%, and 95.3% accuracy with the SJTU SEED dataset, for SVM, ensemble, tree, and KNN classifiers, respectively.

1. Introduction

Films are a form of visual art that can easily evoke human emotions. Depending on the human being’s conditions and circumstances, they feel different emotions, for example, human beings in a positive mood are more likely to feel happy emotions [1]. Effective indexing in multimedia can enhance multimedia restoration, and make recommendations for evoking multiple emotions [2]. It is a convenient way to describe the traces and feelings of human emotions without disturbing other human beings. These traces are beneficial, since there is no need for self-reporting affected by different social and personality factors. The emotional behavior of every human is recorded through electroencephalogram signals (EEG). The instant these emotional profiles or traces are felt, a signal is shown on the EEG, and this has applications in video indexing and summarization [3]. There are different types of emotions, which are categorized into three categories. One is expressed emotions that are real human emotion, another is felt emotions, and last one is the expected emotions. Expressed emotions are those that artists or creators try to present, irrespective of whether they are actually feeling those emotions. Expected emotions are those felt by the audience when watching the video content. Felt emotions are the personal feelings that are felt by the audience members individually. This paper aims to identify felt emotions using EEG signals extracted while watching multiple emotion-evoking movies.
The feelings of human beings can be changed according to the responses the person has to external and internal means that effect and alter human emotions. Most of the existing research detected human emotions using non-physiological signals, such as speech, body movement, facial expressions, along with physiological signals, such as functional magnetic resonance imaging (fMRI), skin resistance, electrocardiogram, and EEG [4,5,6,7,8]. Physiological signals, in comparison to non-physiological signals, are not influenced by the environment, especially EEG signals, due to their repeatability and reproducibility. Various methods were implemented in the literature to evaluate EEG signals for emotion detection. Traditionally, researchers performed an evaluation on four different models for emotion detection, such as discrete, dimension, processing, and temporal models [9]. The discrete emotion model considers multiple emotions and measures them on a scale based on the differential measurement of emotion [10]. The dimension model is based on the consciousness of the human being and considers valence, arousal, and dominance [11]. Temporal models measure emotions based on duration, such as short term, medium, and long term emotions [12]. In addition, the processing level models measure emotions at different levels, such as low-level, which invokes effective signal and motor actions, mid level and high level emotions [13]. Time-frequency analysis is performed to obtain various characteristics because it provides salient information about the emotional states. A differential entropy is measured for various frequency bands associated with these EEG signals for emotion assessments through beta and gamma rhythms. Using spatial-temporal recurrent neural networks (STRNN), the time-frequency domain features of EEG signals were categorized into 18 multi-linear features information by a spatial and temporal dependent model [14]. A collection of multiple emotional statuses from EEG signal analysis through different channels is used for cross domain assessment of emotion [15]. A recursive emotion feature elimination (RFE) method is used to reduce the repetitive features dimension. However, the problem of emotion assessment in these methods is approached in two ways. Either the researchers used the channels that provided high accuracy but required high computations or reduced the channels, which increased the computational speed but compromised the accuracy results. In this article, an EEG-based emotion assessment model is proposed, which uses differential entropy-based channel selection (DECS) for selecting channels that provide high-quality features and bag of deep features (BoDF), which further reduces the feature dimension. A 2-D spectrogram is obtained by taking the CWT of the pre-processed EEG emotion dataset. The GoogleNet model, which takes the 2-D spectrogram as input, provides us with the feature vector of all the subjects. The DECS algorithm allows us to select the channels which provide high entropy features. The dimensions of the high-quality features are reduced using BoDF by k-means clustering, and the visual vocabulary is generated. The visual vocabulary is then fed to the multi-class classifiers, which assesses the emotions using all kernels to classify three states of the SEED dataset: neutral, positive, and negative emotions. The overflow of the proposed emotion detection scheme is described in Figure 1.
The reminder of the paper is organized as follows: Section 2 presents previous work performed on EEG signals for emotion detection. Section 3 presents the formulation of the proposed emotion detection framework. Section 4 illustrates experimental results and an evaluation, and makes a comparison with previous methods. Section 5 concludes the paper and provides further research directions for emotion detection.

2. Related ork

Emotion detection gained a lot of attention in the last few years due to its direct links with multiple fields such as psychology, cognitive sciences, computer science, life sciences, physiology, and marketing [16,17]. There are a lot of techniques proposed to extract EEG signals from the brain and process them through computer-aided design to detect human emotions. For the last few decades, researchers have been trying to develop different methods for the human being’s brain–computer interface to collect emotional data. The brain–computer interface is used to control various devices and actions by brain signals [18]. Multiple human emotions are felt while watching movies, and the corresponding brain signals are recorded for further investigation. These brain signals are categorized and recognized through EEG signals. The EEG signals are retrieved from the brain with an electrode placed on the skull [19]. Although numerous researchers have attempted emotion detection through EEG signals, the detection process still requires much improvement and better measurement. A normalization of common spatial patterns (CSP) [20] is helpful in the reduction of noise and artifacts. An attempt at real-time emotion detection is achieved through virtual reality and the Internet of Things, which are used to provide users with a virtual and physical environment [21]. A classification framework is used that applies optimal and learning filter ratio criterion for emotion detection [22]. The optimal filters are used that helps in the automatic understanding of data. Most of the previous methods use time-frequency analysis and sparse distribution, namely discrete wavelet transform [23] and Fourier transform [19]. However, the emotional states are subjective and complex in nature.
Recent studies used machine learning tools due to the development and advancement in machine learning techniques for classification and detection tasks [24]. Various machine learning techniques were proposed to analyze and detect human emotion from EEG signals. The selection process of channels and features is critical for accurate detection. The computational cost tends to be high if there is a large dataset and vast training data. Different techniques were proposed for object detection and segmentation through deep learning classifiers [25,26]. The decomposition is performed with multiple traditional time-frequency decomposition methods, such as empirical mode decomposition (EMD) and discrete wavelet transform (DWT) to fragment the signals. Similar techniques, such as naive bayes, k-nearest neighbors, and multi-layers perceptron are applied to extract 13 different facial expressions [27]. Various feature extraction methods were used in the literature to improve the performance on emotion detection [28,29,30]. These feature extraction methods are based on extracting and measuring the dimension of facial landmarks. They use multi-model learning of Electromyography (EMG) and EEGs to conceive and extract information from the brain, and other sources of extracting information are texts, images, and videos. However, it is complicated to decipher the information retrieved from these images, texts, and videos. A differential entropy is measured from the respective EEG pulses where gamma and beta are applied as informative pulses to improve the learning of EEG signals for emotion detection [14]. In total, 18 different linear and non-linear vibrations through spatio-temporal neural networks were collected. Additionally, a database of EEG signals and emotion analysis was proposed for cross-target facial emotion assessment [15]. Motor imagery classification (MIC) used Hilbert transform and wavelet decomposition in combination with CapsNets backbone to achieve a better understanding of the EEG signals [25]. Cross-subject generalizability was accomplished through flexible analytic wavelet transform with machine learning classifiers [31]. A novel natural language processing was implemented for emotion detection through sentiment analysis [32]. A survey was performed on using sentiment analysis on social media data and presented a new direction in predicting human behavior [33]. Similarly sentiment analysis was applied to obtain human experiences such as finding the obesity rate by observing twitter data [34], investigation of tourist attractions [35], twitter sentiment and expressions [36], and overall happiness and patterns of life [37]. Multi-model learning (MM) with a bag of deep features is applied with machine learning classifiers using all the data collection channels for emotion detection [38]. A comparison of these methods and a corresponding number of channels used and backbone network is presented in Table 1. However, detecting emotions through EEG signals is quite challenging due to its undefined margins and boundaries. Traditionally, the assessment of EEG signals in these methods is approached in two ways; either using a high frequency that increases computational complexity or reduced channels that drop the accuracy. Furthermore, these methods are expensive in terms of cost and installation, making them unstable and infeasible in real-world situations. The difficult task is to design a novel method for detecting multiple emotions. The frequency components tend to change with respect to time, so the information is inadequate for detecting human emotions. Therefore, this paper uses a continuous wavelet transform (CWT) to study non-stationary EEG signals.

3. Proposed Methodology

This section presents the proposed architecture for emotion detection through EEG signals. The block diagram of the proposed method is illustrated in Figure 2. For sparse representation, the EEG signals are passed by continuous wavelet transform. GoogleNet further processes the sparsed signals for feature extraction. These features are divided based on the entropy of every feature through differential entropy-based feature selection. The redundant features are reduced by the BoDF and further classified by SVM, KNN, decision trees, and ensemble networks classifiers, resulting in a classified emotion. Each section of the proposed method is explained below.

3.1. Decomposition into Time-Frequency Spectrum

In real-life situations, the behavior of emotional states are subjective, complex, and non-stationary. To localize the subject of interest, time-frequency analysis is implemented to present sparse representation. The traditional way to transform the EEG signals x ( t ) to spectrograms is through short-time Fourier transform (STFT) X s t f t ( τ , ω ) , where τ , ω ϵ R , τ 0 , and R is the set of real number. The X s t f t ( τ , ω ) transforms x ( t ) through window function w ( t ) , such as
X s t f t τ , ω = x t ( w ( τ t ) ) e j ω t d t .
As the short window size of STFT results in more concise and provide sufficient understanding for time but ultimately degrading frequency information. However, a bigger window size has the opposite effect to a shorter window. To achieve a better analysis for both time and frequency domain, we applied continues wavelet analysis to extract necessary features and develop an image of the one-dimensional (1D) EEG signals. The continues wavelet analysis provides a better relationship between the decomposed version and the parent wavelet.
The emotional states are continuous and the frequency components ω tends to change with respect to time t. To present a sparser representation, CWT W x m , n is used to provide further segments of the X s t f t τ , ω , where m and n are the translating and scaling parameter of ψ t , respectively. If u ( t ) is the EEG signal in t, CWT transformation can be defined as
W x m , n = 1 m u t ψ t n m d t .
where ψ t is the wavelet function called “mother wavelet” depending on scale value m > 0 , a ϵ R and translation value n > 0 , n ϵ R . m and n are normalized such that they stay at the same level for different values with the function of 1 m . The scaling factor, a, controls the compression and expansion of the time but have reciprocal effect on frequency. This benefits in recognizing the periodical trends in input signal. Whereas the shifting factor, b, translates multidimensional decomposed components of the original signal u ( t ) . Continues wavelet analysis has the ability to recognize the abrupt changes in the frequency for multi-scales of the EEG signal. The decomposed wavelet at the desired time can obtained through applying the translated versions ψ t of wavelets to the original mother wavelet.
CWT provides an excellent opportunity to extract and investigate complicated spectral features of a signal. Function ψ t is a continuous in time and frequency function which is used to provide “daughter wavelets” for each possible time-translation and time-scaling as follows,
ψ m , n t = 1 m ψ t n m .
To reconstruct the original signal, inverse continues wavelet transform (ICWT) can represented as double-integral form, which used Morse wavelet and L1 normalization as follows,
u t = 1 C Ψ 1 m W x m , n ψ ^ t n m d b d m m 2 ,
where ψ ^ t is the dual function of ψ t , ψ ^ ϵ L 2 R , C Ψ is admissible wavelet with value in range of [ 0 , ] , can be defined as,
C ψ = ψ ^ ˜ ω | ω | d ω .
where ψ ω is the Fourier transform of ψ t and ψ ^ ˜ = ψ ^ ω ψ ω . The function C ψ has to be integrate to zero and oscillatory. This admissibility condition is used to analyze and reconstruct a signal without loss of information. Then, the mother wavelet, ψ t is reconstructed through second inverse wavelet, such as
u t = 1 2 π ψ ^ ˜ 1 m 2 W u m , n e i t n m d b d m .
The wavelets in time domain can be obtained as,
ψ t = ω t e i t ,
where ω t represents a window with a finite number of points. The low and high pass filter banks in continuous wavelet transform represent the low and high-frequency distribution in decomposition and reconstruction stages according to time. The translated and scaled decomposed versions of wavelets are moved in time across the original signal that results in estimating coefficients for multiple scales. The transformation of each recording of EEG signal of siz 1 × i are transformed to a two-dimensional matrix of size i × j , where j is number of multiple scales and i is whole length of the signal.
Furthermore, the feature vectors are extracted from the two-dimensional matrix. These feature vectors are combined to obtain the final feature matrix of size p × q where p represnts the total number of recordings and q represents total number of features. In the feature matrix p × q , the recordings are divided into three target emotions for each EEG data: neutral, positive, and negative, as shown in Figure 3. The effect of wavelet transform is visualized in Figure 3 that represents the time versus frequency distribution of different classes in the SEED dataset.

3.2. Feature Extraction

To provide enough features for learning the whole structure of spectrograms, GoogleNet inception model [40] is proposed as our backbone model for feature extraction. The obtained spectrum images from continuous wavelet transform is trained by a pre-trained GoogleNet model. This model is originally implemented on the ImageNet dataset, consisting of 1000 classes. The linear output layers consist of 1000 hidden nodes. The architecture consists of 22 deep layers and nine inception modules, while two max-pooling layers are used between every inception layer. The core idea of the inception module is to find the optimal sparse structure from provided coarse components. The final softmax layer is removed, and multiple traditional classifiers are applied to perform classification.
The whole architecture of the GoogleNet model is illustrated in Figure 4. The basic unit of GoogleNet achieves better accuracy and can parameters can be easily changed or modified in the model. We modified the basic architecture for SEED dataset. The input image is resized to 224 × 224 RGB color space with zero mean value. Each convolution layer is comprised of filters that are convolved with the input data to extract features. During the first layer, input image of size 224 × 224 is reduced to a dimension of 112 × 112 by a convolution filter of 34 × 34 and stride of 2. The formula for first layer operation is as follows,
Y o u t = Y i n + 2 p k s + 1 ,
where Y i n is input size, Y o u t is output size, p is padding size, k kernel size, and s is stride. The next layer reduces the dimension to 56 × 56 with filter size 3 × 3. The combination of inception module creates a bottleneck structure for GoogleNet. The output layers are removed and features are transferred to a differential entropy-based selection of features.
As the SEED dataset consist of positive, negative and neutral classes by performing five trials on 15 subjects. The EEG collected while using only 26 channels is considered for each subject. These 26 images are made for each of the 26 individuals EEG signals using time-frequency representation with 1000 dimensions. The pre-trained weights are inherited to reduce the training time and initiated for EEG signal classification. The loss function for the proposed model is given as,
L o s s ( r , δ ) = i = 1 n r i l o g ( δ i ) ,
where r is 1 for true positive; otherwise, r is 0; δ is the probability of category i predicted by softmax.

3.3. Differential Entropy-Based Features Selection

To reduce the data dimension without sacrificing the performance of emotion detection model, a decision criteria that estimates the percentage of correlation with whole set of features with the subset of selected features. The correlation benefits in selecting high information features. Differential entropy (DE) divides the high information features from low information features. Due to this division of high and low information features, we find the boundary of uncertainty information. DE provides differences between sections created by subsets of features and all features from spectrum images [41]. Significantly, various essential characteristics can be derived from this difference measurement. The aim is to find a subset with similar properties and information as the original input data. DE feature reduction is similar to logarithm energy spectrum in a given frequency domain. The input EEG signal comprises of 1000 data points creating a spectrum of frequency. The filters results in multiple frequency bands: δ (1–4 Hz), θ (4–8 Hz), α (8–13 Hz), and β (13–30 Hz) from each EEG channel.
Suppose ( U , A ) is a collection of features system, considering U as a set of spectrum features, and A as a set of features. The decision table can be represented as ( U , C D ) is the collective features, for C D = A , C D = , C is non-empty set of conditional features, and D is the decision attributes, respectively. For every P C , the DE feature vectors of P with respect to C is defined as;
E P U C = 1 U x ϵ U l o g 2 x C x P x P .
The information differentiation of P in the whole subset of ( U , C D ) is in fact the number of [ x ] c consisting of [ x ] p . The differentiation represents the measure of boundary between feature subset P and entire set C.
The [ x ] C and [ x ] P are the corresponding indistinguishable relation determined for P and similarly for C. It must be noted that for any PC and x ϵ U, is [ x ] C [ x ] P and Equation (10) can be simplified as;
E P U C = 1 U x ϵ U l o g 2 x C x P .
Considering these formulations, it is observed that E ( P | U C ) presents the the differentiation between U / P and U / C based on their actual ability. Additionally, it shows the importance of subset P in comparison to entire original feature set C. In fact, the higher the E ( P | U C ) , the higher the difference between feature sets P in the depiction of C. Specifically, if E ( P | U C ) = 0 , then U / P = U / C implies that both subset feature U / P and whole feature set U / C have equal knowledge. Only features with high entropy are selected to process in BoDF. Reducing the low entropy-based features can reduce features dimensions without degrading performance and improve simulation time resulting in a lightweight model.

3.4. Bag of Deep Features (BoDF)

BoDF is applied to minimize the collection of redundant features in classification. The reduced features can decrease feature size and the time required to train the backbone model. In general, many features have huge simulation time and high computational complexity. It is observed that using only 8 to 12 channels has a detrimental effect on the performance of the backbone model. The BoDF model comprises two stages; first, the Google-Net and differential entropy features are extracted from each EEG channel and are combined into a single vector. In the second stage, the cumulative set of all 26 features is clustered with the K-mean clustering method. The K-means clustering accumulates similar features into one region that represents the vocabulary employed in the further extraction of the final feature vector. The vocabulary set then generates the similarity histogram of raw feature vectors. The histogram is achieved using the euclidean distance of the vocabulary and raw feature vectors. The frequency of vocabulary features in the raw data denotes the final representation of the EEG data. For the SEED dataset the features of 17,550 × 1000 are clustered to 255 × 25 features vectors. Determining the number of clusters k is crucial for estimating decision boundary. The optimal values for choosing the suitable number of clusters are obtained through the hit and trial method. The 255 × 25 for each class feature vector is termed as its vocabulary. In the second phase, the vocabulary histogram is estimated. The comparison is performed by the vocabulary of each feature vector of 255 × 25 with the EEG dataset of all channels. In SEED dataset, features of 255 × 25 were compared with 26 channels features, and the occurrence frequency is computed. The size of the histogram feature is 225 × 25, along with the attribute value of the histogram between 0 and 30, which reduces the large feature size. The histogram features obtain the frequency of optimal features for each class. These features are collectively passed to classifiers. Multiple classifiers are proposed to provide a comparison and select a better classifier. Since the classification layer of the GoogleNet model is removed, SVM, ensemble, tree, and KNN classifiers are used as a classification layer.

3.5. Dataset Description

An EEG signals dataset was collected by Shanghai Jiaotong University (SJTU) for examining and analysis of the EEG signals for emotion detection known as SEED dataset [42]. The dataset contains EEG signals that are taken when human beings are watching different movies. In total, the data were collected from 15 participants (eight females and seven males). They were subjected to 15 movie clips containing various scenes to invoke a human being’s different emotions. These emotions of these people are noted and labeled as positive, negative, and neutral based on happy, sad, and normal mode, respectively. Table 2 shows the names of clips from few movies and the result of invoking emotion. The following protocols are satisfied when collecting the dataset:
  • The emotion detection was recorded for short clips in order to avoid the unnatural behavior of the human.
  • The video explains the scenario of itself.
  • Only one emotion was recorded at the time of watching the video.
The human emotional data were collected according to the international standard of the 10–20 system. The electrodes are placed on the head of the human beings to record EEG exams, poly-monograph, sleep, and study. These standards ensure the testing, compiling, and analysis of data for scientific purposes. To measure EEG signals, the electrodes are placed on anatomical landmarks on the human skull. The distance between the electrodes is 10% or 20% of the total front-back and right-left distances on the skull therefore, the system is known as the 10–20 system. The placement of electrodes is presented in Figure 5.

4. Results

Extensive experiments were performed through different deep learning models with different handcraft feature extraction classifiers. The performance is evaluated on the SEED dataset that consists of different channels for three classes. Only 26 channels are considered, to reduce cumbersome features while maintaining comparable accuracy. The performance is evaluated with multiple backbone models that are GoogleNet, AlexNet, ResNet-50, ResNet-101, and Inception-ResNet V2 with a combination of a different number of channels. Only the channels with best results on every backbone models are presented.

4.1. Performance Evaluation on Different Deep Learning Models

Multiple experiments were performed on different deep learning models in combination with the handcraft classifiers. The last classification layers are removed from the backbone models and evaluated on different handcraft classifiers such as ensemble and decision trees. It is compulsory to evaluate each deep learning model with different values of k due to their direct influence on the overall accuracy. The backbone models such as GoogleNet, AlexNet, ResNet-50, ResNet-101, and Inception V2, are combined with SVM, KNN, ensemble, and decision trees with k = ( 8 , 10 , 12 , 14 ) in clustering. The effect of different k values on SVM, KNN, ensemble, and decision tree classifiers with multiple deep learning models are presented in Figure 6. The performance of GoogleNet with the SVM classifier is comparatively better than other backbone models. As shown in Figure 6, the highest accuracy of SVM is 95.1% and 94.2% achieved with k = 8 and 14. However, accuracy achieved with AlexNet is 93.3% and 93.7% for k = 10, 12, and 14. With decision tree classifiers, GoogleNet and Inception-ResNetV2 have similar accuracy when k values are set to 12 and 10, respectively. Both of these models achieved 94.2% accuracy while in all other models the accuracy is between 91% and 93%. AlexNet and ResNet-50 achieve 94.6% with the KNN classifier. While using ensemble networks, the performance of GoogleNet is higher among all. However, as shown in Figure 6, the overall performance of GoogleNet is better with all k values in comparison to other backbone models. Table 3 presents the performance evaluation of different backbone models with the minimum number of channels considering different kernels in classifiers. The cubic kernel in SVM has the highest accuracy with 96.7% among all kernels using only 26 channels. The minimum number of channels reduces computation and cumbersome calculation. Subspace KNN kernel in ensemble classifier achieved the second highest accuracy of 96.2% followed by tree and KNN with 95.8% and 95.3%, respectively. Multiple experiments were performed with the different number of channels on different kernels; however, only the best results are shown in Table 3.

4.2. Comparison with State-of-the-Art Methods

The proposed method is compared with the state-of-the-art methods for emotion detection in Table 4. The comparison methods are motor imagery classification (MIC) [25], emotion recognition through wavelet transforms (ER-WTF) [31], empirical mode decomposition (EMD) [23], spatio-temporal recurrent neural network (STRNN) [14], cross subject (CS) [15], Evolutionary computation (EC) [39], and multi-model (MM) [38]. The proposed DEFS method achieved better performance on all classifiers with GoogleNet backbone in comparison to state-of-the-art methods. Specifically, the overall accuracy on SEED dataset is improved up to 96.7%, 95.3%, 95.8%, and 96.2% for SVM, KNN, tree, and ensemble classifiers. ER-WTF [31] uses a minimum number of dataset channels while STRNN [14] uses all 62 channels but the accuracy is still not satisfactory. Despite using fewer channels on SEED dataset, the proposed method achieved satisfactory performance for detecting various emotions. Compared to the SVM classifier of MMT [38], the proposed method’s accuracy using SVM, KNN, ensemble, and tree classifier is improved up to 2.9%, 2.4%, 2.4% and 2.0%, respectively. This indicates the effectiveness of the proposed method in accurate emotion recognition and classification.

5. Conclusions

In this article, a novel differential entropy-based feature selection technique is proposed to address the correct detection of emotion. Using GoogleNet as a backbone model can provide rich features using fewer channels. A guide to extracting multiple features based on histograms and clusters of similar features is added to the backbone model to improve the learning process. Different machine learning classifiers are added with multiple kernels to evaluate accurate detection. Extensive experiments on the SEED dataset show that proposed emotion detection provides satisfactory results. Nevertheless, emotion detection of EEG signals still requires more improvement. Further evaluation is needed through lightweight deep learning models and handcraft classifiers to obtain excellent detection accuracy. EEG-based emotion detection requires multi-disciplinary knowledge such as neuroscience, psychology, engineering, and computer science. Multi-model learning can be implemented to surpass the performance of current algorithms, or further discovery in psychology and neuroscience is required to strengthen detection accuracy.

Author Contributions

Conceptualization, Q.M.u.H., F. and L.Y.; methodology, Q.M.u.H., L.Y. and F.; software, Q.M.u.H., W.R., F. and F.I.; validation, Q.M.u.H. and L.Y.; formal analysis, Q.M.u.H. and L.Y.; investigation, L.Y.; resources, Q.M.u.H. and L.Y.; data curation, Q.M.u.H., F., W.R. and F.I.; writing–original draft preparation, Q.M.u.H., L.Y., F., F.I. and W.R.; writing–review and editing, Q.M.u.H., L.Y., F., W.R. and F.I.; visualization, Q.M.u.H.; supervision, L.Y.; project administration, Q.M.u.H. and L.Y.; funding acquisition, L.Y. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by Ministry of Science and Technology, Republic of China under the Grant number MOST 110-2221-E-027-054-MY3.

Institutional Review Board Statement

Not Applicable.

Informed Consent Statement

Not Applicable.

Data Availability Statement

The SEED dataset can found at following link: Available online: https://bcmi.sjtu.edu.cn/home/seed/seed.html (accessed on 30 May 2022).

Conflicts of Interest

The authors declare no conflict of interest.

Abbreviations

The following abbreviations are used in this manuscript:
BoDFBag of Deep Features
CSCross Subject
CSPCommon Spatial Patterns
CWTWavelet Transform
DEDifferential Entropy
DECSDifferential Entropy-Based Channel Selection
DWTDiscrete Wavelet Transform
ECEvolutionary Computation
EEGElectroencephalogram signals
EMDEmpirical Mode Decomposition
EMGElectromyography
ER-WTFEmotion Recognition Through Wavelet Transforms
fMRIFunctional Magnetic Resonance Imaging
KNNK-nearest Neighbours
MICMotor Imagery Classification
MMMulti-model learning
1DOne-Dimensional
ReLURectified Linear Activation
RFERecursive Emotion Feature Elimination
SJTUShanghai Jiaotong University
STRNNSpatial-Temporal Recurrent Neural Networks
SVMSupport Vector Machine
STFTShort-Time Fourier transform
2Dtwo-dimensional
WPDWavelet Packet Decomposition

References

  1. Hunter, P.G.; Schellenberg, E.G.; Griffith, A.T. Misery loves company: Mood-congruent emotional responding to music. Emotion 2011, 11, 1068–1072. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  2. Soleymani, M.; Larson, M.; Pun, T.; Hanjalic, A. Corpus development for affective video indexing. IEEE Trans. Multimed. 2014, 16, 1075–1089. [Google Scholar] [CrossRef] [Green Version]
  3. Joho, H.; Staiano, J.; Sebe, N.; Jose, J. Looking at the viewer: Analysing facial activity to detect personal highlights of multimedia contents. Multimed. Tools Appl. 2010, 51, 505–523. [Google Scholar] [CrossRef]
  4. Adolphs, R.; Tranel, D.; Damasio, H.; Damasio, A. Impaired recognition of emotion in facial expressions following bilateral damage to the human amygdala. Nature 1994, 372, 669–672. [Google Scholar] [CrossRef]
  5. Chatterjee, M.; Zion, D.J.; Deroche, M.L.; Burianek, B.A.; Limb, C.J.; Goren, A.P.; Kulkarni, A.M.; Christensen, J.A. Voice emotion recognition by cochlear-implanted children and their normally-hearing peers. Hear. Res. 2015, 322, 151–162. [Google Scholar] [CrossRef] [Green Version]
  6. Ross, P.D.; Polson, L.; Grosbras, M.H. Developmental Changes in Emotion Recognition from Full-Light and Point-Light Displays of Body Movement. PLoS ONE 2012, 7, e44815. [Google Scholar] [CrossRef]
  7. Zhong, Y.; Zhao, M.; Wang, Y.; Yang, J.; Zhan, J. Recognition of emotions using multimodal physiological signals and an ensemble deep learning model. Comput. Meth. Prog. Bio. 2017, 140, 93–110. [Google Scholar]
  8. Abadi, M.K.; Kia, M.; Subramanian, R.; Avesani, P.; Sebe, N. Decoding affect in videos employing the MEG brain signal. In Proceedings of the 2013 10th IEEE International Conference and Workshops on Automatic Face and Gesture Recognition (FG), Shanghai, China, 22–26 April 2013; pp. 1–6. [Google Scholar]
  9. Lottridge, D.; Chignell, M.; Jovicic, A. Affective interaction: Understanding, evaluating, and designing for human emotion. Rev. Hum. Factors Ergon. 2011, 7, 197–217. [Google Scholar] [CrossRef]
  10. Izard, C.E.; Libero, D.Z.; Putnam, P.; Haynes, O.M. Stability of emotion experiences and their relations to traits of personality. J. Personal. Soc. Psychol. 1993, 64, 847. [Google Scholar] [CrossRef]
  11. Lang, P.J. The emotion probe: Studies of motivation and attention. Am. Psychol. 1995, 50, 372. [Google Scholar] [CrossRef]
  12. Ekman, P.E.; Davidson, R.J. The Nature of Emotion: Fundamental Questions; Oxford University Press: Oxford, UK, 1994. [Google Scholar]
  13. Norman, D.A.; Ortony, A.; Russell, D.M. Affect and machine design: Lessons for the development of autonomous machines. IBM Syst. J. 2003, 42, 38–44. [Google Scholar] [CrossRef]
  14. Zhang, T.; Zheng, W.; Cui, Z.; Zong, Y.; Li, Y. Spatial-Temporal Recurrent Neural Network for Emotion Recognition. IEEE Trans. Cybern. 2019, 49, 839–847. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  15. Li, X.; Song, D.; Zhang, P.; Zhang, Y.; Hou, Y.; Hu, B. Exploring EEG features in cross-subject emotion recognition. Front. Neurosci. 2018, 12, 162. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  16. Aricò, P.; Borghini, G.; Flumeri, G.D.; Sciaraffa, N.; Babiloni, F. Passive BCI beyond the lab: Current trends and future directions. Physiol. Meas. 2018, 39, 08TR02. [Google Scholar] [CrossRef]
  17. Keltiner, D.; Lewis, P.E.M.; Jones, J.M.H. (Eds.) Facial Expression of Emotion, Hand Book of Emotions; Gilford Press: New York, NY, USA, 2000; pp. 236–249. [Google Scholar]
  18. Aloise, F.; Aricò, P.; Schettini, F.; Salinari, S.; Mattia, D.; Cincotti, F. Asynchronous gaze-independent event-related potential-based brain–Computer interface. Artif. Intell. Med. 2013, 59, 61–69. [Google Scholar] [CrossRef]
  19. Anagnostopoulos, C.-N.; Iliou, T.; Giannoukos, I. Features and classifiers for emotion recognition from speech: A survey from 2000 to 2011. Artif. Intell. Rev. 2012, 43, 155–177. [Google Scholar] [CrossRef]
  20. Lotte, F.; Guan, C. Regularizing Common Spatial Patterns to Improve BCI Designs: Unified Theory and New Algorithms. IEEE Trans. Biomed. Eng. 2011, 58, 355–362. [Google Scholar] [CrossRef] [Green Version]
  21. Coogan, C.G.; He, B. Brain-Computer Interface Control in a Virtual Reality Environment and Applications for the Internet of Things. IEEE Access 2018, 6, 10840–10849. [Google Scholar] [CrossRef]
  22. Song, L.; Epps, J. Classifying EEG for Brain-Computer Interface: Learning Optimal Filters for Dynamical System Features. Comput. Intell. Neurosci. 2007, 2007, 057180. [Google Scholar] [CrossRef] [Green Version]
  23. Mert, A.; Akan, A. Emotion recognition from EEG signals by using multivariate empirical mode decomposition. Pattern Anal. Appl. 2016, 21, 81–89. [Google Scholar] [CrossRef]
  24. Chondro, P.; Haq, Q.M.U.; Ruan, S.J.; Li, L.P.H. Transferable architecture for segmenting maxillary sinuses on texture-enhanced occipitomental view radiographs. Mathematics 2020, 8, 768. [Google Scholar] [CrossRef]
  25. Sadiq, M.T.; Yu, X.; Yuan, Z.; Fan, Z.; Rehman, A.U.; Li, G.; Xiao, G. Motor Imagery EEG Signals Classification Based on Mode Amplitude and Frequency Components Using Empirical Wavelet Transform. IEEE Access 2019, 7, 127678–127692. [Google Scholar] [CrossRef]
  26. Kevric, J.; Subasi, A. Comparison of signal decomposition methods in classification of EEG signals for motor-imagery BCI system. Biomed. Signal Process. Control 2017, 31, 398–406. [Google Scholar] [CrossRef]
  27. Raheel, A.; Majid, M.; Anwar, S.M. Facial expression recognition based on electroencephalography. In Proceedings of the 2019 2nd International Conference on Computing, Mathematics and Engineering Technologies (iCoMET), Sukkur, Pakistan, 30–31 January 2019; pp. 1–5. [Google Scholar]
  28. Nguyen, B.T.; Trinh, M.H.; Phan, T.V.; Nguyen, H.D. An efficient real-time emotion detection using camera and facial landmarks. In Proceedings of the 2017 Seventh International Conference on Information Science and Technology (ICIST), Da Nang, Vietnam, 16–19 April 2017. [Google Scholar] [CrossRef]
  29. Chao, H.; Dong, L.; Liu, Y.; Lu, B. Emotion Recognition from Multiband EEG Signals Using CapsNet. Sensors 2019, 19, 2212. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  30. Faust, O.; Hagiwara, Y.; Hong, T.J.; Lih, O.S.; Acharya, U.R. Deep learning for healthcare applications based on physiological signals: A review. Comput. Methods Programs Biomed. 2018, 161, 1–13. [Google Scholar] [CrossRef] [PubMed]
  31. Gupta, V.; Chopda, M.D.; Pachori, R.B. Cross-Subject Emotion Recognition Using Flexible Analytic Wavelet Transform From EEG Signals. IEEE Sens. J. 2019, 19, 2266–2274. [Google Scholar] [CrossRef]
  32. Medhat, W.; Hassan, A.; Korashy, H. Sentiment analysis algorithms and applications: A survey. Ain Shams Eng. J. 2014, 5, 1093–1113. [Google Scholar] [CrossRef] [Green Version]
  33. Yue, L.; Chen, W.; Li, X.; Zuo, W.; Yin, M. A survey of sentiment analysis in social media. Knowl. Inf. Syst. 2019, 60, 617–663. [Google Scholar] [CrossRef]
  34. Gore, R.J.; Diallo, S.; Padilla, J. You are what you tweet: Connecting the geographic variation in America’s obesity rate to twitter content. PLoS ONE 2015, 10, e0133505. [Google Scholar] [CrossRef] [Green Version]
  35. Padilla, J.J.; Kavak, H.; Lynch, C.J.; Gore, R.J.; Diallo, S.Y. Temporal and spatiotemporal investigation of tourist attraction visit sentiment on Twitter. PLoS ONE 2018, 13, e0198857. [Google Scholar] [CrossRef] [Green Version]
  36. Mitchell, L.; Frank, M.R.; Harris, K.D.; Dodds, P.S.; Danforth, C.M. The geography of happiness: Connecting twitter sentiment and expression, demographics, and objective characteristics of place. PLoS ONE 2013, 8, e64417. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  37. Frank, M.R.; Mitchell, L.; Dodds, P.S.; Danforth, C.M. Happiness and the patterns of life: A study of geolocated tweets. Sci. Rep. 2013, 3, 2625. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  38. Asghar, M.A.; Khan, M.J.; Amin, Y.; Rizwan, M.; Rahman, M.; Badnava, S.; Mirjavadi, S.S. EEG-Based Multi-Modal Emotion Recognition using Bag of Deep Features: An Optimal Feature Selection Approach. Sensors 2019, 19, 5218. [Google Scholar] [CrossRef] [Green Version]
  39. Nakisa, B.; Rastgoo, M.N.; Tjondronegoro, D.; Chandran, V. Evolutionary computation algorithms for feature selection of EEG-based emotion recognition using mobile sensors. Expert Syst. Appl. 2018, 93, 143–155. [Google Scholar] [CrossRef] [Green Version]
  40. Szegedy, C.; Liu, W.; Jia, Y.; Sermanet, P.; Reed, S.; Anguelov, D.; Erhan, D.; Vanhoucke, D.V.; Rabinovich, A. Going deeper with convolutions. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Boston, MA, USA, 7–12 June 2015; pp. 1–9. [Google Scholar]
  41. Li, F.; Zhang, Z.; Jin, C. Feature selection with partition differentiation entropy for large-scale data sets. Inf. Sci. 2016, 329, 690–700. [Google Scholar] [CrossRef]
  42. 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]
Figure 1. Overview of the proposed framework.
Figure 1. Overview of the proposed framework.
Sensors 22 05158 g001
Figure 2. The proposed framework for classification of Emotions form the EEG signals of the SEED Dataset.
Figure 2. The proposed framework for classification of Emotions form the EEG signals of the SEED Dataset.
Sensors 22 05158 g002
Figure 3. Time frequency distribution for three classes of SEED dataset. (a) Neutral. (b) Positive. (c) Negative.
Figure 3. Time frequency distribution for three classes of SEED dataset. (a) Neutral. (b) Positive. (c) Negative.
Sensors 22 05158 g003
Figure 4. The overview of backbone GoogleNet model.
Figure 4. The overview of backbone GoogleNet model.
Sensors 22 05158 g004
Figure 5. The placement chart of the International 10–20 System and allocation of all 62 channels.
Figure 5. The placement chart of the International 10–20 System and allocation of all 62 channels.
Sensors 22 05158 g005
Figure 6. Comparison of different deep learning with (a) SVM, (b) KNN, (c)Tree, (d) Ensemble classifier.
Figure 6. Comparison of different deep learning with (a) SVM, (b) KNN, (c)Tree, (d) Ensemble classifier.
Sensors 22 05158 g006
Table 1. Comparison of our proposed work with the previous studies.
Table 1. Comparison of our proposed work with the previous studies.
MethodsFeaturesDatasetNo. of ChannelsClassifier
MIC [25]MFMDEAP18CapsNet
ER-WTF [31]MFCCSEED SVM
Random Forest
DEAP6Random Forest
EMD [23]MEMDDEAP12ANN
KNN
STRNN [14]STRNNSEED62CNN
CS [15]RFESEED18SVM
DEAP12SVM
EC [39]DEDEAP32PNN
MM [38]BODFSEED62SVM
KNN
DEAP32SVM
KNN
Our WorkDEFSSEED26SVM
KNN
Tree
Ensemble
Table 2. Description of Clips that invoke Positive, Negative, Neutral Emotions.
Table 2. Description of Clips that invoke Positive, Negative, Neutral Emotions.
No.Emotion LabelClips from Movie Source
1NegativeTangshan Earthquake
2Negative1942
3PositiveLost in Thailand
4PositiveFlirting scholar
5PositiveJust another Pandora’s Box
6NeutralWorld Heritage in China
Table 3. Analysis of accuracy following channels reduction of various deep learning models.
Table 3. Analysis of accuracy following channels reduction of various deep learning models.
Neural NetworksChannelsClassifiersKernalsAccuracy (%)
GoogleNet26SVMCubic96.7
kNNFine95.3
TreeMedium95.8
EnsembleSubspace KNN96.2
AlexNet28SVMFine Gaussian95.3
kNNWeighted96.2
TreeMedium/Fine94.0
EnsembleSubspace KNN95.8
Resnet-5040SVMFine Gaussian94.4
kNNWeighted96.2
TreeMedium/Fine95.3
EnsembleSubspace KNN95.3
Resnet-10129SVMFine Gaussian94.0
kNNWeighted94.4
TreeMedium/Fine94.4
EnsembleBagged Trees94.9
InceptionresnetV232SVMCubic94.4
kNNWeighted/Fine94.4
TreeMedium/Fine95.8
EnsembleSubspace KNN95.8
Table 4. Comparison of our proposed work with the previous work on emotion detection.
Table 4. Comparison of our proposed work with the previous work on emotion detection.
MethodsFeaturesDatasetNo. of ChannelsClassifierAccuracy (%)
MIC [25]MFMDEAP18CapsNet68.2
ER-WTF [31]MFCCSEED6SVM83.5
Random Forest72.07
DEAP6Random Forest72.07
EMD [23]MEMDDEAP12ANN75
KNN67
STRNN [14]STRNNSEED62CNN89.5
CS [15]RFESEED18SVM90.4
DEAP12SVM60.5
EC [39]DEDEAP32PNN79.3
MM [38]BODFSEED62SVM93.8
KNN91.4
DEAP32SVM77.4
KNN73.6
Our WorkDEFSSEED26SVM96.7
KNN95.3
Tree95.8
Ensemble96.2
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Haq, Q.M.u.; Yao, L.; Rahmaniar, W.; Fawad; Islam, F. A Hybrid Hand-Crafted and Deep Neural Spatio-Temporal EEG Features Clustering Framework for Precise Emotional Status Recognition. Sensors 2022, 22, 5158. https://doi.org/10.3390/s22145158

AMA Style

Haq QMu, Yao L, Rahmaniar W, Fawad, Islam F. A Hybrid Hand-Crafted and Deep Neural Spatio-Temporal EEG Features Clustering Framework for Precise Emotional Status Recognition. Sensors. 2022; 22(14):5158. https://doi.org/10.3390/s22145158

Chicago/Turabian Style

Haq, Qazi Mazhar ul, Leehter Yao, Wahyu Rahmaniar, Fawad, and Faizul Islam. 2022. "A Hybrid Hand-Crafted and Deep Neural Spatio-Temporal EEG Features Clustering Framework for Precise Emotional Status Recognition" Sensors 22, no. 14: 5158. https://doi.org/10.3390/s22145158

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop