SlideShare a Scribd company logo
1 of 5
Download to read offline
International Journal of Trend in Scientific Research and Development (IJTSRD)
Volume 4 Issue 4, June 2020 Available Online: www.ijtsrd.com e-ISSN: 2456 – 6470
@ IJTSRD | Unique Paper ID – IJTSRD30374 | Volume – 4 | Issue – 4 | May-June 2020 Page 1289
EEG Based Classification of Emotions with CNN and RNN
S. Harshitha1, Mrs. A. Selvarani2
1Student, 2Associate Professor,
1,2Electronics and Communication Engineering,
1,2Panimalar Institute of Technology, Chennai, Tamil Nadu, India
ABSTRACT
Emotions are biological states associated with the nervous system, especially
the brain brought on by neurophysiological changes. They variously cognate
with thoughts, feelings, behavioural responses, and a degree of pleasure or
displeasure and it exists everywhere in daily life. It is a significant research
topic in the development of artificial intelligencetoevaluatehuman behaviour
that are primarily based on emotions. In this paper, Deep Learning Classifiers
will be applied to SJTU Emotion EEG Dataset (SEED) to classify human
emotions from EEG using Python. Then the accuracy of respective classifiers
that is, the performance of emotion classification using Convolutional Neural
Network (CNN) and Recurrent Neural Networks are compared. The
experimental results show that RNN is better than CNN in solving sequence
prediction problems.
KEYWORDS: Emotion classification, SEED, EEG, CNN, RNN, Confusion matrix
How to cite this paper: S. Harshitha |Mrs.
A. Selvarani "EEG Based Classification of
Emotions with CNN
and RNN" Published
in International
Journal of Trend in
Scientific Research
and Development
(ijtsrd), ISSN: 2456-
6470, Volume-4 |
Issue-4, June 2020, pp.1289-1293, URL:
www.ijtsrd.com/papers/ijtsrd30374.pdf
Copyright © 2020 by author(s) and
International Journal ofTrendinScientific
Research and Development Journal. This
is an Open Access article distributed
under the terms of
the Creative
CommonsAttribution
License (CC BY 4.0)
(http://creativecommons.org/licenses/by
/4.0)
INTRODUCTION
Emotions play a significant role in how we think and behave
in daily life. They can compel us to take action and influence
the decisions we make about our lives, both large and small.
As technology and the understanding of emotions are
progressing, there are growing prospects for automatic
emotion recognition systems. There exists a successful
breakthrough in facial expressions or gestures as simulative
emotional recognition. As an advanced machine learning
technique for emotion classification, neural network is
considered as a machine used to simulate how the brain
performs a specific task. It stimulates the brain as a concept
of complex nonlinear and parallel computers, which can
evaluate complex functions according to various factors. A
new direction this paper is heading towards is EEG-based
technologies for automatic emotion recognition, as it
becomes less intrusive and more affordable, leading to
ubiquitous adoption in healthcare applications.Inthispaper
we focus on classifying user emotions from raw
Electroencephalogram (EEG) signals, using various neural
network models and advanced techniques. We particularly
explore end-to-enddeeplearningapproaches,CNN andRNN,
for emotion classification from SEED dataset directly.
Convolution neural networks are forward neural networks,
generally including a primary pattern extraction layer and
feature mapping layer, and can learn local patterns in data
by a method called convolution. We found that CNN [1] is
better, and deep neural models are more preferable in
emotion classification and estimation for machinecomputer
interface system that models brain signals for emotions.
However, an RNN remembers the entire information
through time. It is useful in time series prediction because it
can remember previous inputs very well which is called
Long Short-Term Memory. Also, recent developments in
machine learning show that neural networks provide
considerable accuracy in a variety of different tasks, such as
text analysis, image recognition, speech analysis and so on.
Related Works
Automated classification of human emotion using EEG
signals has been researched upon meticulously by various
scholars. In related studies, there were many strategies
proposed to perform emotion classification from EEG
signals. It ranges from finding physiological patterns of
emotions, identifying remarkable features, and any other
combination of those strategies.
In [1] the research provides a concise evaluation for CNN
classifier which was reasonably accurate in identifying the
two criteria of pleasure (Valence) and arousal degree
(Arousal) with an average accuracy of 84.3% and 81.2%,
respectively but for an individual subject, the average
classification accuracy was only 63%.
In [2] the paper showed, for both Valence and Arousal, DNN
performs maximum classification accuracies of 75.78 and
73.281 respectively whiletheirCNN model hadclassification
accuracies of 81.41% and 73.35% respectively.
In [4] the research proved that the convolutional networks
in comparison with the classic algorithms of machine
IJTSRD30374
International Journal of Trend in Scientific Research and Development (IJTSRD) @ www.ijtsrd.com eISSN: 2456-6470
@ IJTSRD | Unique Paper ID – IJTSRD30374 | Volume – 4 | Issue – 4 | May-June 2020 Page 1290
learning demonstrated a better performance in the emotion
detection in physiological signals, despite being conceived
for the object recognition in images.
For classification of emotion, the most popular method, K-
Nearest Neighbouralgorithm[5]hadachieved62.3%overall
accuracy by applying features namely, wavelet energy and
entropy. The results showed 78.7±2.6% sensitivity,
82.8±6.3% specificity and 62.3±1.1%accuracyonthe‘DEAP’
database.
In [6] the papershowedthatHierarchical Structure-Adaptive
RNN (HSA-RNN) for video summarization tasks, can
adaptively exploit the video structure and generate the
summary simultaneously.
In [7] the results showed that the proposed framework
improves the accuracy and efficiency performance of EEG
signal classification compared with traditional methods,
including support vector machine (SVM), artificial neural
network (ANN), and standard CNN by 74.2%.
In [8] the research proved that the TranVGG-19 obtains a
good result with mean prediction accuracy is 99.175%.
In comparison to SqueezeNet,Residual SqueezeVGG16of [9]
can be more easily adaptedandfullyintegratedwith residual
learning for compressing other contemporarydeeplearning
CNN models since their model was 23.86% fasterand88.4%
smaller in size than the original VGG16.
In paper [10], it was proved that the feature of mean gives
the highest contribution to the classification using deep
learning classifier, Naïve Bayes with the highest
classification result of reached 87.5% accuracy of emotion
recognition.
Proposed Work
A. Database Agglomeration and Description
The proposed method is conducted by SJTU Emotion EEG
Dataset (SEED) which is a collection of EEGdatasetprovided
by the Brain-like Computing and Machine Intelligence
(BCMI) laboratory. This dataset contains the subjects' EEG
signals when they were watchingfilmclips.Thefilmclips are
prudently selected to induce different types of emotion,
which are neutral, sad, fear and happy. 15 subjects (7 males
and 8 females; Mean: 23.27, STD: 2.37) watched 15 video
clips in the experiments. Each subject is experimented three
times in about one week. The down-sampled, pre-processed
and segmented versions of the EEG data in Matlab (.mat file)
were obtained [2]. The detailed order of a total of 62
channels is included in the dataset. The EEGcapaccording to
the international 10-20 system for 62 channels is shown
figure [1].
Fig.1 EEG cap according to the international 10-20
system for 62 channels
The differences and ratios between the differential entropy
(DE) features of 27 pairs of hemispheric asymmetry
electrodes give the differential asymmetry (DASM) and
rational asymmetry (RASM) features. By using the
conventional moving average and linear dynamic systems
(LDS) approaches, all the features are further levelled.
B. Methodology
The project exhibits emotion recognition using EEG signals
to detect emotions, namely, happiness, sadness, neutral and
fear using SEED dataset. Two different neural models are
used, a simple Convolutional Neural Network andRecurrent
Neural Network (RNN) as the classifiers. Both models are
augmented using contemporary deep learning techniques
like Dropout technique and Rectilinear Units in order to
introduce non-linearity in our model. Both models are
implemented using Keras [1] libraries in Python.
Fig.2 Proposed Method
RNN is a type of neural network which transforms a
sequence of inputs into a sequence of outputs. An RNN can
learn and detect an event, such as the presence of a
particular expression, irrespective of the time, at which it
occurs in a sequence. Hence, itnaturallydealswitha variable
number of frames.
International Journal of Trend in Scientific Research and Development (IJTSRD) @ www.ijtsrd.com eISSN: 2456-6470
@ IJTSRD | Unique Paper ID – IJTSRD30374 | Volume – 4 | Issue – 4 | May-June 2020 Page 1291
Fig.3 RNN Architecture
At each time step t, a hidden state ht is computed based on
the hidden state at time t - 1 and the input xt at time t
ℎ‫ݐ‬ = ߪ (ܹ݅݊ ‫ܿ݁ݎܹ+ݐݔ‬ℎ‫)1−ݐ‬
where Win is the input weight matrix, Wrec is the recurrent
matrix and σ is the hidden activationfunction.Eachtimestep
also computes outputs, based on the current hidden state:
‫ݐݕ‬ = ݂(ܹ‫ݐݑ݋‬ℎ‫)ݐ‬
where Wout is the output weight matrix and f is the output
activation function.
We use a simple RNN with Rectified Linear hidden Units
(ReLUs). We train the RNN to classifytheemotionsina video
agglomerated in the SEED dataset. Then using the confusion
matrix, we measure the performance of each classifier in
terms of accuracy, specificity, sensitivity, and precision.
C. Confusion Matrix Parameters
Confusion Matrix is a performance measurement table for
machine learning classification where output can be two or
more classes. It is composed of 4 different combinations of
predicted and actual values.
Fig.4 Confusion Matrix
True Positive (TP): Prediction is positive and it’s true.
True Negative (TN): Predicted is negative and it’s true.
False Positive (FP) – Type 1 Error: Predicted is positive
and it’s false.
False Negative (FN) – Type 2 Error: Predicted is negative
and it’s false.
Accuracy:
Specificity:
Sensitivity:
Precision:
Experimental results and analysis
RNN model is applied to construct EEG based emotion detection of four classes, namely Neutral, Sad, Fear and Happy. The
dataset used here is SEED. The 62-channel EEG signals are recorded from 15 subjects while they are watching emotional film
clips with a total of 24 trials. This data set is available with extracted features like Moving Average and PSD of Differential
Entropy and LDS, differential and rational asymmetries, and caudal differential entropy. Further, these feature data belong to
alpha and beta frequency bands are normalized with mean values and these have been used here.
Table1. Confusion matrix parameters for CNN and RNN
Confusion parameters CNN RNN
Neutral Sad Fear Happy Neutral Sad Fear Happy
Accuracy 95.53 88.13 88.01 87.89 96.50 89.88 90.85 89.61
Specificity 98.56 98.29 57.44 55.52 93.44 98.11 74.18 77.17
Sensitivity 94.54 83.57 96.68 97.20 98.29 84.01 98.14 98.34
Precision 85.50 72.85 83.07 85.08 94.38 81.37 90.43 88.74
With these features of preprocessed EEG data, the existing
CNN and proposed RNN models are trained. Then
classification is performed using trained models. The
experimental results show that the pools of features that
have been chosen can achieve relatively classification
performance across all the experimentsofdifferentsubjects.
From table (2) we see that RNN achieves the highest
accuracy of 96.50%, 89.88%, 90.85% and 89.61% for
Neutral, Sad, Fear and Happy while CNN model-based
classification output gives 95.53%, 88.13%, 88.01% and
87.89% for the respective emotions.
International Journal of Trend in Scientific Research and Development (IJTSRD) @ www.ijtsrd.com eISSN: 2456-6470
@ IJTSRD | Unique Paper ID – IJTSRD30374 | Volume – 4 | Issue – 4 | May-June 2020 Page 1292
A. CNN
For CNN, figure 5 shows the exponential behaviour of the
accuracy during the training and testing for the 20 epochs.
Similarly, in figure 6, the values of loss are displayed during
the learning and testing that is decreasing for each epoch.
The confusion matrix is showing the results ofpredictionfor
the four classes, respectively (figure 7).
Fig.5. Accuracy result for CNN
Fig.6 Loss result for CNN
Fig.7 Confusion matrix of CNN for the prediction of
four emotions
B. RNN
For RNN, figure 8 shows the exponential behaviour of the
accuracy during the training and testing for the 20 epochs.
Similarly, in figure 9, the values of loss are displayed during
the learning and testing that is decreasing for each epoch.
The confusion matrix is showing the results ofpredictionfor
the four classes, respectively (figure 10).
Fig.8 Accuracy result for RNN
Fig.9 Loss result for RNN
Fig.10 Confusion matrix of RNN for the prediction of
four emotions
International Journal of Trend in Scientific Research and Development (IJTSRD) @ www.ijtsrd.com eISSN: 2456-6470
@ IJTSRD | Unique Paper ID – IJTSRD30374 | Volume – 4 | Issue – 4 | May-June 2020 Page 1293
Hence, this paper shows that RNN figure (10) has made the
highest prediction for the four classes compared to CNN
figure (7).
Conclusion:
Based on the existing research in the field of emotion
recognition, this study explores the effectiveness of the
recurrent neural network. The experimental results show
that the RNN model achieves higher precision to classify
emotions with CNN based approach. The reliability of
classification performance suggests that specific emotional
states can be identified with brain activities. The learning by
RNN suggests that neural signaturesassociatedwithNeutral,
Sad, Fear and Happy emotions do exist and they share
commonality across individuals. Thus, RNN provides an
appealing framework for propagating information over a
sequence using a continuous-valued hidden layer
representation.
References
[1] Guolu Cao, Yuliang Ma, Xiaofei Meng, Yunyuan Gao,
Ming Meng, “Emotion Recognition Based On CNN”,
Proceedings of the 38th Chinese Control Conference,
2019
[2] Wei-Long Zheng, Jia-Yi Zhu, and Bao-Liang Lu*,
“Identifying Stable Patterns over Time for Emotion
Recognition from EEG”, IEEE Transactions onAffective
Computing, 2017
[3] Samarth Tripathi, Shrinivas Acharya, Ranti Dev
Sharma, “Using Deep and Convolutional Neural
Networks for Accurate Emotion ClassificationonDEAP
Dataset”, Proceedings of the Twenty-Ninth AAAI
Conference on Innovative Applications (IAAI-17)),
2017
[4] LUZ SANTAMARIA-GRANADOS, MARIO MUNOZ-
ORGANERO, GUSTAVO RAMIREZ-GONZALEZ, ENAS
ABDULHAY, ANDN. ARUNKUMAR, “Using Deep
Convolutional Neural Network for Emotion Detection
on a Physiological Signals Dataset (AMIGOS)”, New
Trends in Brain Signal Processing and Analysis, IEEE
Access (Volume: 7), 2018
[5] Md. Rabiul Islam,MohiuddinAhmad,“WaveletAnalysis
Based Classification of Emotion from EEG Signal”,
International Conference on Electrical, Computer and
Communication Engineering, 2019
[6] Bin Zhao1, Xuelong Li2, Xiaoqiang Lu2, “HSA-RNN:
Hierarchical Structure-Adaptive RNN for Video
Summarization”, 2018 IEEE/CVF Conference on
Computer Vision and Pattern Recognition, 2018
[7] GAOWEI XU, XIAOANG SHEN, SIRUI CHEN,YONGSHUO
ZONG, CANYANG ZHANG, HONGYANG YUE, MIN LIU,
FEI CHEN, and WENLIANG CHE “A Deep Transfer
Convolutional Neural Network Framework for EEG
Signal Classification”, IEEE Data-Enabled Intelligence
for Digital Health, 2019
[8] Long Wen, X. Li, Xinyu Li*, Liang Gao, “A New Transfer
Learning Based on VGG-19 Network for Fault
Diagnosis”, Proceedings of the 2019 IEEE 23rd
International Conference on Computer Supported
Cooperative Work in Design, 2019
[9] Hussam Qassim, Abhishek Verma, David Feinzimer,
“Compressed Residual-VGG16 CNN Model for Big Data
Places Image Recognition”, 2018 IEEE 8th Annual
Computing and Communication Workshop and
Conference (CCWC), 2018
[10] Nur Yusuf Oktavia, Adhi Dharma Wibawa, Evi Septiana
Pane, Mauridhi Hery Purnomo, “Human Emotion
Classification Based on EEG Signals Using Naive Bayes
Method”, International Seminar on Application for
Technology of Information and Communication, 2019

More Related Content

What's hot

Wavelet Based Feature Extraction Scheme Of Eeg Waveform
Wavelet Based Feature Extraction Scheme Of Eeg WaveformWavelet Based Feature Extraction Scheme Of Eeg Waveform
Wavelet Based Feature Extraction Scheme Of Eeg Waveform
shan pri
 
Machine Learning: Introduction to Neural Networks
Machine Learning: Introduction to Neural NetworksMachine Learning: Introduction to Neural Networks
Machine Learning: Introduction to Neural Networks
Francesco Collova'
 
Digital Image Processing 3rd edition Rafael C. Gonzalez, Richard E. Woods.pdf
Digital Image Processing 3rd edition Rafael C. Gonzalez, Richard E. Woods.pdfDigital Image Processing 3rd edition Rafael C. Gonzalez, Richard E. Woods.pdf
Digital Image Processing 3rd edition Rafael C. Gonzalez, Richard E. Woods.pdf
ssuserbe3944
 

What's hot (20)

Intro to Deep Learning for Medical Image Analysis, with Dan Lee from Dentuit AI
Intro to Deep Learning for Medical Image Analysis, with Dan Lee from Dentuit AIIntro to Deep Learning for Medical Image Analysis, with Dan Lee from Dentuit AI
Intro to Deep Learning for Medical Image Analysis, with Dan Lee from Dentuit AI
 
Wavelet Based Feature Extraction Scheme Of Eeg Waveform
Wavelet Based Feature Extraction Scheme Of Eeg WaveformWavelet Based Feature Extraction Scheme Of Eeg Waveform
Wavelet Based Feature Extraction Scheme Of Eeg Waveform
 
Deep learning for medical imaging
Deep learning for medical imagingDeep learning for medical imaging
Deep learning for medical imaging
 
Deep Learning in Bio-Medical Imaging
Deep Learning in Bio-Medical ImagingDeep Learning in Bio-Medical Imaging
Deep Learning in Bio-Medical Imaging
 
Prospects of Deep Learning in Medical Imaging
Prospects of Deep Learning in Medical ImagingProspects of Deep Learning in Medical Imaging
Prospects of Deep Learning in Medical Imaging
 
ADVANCED HEALTH CARE SYSTEM USING IOT
ADVANCED HEALTH CARE SYSTEM USING IOTADVANCED HEALTH CARE SYSTEM USING IOT
ADVANCED HEALTH CARE SYSTEM USING IOT
 
Machine Learning: Introduction to Neural Networks
Machine Learning: Introduction to Neural NetworksMachine Learning: Introduction to Neural Networks
Machine Learning: Introduction to Neural Networks
 
Emotion recognition using image processing in deep learning
Emotion recognition using image     processing in deep learningEmotion recognition using image     processing in deep learning
Emotion recognition using image processing in deep learning
 
DISEASE PREDICTION SYSTEM USING DATA MINING
DISEASE PREDICTION SYSTEM USING  DATA MININGDISEASE PREDICTION SYSTEM USING  DATA MINING
DISEASE PREDICTION SYSTEM USING DATA MINING
 
Report (1)
Report (1)Report (1)
Report (1)
 
Digital Image Processing 3rd edition Rafael C. Gonzalez, Richard E. Woods.pdf
Digital Image Processing 3rd edition Rafael C. Gonzalez, Richard E. Woods.pdfDigital Image Processing 3rd edition Rafael C. Gonzalez, Richard E. Woods.pdf
Digital Image Processing 3rd edition Rafael C. Gonzalez, Richard E. Woods.pdf
 
Neural network & its applications
Neural network & its applications Neural network & its applications
Neural network & its applications
 
parametric method of power spectrum Estimation
parametric method of power spectrum Estimationparametric method of power spectrum Estimation
parametric method of power spectrum Estimation
 
neural networks
neural networksneural networks
neural networks
 
Breast Cancer Detection with Convolutional Neural Networks (CNN)
Breast Cancer Detection with Convolutional Neural Networks (CNN)Breast Cancer Detection with Convolutional Neural Networks (CNN)
Breast Cancer Detection with Convolutional Neural Networks (CNN)
 
Counter propagation Network
Counter propagation NetworkCounter propagation Network
Counter propagation Network
 
A hybrid classification model for eeg signals
A hybrid classification model for  eeg signals A hybrid classification model for  eeg signals
A hybrid classification model for eeg signals
 
Deep Learning Frameworks slides
Deep Learning Frameworks slides Deep Learning Frameworks slides
Deep Learning Frameworks slides
 
Introduction to Image Processing:Image Modalities
Introduction to Image Processing:Image ModalitiesIntroduction to Image Processing:Image Modalities
Introduction to Image Processing:Image Modalities
 
Computational neuroscience
Computational neuroscienceComputational neuroscience
Computational neuroscience
 

Similar to EEG Based Classification of Emotions with CNN and RNN

Classification of emotions induced by horror and relaxing movies using single-...
Classification of emotions induced by horror and relaxing movies using single-...Classification of emotions induced by horror and relaxing movies using single-...
Classification of emotions induced by horror and relaxing movies using single-...
IJECEIAES
 
Early detection of adult valve disease–mitral
Early detection of adult valve disease–mitralEarly detection of adult valve disease–mitral
Early detection of adult valve disease–mitral
IAEME Publication
 
Early detection of adult valve disease mitral stenosis using the elman artifi...
Early detection of adult valve disease mitral stenosis using the elman artifi...Early detection of adult valve disease mitral stenosis using the elman artifi...
Early detection of adult valve disease mitral stenosis using the elman artifi...
iaemedu
 
Early detection of adult valve disease mitral stenosis
Early detection of adult valve disease mitral stenosisEarly detection of adult valve disease mitral stenosis
Early detection of adult valve disease mitral stenosis
IAEME Publication
 
Affective analysis in machine learning using AMIGOS with Gaussian expectatio...
Affective analysis in machine learning using AMIGOS with  Gaussian expectatio...Affective analysis in machine learning using AMIGOS with  Gaussian expectatio...
Affective analysis in machine learning using AMIGOS with Gaussian expectatio...
International Journal of Reconfigurable and Embedded Systems
 

Similar to EEG Based Classification of Emotions with CNN and RNN (20)

Wavelet-based EEG processing for computer-aided seizure detection and epileps...
Wavelet-based EEG processing for computer-aided seizure detection and epileps...Wavelet-based EEG processing for computer-aided seizure detection and epileps...
Wavelet-based EEG processing for computer-aided seizure detection and epileps...
 
Convolutional neural network with binary moth flame optimization for emotion ...
Convolutional neural network with binary moth flame optimization for emotion ...Convolutional neural network with binary moth flame optimization for emotion ...
Convolutional neural network with binary moth flame optimization for emotion ...
 
Recognition of emotional states using EEG signals based on time-frequency ana...
Recognition of emotional states using EEG signals based on time-frequency ana...Recognition of emotional states using EEG signals based on time-frequency ana...
Recognition of emotional states using EEG signals based on time-frequency ana...
 
Transfer learning for epilepsy detection using spectrogram images
Transfer learning for epilepsy detection using spectrogram imagesTransfer learning for epilepsy detection using spectrogram images
Transfer learning for epilepsy detection using spectrogram images
 
Smart Brain Wave Sensor for Paralyzed- A Real Time Implementation
Smart Brain Wave Sensor for Paralyzed- A Real Time ImplementationSmart Brain Wave Sensor for Paralyzed- A Real Time Implementation
Smart Brain Wave Sensor for Paralyzed- A Real Time Implementation
 
Computational neuropharmacology drug designing
Computational neuropharmacology drug designingComputational neuropharmacology drug designing
Computational neuropharmacology drug designing
 
Classification of emotions induced by horror and relaxing movies using single-...
Classification of emotions induced by horror and relaxing movies using single-...Classification of emotions induced by horror and relaxing movies using single-...
Classification of emotions induced by horror and relaxing movies using single-...
 
Different Approaches for the Detection of Epilepsy and Schizophrenia Using EE...
Different Approaches for the Detection of Epilepsy and Schizophrenia Using EE...Different Approaches for the Detection of Epilepsy and Schizophrenia Using EE...
Different Approaches for the Detection of Epilepsy and Schizophrenia Using EE...
 
IRJET- Depression Prediction System using Different Methods
IRJET- Depression Prediction System using Different MethodsIRJET- Depression Prediction System using Different Methods
IRJET- Depression Prediction System using Different Methods
 
Early detection of adult valve disease–mitral
Early detection of adult valve disease–mitralEarly detection of adult valve disease–mitral
Early detection of adult valve disease–mitral
 
Early detection of adult valve disease mitral stenosis using the elman artifi...
Early detection of adult valve disease mitral stenosis using the elman artifi...Early detection of adult valve disease mitral stenosis using the elman artifi...
Early detection of adult valve disease mitral stenosis using the elman artifi...
 
Early detection of adult valve disease mitral stenosis
Early detection of adult valve disease mitral stenosisEarly detection of adult valve disease mitral stenosis
Early detection of adult valve disease mitral stenosis
 
An Approach of Human Emotional States Classification and Modeling from EEG
An Approach of Human Emotional States Classification and Modeling from EEGAn Approach of Human Emotional States Classification and Modeling from EEG
An Approach of Human Emotional States Classification and Modeling from EEG
 
An Artificial Neural Network Model for Neonatal Disease Diagnosis
An Artificial Neural Network Model for Neonatal Disease DiagnosisAn Artificial Neural Network Model for Neonatal Disease Diagnosis
An Artificial Neural Network Model for Neonatal Disease Diagnosis
 
A Comparative Study of Machine Learning Algorithms for EEG Signal Classification
A Comparative Study of Machine Learning Algorithms for EEG Signal ClassificationA Comparative Study of Machine Learning Algorithms for EEG Signal Classification
A Comparative Study of Machine Learning Algorithms for EEG Signal Classification
 
A Comparative Study of Machine Learning Algorithms for EEG Signal Classification
A Comparative Study of Machine Learning Algorithms for EEG Signal ClassificationA Comparative Study of Machine Learning Algorithms for EEG Signal Classification
A Comparative Study of Machine Learning Algorithms for EEG Signal Classification
 
A COMPARATIVE STUDY OF MACHINE LEARNING ALGORITHMS FOR EEG SIGNAL CLASSIFICATION
A COMPARATIVE STUDY OF MACHINE LEARNING ALGORITHMS FOR EEG SIGNAL CLASSIFICATIONA COMPARATIVE STUDY OF MACHINE LEARNING ALGORITHMS FOR EEG SIGNAL CLASSIFICATION
A COMPARATIVE STUDY OF MACHINE LEARNING ALGORITHMS FOR EEG SIGNAL CLASSIFICATION
 
A Comparative Study of Machine Learning Algorithms for EEG Signal Classification
A Comparative Study of Machine Learning Algorithms for EEG Signal ClassificationA Comparative Study of Machine Learning Algorithms for EEG Signal Classification
A Comparative Study of Machine Learning Algorithms for EEG Signal Classification
 
Affective analysis in machine learning using AMIGOS with Gaussian expectatio...
Affective analysis in machine learning using AMIGOS with  Gaussian expectatio...Affective analysis in machine learning using AMIGOS with  Gaussian expectatio...
Affective analysis in machine learning using AMIGOS with Gaussian expectatio...
 
Speech Emotion Recognition Using Neural Networks
Speech Emotion Recognition Using Neural NetworksSpeech Emotion Recognition Using Neural Networks
Speech Emotion Recognition Using Neural Networks
 

More from ijtsrd

‘Six Sigma Technique’ A Journey Through its Implementation
‘Six Sigma Technique’ A Journey Through its Implementation‘Six Sigma Technique’ A Journey Through its Implementation
‘Six Sigma Technique’ A Journey Through its Implementation
ijtsrd
 
Dynamics of Communal Politics in 21st Century India Challenges and Prospects
Dynamics of Communal Politics in 21st Century India Challenges and ProspectsDynamics of Communal Politics in 21st Century India Challenges and Prospects
Dynamics of Communal Politics in 21st Century India Challenges and Prospects
ijtsrd
 
Assess Perspective and Knowledge of Healthcare Providers Towards Elehealth in...
Assess Perspective and Knowledge of Healthcare Providers Towards Elehealth in...Assess Perspective and Knowledge of Healthcare Providers Towards Elehealth in...
Assess Perspective and Knowledge of Healthcare Providers Towards Elehealth in...
ijtsrd
 
The Impact of Digital Media on the Decentralization of Power and the Erosion ...
The Impact of Digital Media on the Decentralization of Power and the Erosion ...The Impact of Digital Media on the Decentralization of Power and the Erosion ...
The Impact of Digital Media on the Decentralization of Power and the Erosion ...
ijtsrd
 
Problems and Challenges of Agro Entreprenurship A Study
Problems and Challenges of Agro Entreprenurship A StudyProblems and Challenges of Agro Entreprenurship A Study
Problems and Challenges of Agro Entreprenurship A Study
ijtsrd
 
Comparative Analysis of Total Corporate Disclosure of Selected IT Companies o...
Comparative Analysis of Total Corporate Disclosure of Selected IT Companies o...Comparative Analysis of Total Corporate Disclosure of Selected IT Companies o...
Comparative Analysis of Total Corporate Disclosure of Selected IT Companies o...
ijtsrd
 
A Study on the Effective Teaching Learning Process in English Curriculum at t...
A Study on the Effective Teaching Learning Process in English Curriculum at t...A Study on the Effective Teaching Learning Process in English Curriculum at t...
A Study on the Effective Teaching Learning Process in English Curriculum at t...
ijtsrd
 
The Role of Mentoring and Its Influence on the Effectiveness of the Teaching ...
The Role of Mentoring and Its Influence on the Effectiveness of the Teaching ...The Role of Mentoring and Its Influence on the Effectiveness of the Teaching ...
The Role of Mentoring and Its Influence on the Effectiveness of the Teaching ...
ijtsrd
 
Design Simulation and Hardware Construction of an Arduino Microcontroller Bas...
Design Simulation and Hardware Construction of an Arduino Microcontroller Bas...Design Simulation and Hardware Construction of an Arduino Microcontroller Bas...
Design Simulation and Hardware Construction of an Arduino Microcontroller Bas...
ijtsrd
 
Sustainable Energy by Paul A. Adekunte | Matthew N. O. Sadiku | Janet O. Sadiku
Sustainable Energy by Paul A. Adekunte | Matthew N. O. Sadiku | Janet O. SadikuSustainable Energy by Paul A. Adekunte | Matthew N. O. Sadiku | Janet O. Sadiku
Sustainable Energy by Paul A. Adekunte | Matthew N. O. Sadiku | Janet O. Sadiku
ijtsrd
 
Concepts for Sudan Survey Act Implementations Executive Regulations and Stand...
Concepts for Sudan Survey Act Implementations Executive Regulations and Stand...Concepts for Sudan Survey Act Implementations Executive Regulations and Stand...
Concepts for Sudan Survey Act Implementations Executive Regulations and Stand...
ijtsrd
 
Towards the Implementation of the Sudan Interpolated Geoid Model Khartoum Sta...
Towards the Implementation of the Sudan Interpolated Geoid Model Khartoum Sta...Towards the Implementation of the Sudan Interpolated Geoid Model Khartoum Sta...
Towards the Implementation of the Sudan Interpolated Geoid Model Khartoum Sta...
ijtsrd
 
Activating Geospatial Information for Sudans Sustainable Investment Map
Activating Geospatial Information for Sudans Sustainable Investment MapActivating Geospatial Information for Sudans Sustainable Investment Map
Activating Geospatial Information for Sudans Sustainable Investment Map
ijtsrd
 
Educational Unity Embracing Diversity for a Stronger Society
Educational Unity Embracing Diversity for a Stronger SocietyEducational Unity Embracing Diversity for a Stronger Society
Educational Unity Embracing Diversity for a Stronger Society
ijtsrd
 
DeepMask Transforming Face Mask Identification for Better Pandemic Control in...
DeepMask Transforming Face Mask Identification for Better Pandemic Control in...DeepMask Transforming Face Mask Identification for Better Pandemic Control in...
DeepMask Transforming Face Mask Identification for Better Pandemic Control in...
ijtsrd
 

More from ijtsrd (20)

‘Six Sigma Technique’ A Journey Through its Implementation
‘Six Sigma Technique’ A Journey Through its Implementation‘Six Sigma Technique’ A Journey Through its Implementation
‘Six Sigma Technique’ A Journey Through its Implementation
 
Edge Computing in Space Enhancing Data Processing and Communication for Space...
Edge Computing in Space Enhancing Data Processing and Communication for Space...Edge Computing in Space Enhancing Data Processing and Communication for Space...
Edge Computing in Space Enhancing Data Processing and Communication for Space...
 
Dynamics of Communal Politics in 21st Century India Challenges and Prospects
Dynamics of Communal Politics in 21st Century India Challenges and ProspectsDynamics of Communal Politics in 21st Century India Challenges and Prospects
Dynamics of Communal Politics in 21st Century India Challenges and Prospects
 
Assess Perspective and Knowledge of Healthcare Providers Towards Elehealth in...
Assess Perspective and Knowledge of Healthcare Providers Towards Elehealth in...Assess Perspective and Knowledge of Healthcare Providers Towards Elehealth in...
Assess Perspective and Knowledge of Healthcare Providers Towards Elehealth in...
 
The Impact of Digital Media on the Decentralization of Power and the Erosion ...
The Impact of Digital Media on the Decentralization of Power and the Erosion ...The Impact of Digital Media on the Decentralization of Power and the Erosion ...
The Impact of Digital Media on the Decentralization of Power and the Erosion ...
 
Online Voices, Offline Impact Ambedkars Ideals and Socio Political Inclusion ...
Online Voices, Offline Impact Ambedkars Ideals and Socio Political Inclusion ...Online Voices, Offline Impact Ambedkars Ideals and Socio Political Inclusion ...
Online Voices, Offline Impact Ambedkars Ideals and Socio Political Inclusion ...
 
Problems and Challenges of Agro Entreprenurship A Study
Problems and Challenges of Agro Entreprenurship A StudyProblems and Challenges of Agro Entreprenurship A Study
Problems and Challenges of Agro Entreprenurship A Study
 
Comparative Analysis of Total Corporate Disclosure of Selected IT Companies o...
Comparative Analysis of Total Corporate Disclosure of Selected IT Companies o...Comparative Analysis of Total Corporate Disclosure of Selected IT Companies o...
Comparative Analysis of Total Corporate Disclosure of Selected IT Companies o...
 
The Impact of Educational Background and Professional Training on Human Right...
The Impact of Educational Background and Professional Training on Human Right...The Impact of Educational Background and Professional Training on Human Right...
The Impact of Educational Background and Professional Training on Human Right...
 
A Study on the Effective Teaching Learning Process in English Curriculum at t...
A Study on the Effective Teaching Learning Process in English Curriculum at t...A Study on the Effective Teaching Learning Process in English Curriculum at t...
A Study on the Effective Teaching Learning Process in English Curriculum at t...
 
The Role of Mentoring and Its Influence on the Effectiveness of the Teaching ...
The Role of Mentoring and Its Influence on the Effectiveness of the Teaching ...The Role of Mentoring and Its Influence on the Effectiveness of the Teaching ...
The Role of Mentoring and Its Influence on the Effectiveness of the Teaching ...
 
Design Simulation and Hardware Construction of an Arduino Microcontroller Bas...
Design Simulation and Hardware Construction of an Arduino Microcontroller Bas...Design Simulation and Hardware Construction of an Arduino Microcontroller Bas...
Design Simulation and Hardware Construction of an Arduino Microcontroller Bas...
 
Sustainable Energy by Paul A. Adekunte | Matthew N. O. Sadiku | Janet O. Sadiku
Sustainable Energy by Paul A. Adekunte | Matthew N. O. Sadiku | Janet O. SadikuSustainable Energy by Paul A. Adekunte | Matthew N. O. Sadiku | Janet O. Sadiku
Sustainable Energy by Paul A. Adekunte | Matthew N. O. Sadiku | Janet O. Sadiku
 
Concepts for Sudan Survey Act Implementations Executive Regulations and Stand...
Concepts for Sudan Survey Act Implementations Executive Regulations and Stand...Concepts for Sudan Survey Act Implementations Executive Regulations and Stand...
Concepts for Sudan Survey Act Implementations Executive Regulations and Stand...
 
Towards the Implementation of the Sudan Interpolated Geoid Model Khartoum Sta...
Towards the Implementation of the Sudan Interpolated Geoid Model Khartoum Sta...Towards the Implementation of the Sudan Interpolated Geoid Model Khartoum Sta...
Towards the Implementation of the Sudan Interpolated Geoid Model Khartoum Sta...
 
Activating Geospatial Information for Sudans Sustainable Investment Map
Activating Geospatial Information for Sudans Sustainable Investment MapActivating Geospatial Information for Sudans Sustainable Investment Map
Activating Geospatial Information for Sudans Sustainable Investment Map
 
Educational Unity Embracing Diversity for a Stronger Society
Educational Unity Embracing Diversity for a Stronger SocietyEducational Unity Embracing Diversity for a Stronger Society
Educational Unity Embracing Diversity for a Stronger Society
 
Integration of Indian Indigenous Knowledge System in Management Prospects and...
Integration of Indian Indigenous Knowledge System in Management Prospects and...Integration of Indian Indigenous Knowledge System in Management Prospects and...
Integration of Indian Indigenous Knowledge System in Management Prospects and...
 
DeepMask Transforming Face Mask Identification for Better Pandemic Control in...
DeepMask Transforming Face Mask Identification for Better Pandemic Control in...DeepMask Transforming Face Mask Identification for Better Pandemic Control in...
DeepMask Transforming Face Mask Identification for Better Pandemic Control in...
 
Streamlining Data Collection eCRF Design and Machine Learning
Streamlining Data Collection eCRF Design and Machine LearningStreamlining Data Collection eCRF Design and Machine Learning
Streamlining Data Collection eCRF Design and Machine Learning
 

Recently uploaded

The basics of sentences session 3pptx.pptx
The basics of sentences session 3pptx.pptxThe basics of sentences session 3pptx.pptx
The basics of sentences session 3pptx.pptx
heathfieldcps1
 
Jual Obat Aborsi Hongkong ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
Jual Obat Aborsi Hongkong ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...Jual Obat Aborsi Hongkong ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
Jual Obat Aborsi Hongkong ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
ZurliaSoop
 
Spellings Wk 3 English CAPS CARES Please Practise
Spellings Wk 3 English CAPS CARES Please PractiseSpellings Wk 3 English CAPS CARES Please Practise
Spellings Wk 3 English CAPS CARES Please Practise
AnaAcapella
 

Recently uploaded (20)

The basics of sentences session 3pptx.pptx
The basics of sentences session 3pptx.pptxThe basics of sentences session 3pptx.pptx
The basics of sentences session 3pptx.pptx
 
FSB Advising Checklist - Orientation 2024
FSB Advising Checklist - Orientation 2024FSB Advising Checklist - Orientation 2024
FSB Advising Checklist - Orientation 2024
 
Beyond_Borders_Understanding_Anime_and_Manga_Fandom_A_Comprehensive_Audience_...
Beyond_Borders_Understanding_Anime_and_Manga_Fandom_A_Comprehensive_Audience_...Beyond_Borders_Understanding_Anime_and_Manga_Fandom_A_Comprehensive_Audience_...
Beyond_Borders_Understanding_Anime_and_Manga_Fandom_A_Comprehensive_Audience_...
 
This PowerPoint helps students to consider the concept of infinity.
This PowerPoint helps students to consider the concept of infinity.This PowerPoint helps students to consider the concept of infinity.
This PowerPoint helps students to consider the concept of infinity.
 
Application orientated numerical on hev.ppt
Application orientated numerical on hev.pptApplication orientated numerical on hev.ppt
Application orientated numerical on hev.ppt
 
Unit-V; Pricing (Pharma Marketing Management).pptx
Unit-V; Pricing (Pharma Marketing Management).pptxUnit-V; Pricing (Pharma Marketing Management).pptx
Unit-V; Pricing (Pharma Marketing Management).pptx
 
Accessible Digital Futures project (20/03/2024)
Accessible Digital Futures project (20/03/2024)Accessible Digital Futures project (20/03/2024)
Accessible Digital Futures project (20/03/2024)
 
Jual Obat Aborsi Hongkong ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
Jual Obat Aborsi Hongkong ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...Jual Obat Aborsi Hongkong ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
Jual Obat Aborsi Hongkong ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
 
Kodo Millet PPT made by Ghanshyam bairwa college of Agriculture kumher bhara...
Kodo Millet  PPT made by Ghanshyam bairwa college of Agriculture kumher bhara...Kodo Millet  PPT made by Ghanshyam bairwa college of Agriculture kumher bhara...
Kodo Millet PPT made by Ghanshyam bairwa college of Agriculture kumher bhara...
 
Interdisciplinary_Insights_Data_Collection_Methods.pptx
Interdisciplinary_Insights_Data_Collection_Methods.pptxInterdisciplinary_Insights_Data_Collection_Methods.pptx
Interdisciplinary_Insights_Data_Collection_Methods.pptx
 
UGC NET Paper 1 Mathematical Reasoning & Aptitude.pdf
UGC NET Paper 1 Mathematical Reasoning & Aptitude.pdfUGC NET Paper 1 Mathematical Reasoning & Aptitude.pdf
UGC NET Paper 1 Mathematical Reasoning & Aptitude.pdf
 
Single or Multiple melodic lines structure
Single or Multiple melodic lines structureSingle or Multiple melodic lines structure
Single or Multiple melodic lines structure
 
On National Teacher Day, meet the 2024-25 Kenan Fellows
On National Teacher Day, meet the 2024-25 Kenan FellowsOn National Teacher Day, meet the 2024-25 Kenan Fellows
On National Teacher Day, meet the 2024-25 Kenan Fellows
 
Micro-Scholarship, What it is, How can it help me.pdf
Micro-Scholarship, What it is, How can it help me.pdfMicro-Scholarship, What it is, How can it help me.pdf
Micro-Scholarship, What it is, How can it help me.pdf
 
Making communications land - Are they received and understood as intended? we...
Making communications land - Are they received and understood as intended? we...Making communications land - Are they received and understood as intended? we...
Making communications land - Are they received and understood as intended? we...
 
SOC 101 Demonstration of Learning Presentation
SOC 101 Demonstration of Learning PresentationSOC 101 Demonstration of Learning Presentation
SOC 101 Demonstration of Learning Presentation
 
Jamworks pilot and AI at Jisc (20/03/2024)
Jamworks pilot and AI at Jisc (20/03/2024)Jamworks pilot and AI at Jisc (20/03/2024)
Jamworks pilot and AI at Jisc (20/03/2024)
 
Spatium Project Simulation student brief
Spatium Project Simulation student briefSpatium Project Simulation student brief
Spatium Project Simulation student brief
 
Introduction to Nonprofit Accounting: The Basics
Introduction to Nonprofit Accounting: The BasicsIntroduction to Nonprofit Accounting: The Basics
Introduction to Nonprofit Accounting: The Basics
 
Spellings Wk 3 English CAPS CARES Please Practise
Spellings Wk 3 English CAPS CARES Please PractiseSpellings Wk 3 English CAPS CARES Please Practise
Spellings Wk 3 English CAPS CARES Please Practise
 

EEG Based Classification of Emotions with CNN and RNN

  • 1. International Journal of Trend in Scientific Research and Development (IJTSRD) Volume 4 Issue 4, June 2020 Available Online: www.ijtsrd.com e-ISSN: 2456 – 6470 @ IJTSRD | Unique Paper ID – IJTSRD30374 | Volume – 4 | Issue – 4 | May-June 2020 Page 1289 EEG Based Classification of Emotions with CNN and RNN S. Harshitha1, Mrs. A. Selvarani2 1Student, 2Associate Professor, 1,2Electronics and Communication Engineering, 1,2Panimalar Institute of Technology, Chennai, Tamil Nadu, India ABSTRACT Emotions are biological states associated with the nervous system, especially the brain brought on by neurophysiological changes. They variously cognate with thoughts, feelings, behavioural responses, and a degree of pleasure or displeasure and it exists everywhere in daily life. It is a significant research topic in the development of artificial intelligencetoevaluatehuman behaviour that are primarily based on emotions. In this paper, Deep Learning Classifiers will be applied to SJTU Emotion EEG Dataset (SEED) to classify human emotions from EEG using Python. Then the accuracy of respective classifiers that is, the performance of emotion classification using Convolutional Neural Network (CNN) and Recurrent Neural Networks are compared. The experimental results show that RNN is better than CNN in solving sequence prediction problems. KEYWORDS: Emotion classification, SEED, EEG, CNN, RNN, Confusion matrix How to cite this paper: S. Harshitha |Mrs. A. Selvarani "EEG Based Classification of Emotions with CNN and RNN" Published in International Journal of Trend in Scientific Research and Development (ijtsrd), ISSN: 2456- 6470, Volume-4 | Issue-4, June 2020, pp.1289-1293, URL: www.ijtsrd.com/papers/ijtsrd30374.pdf Copyright © 2020 by author(s) and International Journal ofTrendinScientific Research and Development Journal. This is an Open Access article distributed under the terms of the Creative CommonsAttribution License (CC BY 4.0) (http://creativecommons.org/licenses/by /4.0) INTRODUCTION Emotions play a significant role in how we think and behave in daily life. They can compel us to take action and influence the decisions we make about our lives, both large and small. As technology and the understanding of emotions are progressing, there are growing prospects for automatic emotion recognition systems. There exists a successful breakthrough in facial expressions or gestures as simulative emotional recognition. As an advanced machine learning technique for emotion classification, neural network is considered as a machine used to simulate how the brain performs a specific task. It stimulates the brain as a concept of complex nonlinear and parallel computers, which can evaluate complex functions according to various factors. A new direction this paper is heading towards is EEG-based technologies for automatic emotion recognition, as it becomes less intrusive and more affordable, leading to ubiquitous adoption in healthcare applications.Inthispaper we focus on classifying user emotions from raw Electroencephalogram (EEG) signals, using various neural network models and advanced techniques. We particularly explore end-to-enddeeplearningapproaches,CNN andRNN, for emotion classification from SEED dataset directly. Convolution neural networks are forward neural networks, generally including a primary pattern extraction layer and feature mapping layer, and can learn local patterns in data by a method called convolution. We found that CNN [1] is better, and deep neural models are more preferable in emotion classification and estimation for machinecomputer interface system that models brain signals for emotions. However, an RNN remembers the entire information through time. It is useful in time series prediction because it can remember previous inputs very well which is called Long Short-Term Memory. Also, recent developments in machine learning show that neural networks provide considerable accuracy in a variety of different tasks, such as text analysis, image recognition, speech analysis and so on. Related Works Automated classification of human emotion using EEG signals has been researched upon meticulously by various scholars. In related studies, there were many strategies proposed to perform emotion classification from EEG signals. It ranges from finding physiological patterns of emotions, identifying remarkable features, and any other combination of those strategies. In [1] the research provides a concise evaluation for CNN classifier which was reasonably accurate in identifying the two criteria of pleasure (Valence) and arousal degree (Arousal) with an average accuracy of 84.3% and 81.2%, respectively but for an individual subject, the average classification accuracy was only 63%. In [2] the paper showed, for both Valence and Arousal, DNN performs maximum classification accuracies of 75.78 and 73.281 respectively whiletheirCNN model hadclassification accuracies of 81.41% and 73.35% respectively. In [4] the research proved that the convolutional networks in comparison with the classic algorithms of machine IJTSRD30374
  • 2. International Journal of Trend in Scientific Research and Development (IJTSRD) @ www.ijtsrd.com eISSN: 2456-6470 @ IJTSRD | Unique Paper ID – IJTSRD30374 | Volume – 4 | Issue – 4 | May-June 2020 Page 1290 learning demonstrated a better performance in the emotion detection in physiological signals, despite being conceived for the object recognition in images. For classification of emotion, the most popular method, K- Nearest Neighbouralgorithm[5]hadachieved62.3%overall accuracy by applying features namely, wavelet energy and entropy. The results showed 78.7±2.6% sensitivity, 82.8±6.3% specificity and 62.3±1.1%accuracyonthe‘DEAP’ database. In [6] the papershowedthatHierarchical Structure-Adaptive RNN (HSA-RNN) for video summarization tasks, can adaptively exploit the video structure and generate the summary simultaneously. In [7] the results showed that the proposed framework improves the accuracy and efficiency performance of EEG signal classification compared with traditional methods, including support vector machine (SVM), artificial neural network (ANN), and standard CNN by 74.2%. In [8] the research proved that the TranVGG-19 obtains a good result with mean prediction accuracy is 99.175%. In comparison to SqueezeNet,Residual SqueezeVGG16of [9] can be more easily adaptedandfullyintegratedwith residual learning for compressing other contemporarydeeplearning CNN models since their model was 23.86% fasterand88.4% smaller in size than the original VGG16. In paper [10], it was proved that the feature of mean gives the highest contribution to the classification using deep learning classifier, Naïve Bayes with the highest classification result of reached 87.5% accuracy of emotion recognition. Proposed Work A. Database Agglomeration and Description The proposed method is conducted by SJTU Emotion EEG Dataset (SEED) which is a collection of EEGdatasetprovided by the Brain-like Computing and Machine Intelligence (BCMI) laboratory. This dataset contains the subjects' EEG signals when they were watchingfilmclips.Thefilmclips are prudently selected to induce different types of emotion, which are neutral, sad, fear and happy. 15 subjects (7 males and 8 females; Mean: 23.27, STD: 2.37) watched 15 video clips in the experiments. Each subject is experimented three times in about one week. The down-sampled, pre-processed and segmented versions of the EEG data in Matlab (.mat file) were obtained [2]. The detailed order of a total of 62 channels is included in the dataset. The EEGcapaccording to the international 10-20 system for 62 channels is shown figure [1]. Fig.1 EEG cap according to the international 10-20 system for 62 channels The differences and ratios between the differential entropy (DE) features of 27 pairs of hemispheric asymmetry electrodes give the differential asymmetry (DASM) and rational asymmetry (RASM) features. By using the conventional moving average and linear dynamic systems (LDS) approaches, all the features are further levelled. B. Methodology The project exhibits emotion recognition using EEG signals to detect emotions, namely, happiness, sadness, neutral and fear using SEED dataset. Two different neural models are used, a simple Convolutional Neural Network andRecurrent Neural Network (RNN) as the classifiers. Both models are augmented using contemporary deep learning techniques like Dropout technique and Rectilinear Units in order to introduce non-linearity in our model. Both models are implemented using Keras [1] libraries in Python. Fig.2 Proposed Method RNN is a type of neural network which transforms a sequence of inputs into a sequence of outputs. An RNN can learn and detect an event, such as the presence of a particular expression, irrespective of the time, at which it occurs in a sequence. Hence, itnaturallydealswitha variable number of frames.
  • 3. International Journal of Trend in Scientific Research and Development (IJTSRD) @ www.ijtsrd.com eISSN: 2456-6470 @ IJTSRD | Unique Paper ID – IJTSRD30374 | Volume – 4 | Issue – 4 | May-June 2020 Page 1291 Fig.3 RNN Architecture At each time step t, a hidden state ht is computed based on the hidden state at time t - 1 and the input xt at time t ℎ‫ݐ‬ = ߪ (ܹ݅݊ ‫ܿ݁ݎܹ+ݐݔ‬ℎ‫)1−ݐ‬ where Win is the input weight matrix, Wrec is the recurrent matrix and σ is the hidden activationfunction.Eachtimestep also computes outputs, based on the current hidden state: ‫ݐݕ‬ = ݂(ܹ‫ݐݑ݋‬ℎ‫)ݐ‬ where Wout is the output weight matrix and f is the output activation function. We use a simple RNN with Rectified Linear hidden Units (ReLUs). We train the RNN to classifytheemotionsina video agglomerated in the SEED dataset. Then using the confusion matrix, we measure the performance of each classifier in terms of accuracy, specificity, sensitivity, and precision. C. Confusion Matrix Parameters Confusion Matrix is a performance measurement table for machine learning classification where output can be two or more classes. It is composed of 4 different combinations of predicted and actual values. Fig.4 Confusion Matrix True Positive (TP): Prediction is positive and it’s true. True Negative (TN): Predicted is negative and it’s true. False Positive (FP) – Type 1 Error: Predicted is positive and it’s false. False Negative (FN) – Type 2 Error: Predicted is negative and it’s false. Accuracy: Specificity: Sensitivity: Precision: Experimental results and analysis RNN model is applied to construct EEG based emotion detection of four classes, namely Neutral, Sad, Fear and Happy. The dataset used here is SEED. The 62-channel EEG signals are recorded from 15 subjects while they are watching emotional film clips with a total of 24 trials. This data set is available with extracted features like Moving Average and PSD of Differential Entropy and LDS, differential and rational asymmetries, and caudal differential entropy. Further, these feature data belong to alpha and beta frequency bands are normalized with mean values and these have been used here. Table1. Confusion matrix parameters for CNN and RNN Confusion parameters CNN RNN Neutral Sad Fear Happy Neutral Sad Fear Happy Accuracy 95.53 88.13 88.01 87.89 96.50 89.88 90.85 89.61 Specificity 98.56 98.29 57.44 55.52 93.44 98.11 74.18 77.17 Sensitivity 94.54 83.57 96.68 97.20 98.29 84.01 98.14 98.34 Precision 85.50 72.85 83.07 85.08 94.38 81.37 90.43 88.74 With these features of preprocessed EEG data, the existing CNN and proposed RNN models are trained. Then classification is performed using trained models. The experimental results show that the pools of features that have been chosen can achieve relatively classification performance across all the experimentsofdifferentsubjects. From table (2) we see that RNN achieves the highest accuracy of 96.50%, 89.88%, 90.85% and 89.61% for Neutral, Sad, Fear and Happy while CNN model-based classification output gives 95.53%, 88.13%, 88.01% and 87.89% for the respective emotions.
  • 4. International Journal of Trend in Scientific Research and Development (IJTSRD) @ www.ijtsrd.com eISSN: 2456-6470 @ IJTSRD | Unique Paper ID – IJTSRD30374 | Volume – 4 | Issue – 4 | May-June 2020 Page 1292 A. CNN For CNN, figure 5 shows the exponential behaviour of the accuracy during the training and testing for the 20 epochs. Similarly, in figure 6, the values of loss are displayed during the learning and testing that is decreasing for each epoch. The confusion matrix is showing the results ofpredictionfor the four classes, respectively (figure 7). Fig.5. Accuracy result for CNN Fig.6 Loss result for CNN Fig.7 Confusion matrix of CNN for the prediction of four emotions B. RNN For RNN, figure 8 shows the exponential behaviour of the accuracy during the training and testing for the 20 epochs. Similarly, in figure 9, the values of loss are displayed during the learning and testing that is decreasing for each epoch. The confusion matrix is showing the results ofpredictionfor the four classes, respectively (figure 10). Fig.8 Accuracy result for RNN Fig.9 Loss result for RNN Fig.10 Confusion matrix of RNN for the prediction of four emotions
  • 5. International Journal of Trend in Scientific Research and Development (IJTSRD) @ www.ijtsrd.com eISSN: 2456-6470 @ IJTSRD | Unique Paper ID – IJTSRD30374 | Volume – 4 | Issue – 4 | May-June 2020 Page 1293 Hence, this paper shows that RNN figure (10) has made the highest prediction for the four classes compared to CNN figure (7). Conclusion: Based on the existing research in the field of emotion recognition, this study explores the effectiveness of the recurrent neural network. The experimental results show that the RNN model achieves higher precision to classify emotions with CNN based approach. The reliability of classification performance suggests that specific emotional states can be identified with brain activities. The learning by RNN suggests that neural signaturesassociatedwithNeutral, Sad, Fear and Happy emotions do exist and they share commonality across individuals. Thus, RNN provides an appealing framework for propagating information over a sequence using a continuous-valued hidden layer representation. References [1] Guolu Cao, Yuliang Ma, Xiaofei Meng, Yunyuan Gao, Ming Meng, “Emotion Recognition Based On CNN”, Proceedings of the 38th Chinese Control Conference, 2019 [2] Wei-Long Zheng, Jia-Yi Zhu, and Bao-Liang Lu*, “Identifying Stable Patterns over Time for Emotion Recognition from EEG”, IEEE Transactions onAffective Computing, 2017 [3] Samarth Tripathi, Shrinivas Acharya, Ranti Dev Sharma, “Using Deep and Convolutional Neural Networks for Accurate Emotion ClassificationonDEAP Dataset”, Proceedings of the Twenty-Ninth AAAI Conference on Innovative Applications (IAAI-17)), 2017 [4] LUZ SANTAMARIA-GRANADOS, MARIO MUNOZ- ORGANERO, GUSTAVO RAMIREZ-GONZALEZ, ENAS ABDULHAY, ANDN. ARUNKUMAR, “Using Deep Convolutional Neural Network for Emotion Detection on a Physiological Signals Dataset (AMIGOS)”, New Trends in Brain Signal Processing and Analysis, IEEE Access (Volume: 7), 2018 [5] Md. Rabiul Islam,MohiuddinAhmad,“WaveletAnalysis Based Classification of Emotion from EEG Signal”, International Conference on Electrical, Computer and Communication Engineering, 2019 [6] Bin Zhao1, Xuelong Li2, Xiaoqiang Lu2, “HSA-RNN: Hierarchical Structure-Adaptive RNN for Video Summarization”, 2018 IEEE/CVF Conference on Computer Vision and Pattern Recognition, 2018 [7] GAOWEI XU, XIAOANG SHEN, SIRUI CHEN,YONGSHUO ZONG, CANYANG ZHANG, HONGYANG YUE, MIN LIU, FEI CHEN, and WENLIANG CHE “A Deep Transfer Convolutional Neural Network Framework for EEG Signal Classification”, IEEE Data-Enabled Intelligence for Digital Health, 2019 [8] Long Wen, X. Li, Xinyu Li*, Liang Gao, “A New Transfer Learning Based on VGG-19 Network for Fault Diagnosis”, Proceedings of the 2019 IEEE 23rd International Conference on Computer Supported Cooperative Work in Design, 2019 [9] Hussam Qassim, Abhishek Verma, David Feinzimer, “Compressed Residual-VGG16 CNN Model for Big Data Places Image Recognition”, 2018 IEEE 8th Annual Computing and Communication Workshop and Conference (CCWC), 2018 [10] Nur Yusuf Oktavia, Adhi Dharma Wibawa, Evi Septiana Pane, Mauridhi Hery Purnomo, “Human Emotion Classification Based on EEG Signals Using Naive Bayes Method”, International Seminar on Application for Technology of Information and Communication, 2019