Automated Depression Detection Using Deep Representation and Sequence Learning With EEG Signals
Automated Depression Detection Using Deep Representation and Sequence Learning With EEG Signals
Automated Depression Detection Using Deep Representation and Sequence Learning With EEG Signals
https://doi.org/10.1007/s10916-019-1345-y
Abstract
Depression affects large number of people across the world today and it is considered as the global problem. It is a mood disorder
which can be detected using electroencephalogram (EEG) signals. The manual detection of depression by analyzing the EEG
signals requires lot of experience, tedious and time consuming. Hence, a fully automated depression diagnosis system developed
using EEG signals will help the clinicians. Therefore, we propose a deep hybrid model developed using convolutional neural
network (CNN) and long-short term memory (LSTM) architectures to detect depression using EEG signals. In the deep model,
temporal properties of the signals are learned with CNN layers and the sequence learning process is provided through the LSTM
layers. In this work, we have used EEG signals obtained from left and right hemispheres of the brain. Our work has provided
99.12% and 97.66% classification accuracies for the right and left hemisphere EEG signals respectively. Hence, we can conclude
that the developed CNN-LSTM model is accurate and fast in detecting the depression using EEG signals. It can be employed in
psychiatry wards of the hospitals to detect the depression using EEG signals accurately and thus aid the psychiatrists.
Keywords Depression detection . Deep learning . CNN-LSTM . Hybrid deep models . EEG signals
Wulsin [14] used deep belief net (DBN) for the detection of extracted from the EEG signals to detect the depression.
anomaly using EEG records. For deep feature learning from Ahmadlou et al. [44] used combination of wavelet filter bank
EEG recordings, [15] proposed several novel techniques in- and fractal dimension features to detect the depression auto-
cluding cross-trial encoders and hydra-nets. Yildirim et al. matically. Faust et al. [45] used nonlinear features extracted
[16] proposed a 1D-CNN solution to detect the abnormal from the wavelet packet decomposition sub-bands of the EEG
EEG signals with detection error rate of 20.66%. The other signals. Acharya et al., [46] have developed an index to detect
work by [17], explored the effectiveness of deep extreme ma- the normal and depression subjects using a single integer de-
chine learning (DEML) on two brain-computer interface veloped using nonlinear features. Bairy et al. [24] used fea-
(BCI) data sets. They have highlighted the advantages of tures extracted from the linear predictive coding (LPC) resid-
DEML in classifying the BCI data sets. The paper [18] pro- uals to discriminate depression signals from normal EEG sig-
posed a deep learning network with 100 hidden nodes in each nals. Recently, Acharya et al. [29] developed a 13-layer CNN
layer to detect emotions from EEG signals. They achieved a model to detect depression accurately.
low classification performance with an accuracy of 53.42%. The previous studies on depression detection have gener-
Supratak et al. [19] used DeepSleepNet comprising of CNN ally been performed using hand-crafted feature extraction
and bidirectional-LSTM model learn sleep stage scoring fea- techniques and shallow structured classifiers trained on these
tures of single-channel EEG data for automated sleep stage features. The main motivation for this paper is to enable a
classification. completely automated detection of depression using raw
Oh et al. [20] presented an automated classification of five EEG signals. The feature extraction/selection and classifica-
classes of arrhythmia using unprocessed (with noisy) ECG tion operations were executed automatically using a single
signals using a combination of CNN and LSTM structure with EEG signals as input. Furthermore, the devel-
architectures. In another study wavelet transform based oped structure can learn both local features and long-term
bidirectional LSTM network was used [21]. In [22], deep dependencies for input signals. Hence, in this study a CNN-
1D-CNN attained an overall recognition accuracy of 91.33% LSTM based hybrid deep learning model is proposed to detect
for the detection of 17 classes of cardiac arrhythmia. The the depression automatically. This model provides the se-
depression is a serious medical illness and negatively affects quence learning with LSTM block and enables the represen-
the daily activities of a patient. Since it is a treatable disease, tation of input signals through CNN layers. Thus, an end-to-
early detection of the disease is important. To address this end structure for EEG signals has been presented which pro-
issue, several study has been conducted [23–29, 44–46]. vides learning on both local features and long-term dependen-
Table 1 provides the overview of the automated depression cies. One of the main contributions of the study is that the
detection system using EEG signals. In order to detect single proposed CNN-LSTM model provides high performance on
channel depression EEG signals, Bachmann at al. [27] used the signal data which is obtained from right and left hemi-
combination of linear and nonlinear methods. Puthankattil and spheres of the brain to detect depression using EEG signals.
Joseph [28] used relative wavelet energy and entropy features The CNN-LSTM model provides an automatic detection with
Table 1 Overview of previous studies on automated depression detection using EEG signals
[44] 2012 15 normal Wavelet filter bank and fractal dimensions EPNN 91.30
15 depressed
[28] 2012 15 normal Relative wavelet energy ANN 98.11
15 depressed
[45] 2014 15 normal Wavelet packet and non-linear features PNN 98.20 (Left)
15 depressed 99.50 (Right)
[46] 2015 15 normal Non-linear features SVM 98.00
15 depressed
[25] 2017 30 normal Alpha interhemispheric asymmetry and power of frequency bands SVM 98.40
33 depressed
[24] 2017 15 normal Higher order spectra features Bagged Tree 94.30
15 depressed
[26] 2017 20 normal Kernel Eigen-filter-bank common spatial pattern SVM 81.23
20 depressed
[29] 2018 15 normal End-to-end CNN 93.54 (Left)
15 depressed 95.96 (Right)
Present Study 2019 15 normal End-to-end CNN-LSTM 97.66 (Left)
15 depressed 99.12 (Right)
J Med Syst (2019) 43:205 Page 3 of 12 205
Left
FP1
FPz
FP2
Convolutional
FP2-T4 Neural
Networks
Right
Sequence Automatic
T3 Cz T4
Learning Recognition
Normal
Long-Short Fully
Term Memory Connected
Depressed
Oz
Inion
EEG data without requiring any feature extraction or selec- Depression dataset
tion. Thus, an effective and state-of-art deep learning approach
can be used in the field of healthcare to detect the depression. In this study, we have used the same normal and depression
The structure of the remainder of the paper can be summa- EEG signals used by Acharya et al. [29] (taken from Calicut,
rized as follows: In section BMaterials and method^, the Kerala, India). The EEG signals were acquired from 15 nor-
dataset used in the study and proposed CNN-LSTM model mal and 15 depressed subjects from left half (FP1-T3 channel)
are presented. In section BExperimental results^, experimental and right half (FP2-T4 channel) of the brain. The EEG signals
results are evaluated. In section BDiscussion^, the results and were sampled at a sampling rate of 256 Hz and the power line
comparison with other studies on the same dataset are present- noise was eliminated with a 50 Hz notch filter. Artifacts
ed. The clinical implication of the work is presented in the resulting from muscles and eye movements within the EEG
conclusion section. signals were manually removed by experts. The EEG data of
30 subjects were evaluated in two separate categories as left
and right hemisphere EEG data belonging to normal and de-
pressed classes. It consists of 4798 depression and 4318 nor-
Materials and method
mal EEG records (files) with each file having 2000 samples.
The detailed information about the data is presented in
In this study, the EEG signals obtained from the right and left
Table 2. The illustrations of some signal samples in the data
hemispheres of the brain are used for EEG-based automatic
are shown in Fig. 2.
depression recognition process. The raw EEG signals are ap-
plied to the CNN model. The feature maps obtained from the
output of the CNN model are fed to LSTM as inputs and The proposed deep model architecture
sequence learning is performed on these signals. The LSTM
outputs are passed through fully connected layers to ensure the It can be seen from the previous work [29], CNN model is
automatic detection of depression EEG signals. Thus, a CNN- good in extracting temporal features and poor in learning se-
LSTM based method is developed to detect depression in a quential information. To overcome this problem, we built a
hybrid manner involving both the representation and sequence new hybrid architecture consisting of CNN and LSTM
learning stages. A block diagram representation of the method models. The architecture of the proposed system is illustrated
used in the study is given in Fig.1. in Fig. 3. The CNN learns the local features of input EEG
Amplitude
hemisphere normal and d left
Amplitude
0
hemisphere depression 0
-50
-200 -100
-400 -150
0 500 1000 1500 2000 0 500 1000 1500 2000
Sample Sample
(a) (b)
Normal Depressi on
200 100
100 50
Amplitude
Amplitude
0
0
-100
-50
-200
-300 -100
0 500 1000 1500 2000 0 500 1000 1500 2000
Sample Sample
(c) (d)
Convolution ReLU
Convolution ReLU
MaxPooling
LSTM
Long Short Term Memory
Dense ReLU
(Sequence Learning)
Dropout
Dense SoftMax Output
J Med Syst (2019) 43:205 Page 5 of 12 205
Here, x represents input EEG data, w is filter and a is feature signals can be learned by deep learning techniques. The
map. For each convolution layer, we have chosen 64, 128, 128 aim of sequential learning is to model short-term and long-
and 32 specific filters (also called kernels) with different filter term memory. Although, the short-term memory is very
sizes of 5 × 1, 3 × 1, 13 × 1 and 7 × 1 respectively. These filters well modeled by standard recurrent neural networks
are convolved with the input matrix of signal data to produce (RNN), it cannot be effective in long-term dependencies
feature maps after the convolution layer. We used rectified lin- due to vanishing gradient problems. The biggest problem
ear unit (ReLU) function after each convolution layer. As given encountered when training artificial neural networks with
in the eq. (2), the ReLU function takes the value 0 for the back propagation is the vanishing gradient problem [30],
negative inputs and the x value for the positive inputs x. which makes it difficult to train the previous layers and learn
the network. To overcome this long-term dependency prob-
f ðxÞ ¼ maxð0; xÞ ð2Þ lem, there is a need for neural networks that can remember
the input information given over a long time and decide
The extracted feature maps will be the new inputs to the which data to remember. In 1997, Hochreiter and
next layer. The maximum pooling technique is used in the Schmidhuber [31] proposed LSTM to meet this
MaxPooling1D layer to reduce the input size, memory us- requirement.
age and number of parameters. Finally, for the binary-clas- In the LSTM architecture illustrated in Fig. 4, unlike the
sification, the predictive class probabilities of the inputs RNN architecture, there are special hidden units called mem-
given by using the Softmax function are presented as out- ory cells that are used to remember the previous input for a
put. We also used dropout technique to prevent the proposed long time. An LSTM architecture contains forget, learn, re-
network from the overfitting problem. member and use gates that determine whether an input is so
important that it can be saved. In the LSTM unit, four different
Sequence learning functions such as sigmoid (σ), hyperbolic tangent (tanh), mul-
tiplication (×), and sum (+) are used, which make it easier to
The EEG signal can be seen as time series signals of brain update the weights during the back propagation process.
activities. The EEG signals over a specific period are used to More formally, sequential learning approach over EEG
diagnose various disorders. For this purpose, sequential time series is defined as follows:
× tanh
tanh
ht-1 × ht
Paremeter Unseen
Model Training
Optimization Data
Tuned Weights
Trained Detection
Model
In random splitting technique, the data are divided randomly in to Optimizer Adam
training, validation and testing. It is a widely used technique espe- Learning Rate and Decay 1e-4
cially in deep learning studies where data is large. In this study, the Loss Function Categorical cross entropy
dataset for each group is divided into 70% training, 15% validation Metrics Accuracy
and 15% test sets and this procedure is shown in Fig. 5. Batch Size 64
The training and validation datasets are used to train the Epochs 15
deep learning model. The test set is the data which was never
J Med Syst (2019) 43:205 Page 7 of 12 205
have reached an accuracy of 98.37% during training, have been used to evaluate performance of the model. The
98.68% during validation, 0.04 training loss and 0.06 vali- calculations used in the study as follows; sensitivity (TP /
dation losses. The graphical representations of these perfor- (TP + FN)), specificity (TN / (FP + TN)), precision (TP /
mance values are presented in Fig. 6. (TP + FP)), and accuracy ((TP + TN) / (FP + FN)).
After the training of the CNN-LSTM model, it is tested Tables 6 and 7 shows the performance values for right
using unused test data set. True positive (TP), false posi- and left hemisphere EEG signals during testing of the
tive (FP), and false negative (FN) statistical measurements model.
Fig. 6 Performance graphs for the Right (Fp2-T4) Accuracy Graph Right (Fp2-T4) Loss Graph
100 0.5
right hemisphere (Fp2-T4) and
left hemisphere (Fp1-T3) EEG
0.4
signals of the CNN-LSTM mod- 95
Training Accuracy Training loss
Accuracy (%)
90
values for right hemisphere EEG
0.2
signals, c) Accuracy values for
left hemisphere EEG signals, and 85
0.1
d) Loss values for left hemisphere
EEG signals
80 0
1 2 3 4 5 6 7 8 9 10 11 12 13 14 15 1 2 3 4 5 6 7 8 9 10 11 12 13 14 15
Epochs Epochs
(a) (b)
Left (Fp1-T3) Accuracy Graph Left (Fp1-T3) Loss Graph
100 0.4
0.35
Training loss
95 0.3
Training Accuracy Validation loss
Accuracy (%)
0.25
Loss
Validation Accuracy
90 0.2
0.15
85 0.1
0.05
80 0
1 2 3 4 5 6 7 8 9 10 11 12 13 14 15 1 2 3 4 5 6 7 8 9 10 11 12 13 14 15
Epochs
Epochs
(d)
(c)
205 Page 8 of 12 J Med Syst (2019) 43:205
The CNN-LSTM model incorrectly classified only 6 of the cross validation with both EEG signals.
684 data for the right hemisphere EEG signals and reaches the
highest accuracy of 99.12%. The sensitivity of the depression The CNN-LSTM model, using right hemisphere signals in
and normal class are 98.55% and 99.70% respectively. The the 10-fold tests, misclassified only 19 out -of 2250 depression
accuracy of the model for the left hemisphere EEG signals is data. But 38 out of 2420 depression data are incorrectly classi-
97.66%. The sensitivity of the depression and normal classes fied using left hemisphere EEG data. Thus, 10-fold cross vali-
are 97.03% and 98.27%, respectively. It can be noted from the dation for right and left hemisphere EEG signals have yielded
results obtained in the above that, CNN-LSTM model yielded accuracy of 98.95% and 97.76% respectively. These results are
the highest performance in detecting the depression using comparable with the experimental results obtained using the
EEG signals. Besides, our experimental results indicate that, random splitting technique. The performance obtained using
right hemisphere (Fp2-T4) EEG signals show a higher perfor- right hemisphere with random splitting is better than the 10-
mance than the left hemisphere EEG signals. The trained fold cross validation test and the performance of the 10-fold
CNN-LSTM model took approximately 0.005 s to classify a cross validation for left hemisphere is slightly higher.
single EEG input data of 2000 samples. An EEG signal applied to the input of the trained CNN-
LSTM network is passed through the CNN and LSTM layers,
10-fold cross validation tests respectively, and the classification step is performed on the
feature maps obtained from these layers. Figure 8 shows the
The other common technique used in the evaluation of models output of a sample depression EEG signal obtained from CNN
in the field of machine learning is k-fold cross-validation. In and LSTM layers.
this technique, the data is randomly divided into k equal parts.
k-1 parts are used in the training phase of the model and the
remaining part is used in the testing phase. This process re- Discussion
peats until all parts are evaluated in the test phase. In this
study, k = 10 is selected and the data are randomly divided In this study, a hybrid deep learning based automatic depres-
into 10 equal sections. Figure 7 shows the graphs of the per- sion detection system was proposed. Summary of automated
formance values obtained by the 10-fold cross validation test depression systems developed using deep learning techniques
for both EEG signal groups. with EEG signals is given in Table 9.
The performance criteria for the right hemisphere EEG It can be seen from Table 9 that the accuracy and sen-
signals are above 98% for all folds and average accuracy value sitivity values of the proposed method are higher than the
is 98.94%. The CNN-LSTM model performed using left previous studies. Acharya et al. [29] obtained 95.49%
hemisphere EEG signals showed slightly lower performance accuracy for right hemisphere EEG signals, while we
than right hemisphere EEG signals. The average accuracy have obtained 99.12% and 98.95% accuracy using the
value of this model is 97.82%. Table 8 presents the overall same database with random-splitting and 10-fold CV, re-
performance and confusion matrix obtained using 10-fold spectively. Similarly, Acharya et al. [29] achieved 93.54%
Value (%)
98
97
96
95
(a)
Left Hemisphere (Fp1-T3)
Sensitivity Specificity Precision Accuracy
100
98
Value (%)
96
94
92
90
(b)
accuracy for the left group, but we have achieved 97.66% LSTM network learns sequences from these features. In
and 97.66% with random-splitting and 10-fold CV, re- few state-of-the-art studies given in Table 1, wavelet [28,
spectively. Our right hemisphere accuracies are higher 44, 45], HOS [24], and non-linear [46] feature extraction
than the left as reported by Acharya et al. [29]. This is techniques have been used. These approaches are com-
because the activation of frontal cortex of right hemi- plex, time consuming and require experience. But in our
sphere is higher during depression than left hemisphere study, this feature extraction is performed by the model
[47]. Hence, right hemisphere EEG will contribute more itself. In addition, the proposed deep detection model con-
than the left hemisphere. sists of multiple layers instead of shallow classifiers such
The most important advantage of this study is its high as SVM and ANN is presented.
performance in detecting depression by using both local Hence, this proposed CNN-LSTM model has achieved re-
characteristics and long-term dependencies of the EEG markable performance with single-channel EEG data obtained
signals. The CNN networks learn local properties while from right and left hemispheres of the brain. Therefore, CNN-
Table 8 Overall performance values obtained during 10-fold cross validation with EEG data
Right (Fp2-T4) Actual Classes Depression 2231 19 98.95 99.16 98.72 99.17
Normal 29 2271 98.74 99.17 98.72
Left (Fp1-T3) Depression 2382 38 97.76 98.43 97.38 98.19
Normal 64 2066 97.00 98.19 97.38
205 Page 10 of 12 J Med Syst (2019) 43:205
Amplitude
-200
0 Samples 2000
(a)
0 0 -0.15 -0.3
0 500 0 500 0 500 0 500
0 0 -0.2 -0.1
0 500 0 500 0 500 0 500
0 0 -0.2 -0.3
0 500 0 500 0 500 0 500
0.3 0.15 0 0.15
0 0 -0.4 0
0 500 0 500 0 500 0 500
(b) (c)
Fig. 8 Output obtained at CNN and LSTM when the original depression EEG signal is fed: a original depression EEG signal, b features obtained at the
output of CNN and c sequences obtained at the output of LSTM
LSTM model is accurate and robust in detecting the depression developed model is computationally intensive. In future, we
using EEG signals. The proposed model detects unknown EEG intend to extend this work, using more number of subjects
signals fast and accurately. Therefore, the proposed model is taken from diverse background and the computational com-
useful and can be easily implemented for clinical applications. plexity can be reduced using graphical processing units
The main drawback of this study is that, we have used few (GPUs). In future, we intend to improve the results applying
subjects (15 normal and 15 depression). In addition, the more advanced deep learning approaches with more dataset.
Additionally, the CNN-LSTM layers will be evaluated using abnormality classification using MR images. Cogn. Syst. Res.,
2018. https://doi.org/10.1016/j.cogsys.2018.12.007.
classifiers such as SVM.
7. Bhat, S., Acharya, U. R., Hagiwara, Y., Dadmehr, N., and Adeli, H.,
Parkinson’s disease: Cause factors, measurable indicators, and early
diagnosis. Comput. Biol. Med., 2018. https://doi.org/10.1016/j.
Conclusion compbiomed.2018.09.008.
8. Acharya, U. R., Vinitha Sree, S., Swapna, G., Martis, R. J., and
Suri, J. S., Automated EEG analysis of epilepsy: A review.
A novel depression detection system based on EEG signals is Knowledge-Based Syst 45:147–165, 2013. https://doi.org/10.
presented. This model consists of a combination of LSTM 1016/j.knosys.2013.02.014.
network that is effective in learning long-term dependencies 9. Janga Vijaykumar, P., and Sreenivasareddy, E., A review on
Machine Learning Techniques for Neurological disorders estima-
present in the CNN architecture, which is powerful in
tion by Analyzing EEG Waves. Int J Trend Sci Res Dev., 2018.
extracting the local features. The proposed CNN-LSTM net- 10. Acharya, U. R., Hagiwara, Y., Deshpande, S. N., Suren, S., Koh, J.
work is developed using EEG signals obtained from the right E. W., Oh, S. L., Arunkumar, N., Ciaccio, E. J., and Lim, C. M.,
and left hemispheres of the brain of 30 subjects. Our proposed Characterization of focal EEG signals: A review. Futur. Gener.
model is able to detect the depression with an accuracy of Comput. Syst., 2019. https://doi.org/10.1016/j.future.2018.08.044.
11. Petrosian, A., Prokhorov, D., Homan, R., Dasheiff, R., and Wunsch,
99.12% and sensitivity of 99.11% from the right (Fp2-T4) side D., Recurrent neural network based prediction of epileptic seizures
hemisphere EEG signals. However, more robust models can in intra- and extracranial EEG. Neurocomputing., 2000. https://doi.
be developed using huge database obtained from diverse org/10.1016/S0925-2312(99)00126-5.
races. The developed model can be used to detect the early 12. Mirowski, P., Madhavan, D., LeCun, Y., and Kuzniecky, R.,
Classification of patterns of EEG synchronization for seizure pre-
stage of depression and other neurological disorders using
diction. Clin. Neurophysiol., 2009. https://doi.org/10.1016/j.clinph.
EEG signals. 2009.09.002.
13. Acharya, U. R., Oh, S. L., Hagiwara, Y., Tan, J. H., and Adeli, H.,
Compliance with ethical standards Deep convolutional neural network for the automated detection and
diagnosis of seizure using EEG signals. Comput. Biol. Med. 100:
270–278, 2018.
Conflict of interest All authors declare that there is no conflict of interest
in this work. 14. Wulsin, D. F., Gupta, J. R., Mani, R., Blanco, J. A., and Litt, B.,
Modeling electroencephalography waveforms with semi-
supervised deep belief nets: Fast classification and anomaly mea-
Ethical approval All procedures performed in studies involving human surement. J. Neural Eng., 2011. https://doi.org/10.1088/1741-2560/
participants were in accordance with the ethical standards of the institu- 8/3/036015.
tional and/or national research committee and with the 1964 Helsinki 15. Stober, S., Sternin, A., Owen, A. M., and Grahn, J. A., Deep feature
declaration and its later amendments or comparable ethical standards. learning for EEG recordings. arXiv preprint arXiv:1511.04306,
We have obtained the ethical approval for depression data from Medical
2015.
College Calicut, Kerala, India.
16. Yıldırım, Ö., Baloglu, U. B., and Acharya, U. R., A deep
convolutional neural network model for automated identification
Informed consent Informed consent was obtained from all individual of abnormal EEG signals. Neural Comput. & Applic.:1–12, 2018.
participants included in the study. 17. Ding, S., Zhang, N., Xu, X., Guo, L., and Zhang, J., Deep Extreme
Learning Machine and Its Application in EEG Classification. Math.
Probl. Eng., 2015. https://doi.org/10.1155/2015/129021.
18. Jirayucharoensak, S., Pan-Ngum, S., and Israsena, P., EEG-Based
References Emotion Recognition Using Deep Learning Network with Principal
Component Based Covariate Shift Adaptation. Sci. World J., 2014.
1. Krizhevsky, A., Sutskever, I., and Hinton, G. E., ImageNet https://doi.org/10.1155/2014/627892.
Classification with Deep Convolutional Neural Networks. Adv. 19. Supratak, A., Dong, H., Wu, C., and Guo, Y., DeepSleepNet: A
Neural Inf. Proces. Syst., 2012. https://doi.org/10.1016/j.protcy. model for automatic sleep stage scoring based on raw single-
2014.09.007. channel EEG. IEEE Trans Neural Syst Rehabil Eng., 2017.
2. Szegedy, C., Liu, W., Jia, Y., Sermanet, P., Reed, S., Anguelov, D., https://doi.org/10.1109/TNSRE.2017.2721116.
Erhan, D., Vanhoucke, V., Rabinovich, A., Going deeper with con- 20. Oh, S. L., Ng, E. Y. K., Tan, R. S., and Acharya, U. R., Automated
volutions. In: Proceedings of the IEEE Computer Society diagnosis of arrhythmia using combination of CNN and LSTM
Conference on Computer Vision and Pattern Recognition, 2015. techniques with variable length heart beats. Comput. Biol. Med.,
3. Simonyan, K., Zisserman, A., Very deep convolutional networks 2018. https://doi.org/10.1016/j.compbiomed.2018.06.002.
for large-scale image recognition. arXiv preprint arXiv:1409.1556, 21. Yildirim, Ö., A novel wavelet sequence based on deep bidirectional
2014. LSTM network model for ECG signal classification. Comput. Biol.
4. LeCun, Y., Bottou, L., Bengio, Y., and Haffner, P., Gradient-based Med., 2018. https://doi.org/10.1016/j.compbiomed.2018.03.016.
learning applied to document recognition. Proc. IEEE 86:2278– 22. Yıldırım, Ö., Pławiak, P., Tan, R. S., and Acharya, U. R.,
2323, 1998. https://doi.org/10.1109/5.726791. Arrhythmia detection using deep convolutional neural network
5. Bashivan, P., Rish, I., Yeasin, M., and Codella, N., Learning repre- with long duration ECG signals. Comput. Biol. Med., 2018.
sentations from EEG with deep recurrent-convolutional neural net- https://doi.org/10.1016/j.compbiomed.2018.09.009.
works. arXiv preprint arXiv:1511.06448, 2015. 23. Sharma, M., Achuth, P. V., Deb, D., Puthankattil, S. D., and
6. Talo, M., Baloglu, U. B., Yildirim, O., and Acharya, U. R., Acharya, U. R., An automated diagnosis of depression using
Application of deep transfer learning for automated brain three-channel bandwidth-duration localized wavelet filter bank
205 Page 12 of 12 J Med Syst (2019) 43:205
with EEG signals. Cogn. Syst. Res., 2018. https://doi.org/10.1016/ carcinoma patients. Cogn. Syst. Res., 2018. https://doi.org/10.
j.cogsys.2018.07.010. 1016/j.cogsys.2018.12.001.
24. Bairy, G. M., Lih, O. S., Hagiwara, Y., Puthankattil, S. D., Faust, O., 38. Yuan, Q., Zhou, W., Xu, F., Leng, Y., and Wei, D., Epileptic EEG
Niranjan, U. C., and Acharya, U. R., Automated diagnosis of de- Identification via LBP Operators on Wavelet Coefficients. Int. J.
pression electroencephalograph signals using linear prediction cod- Neural Syst., 2018. https://doi.org/10.1142/S0129065718500107.
ing and higher order spectra features. J Med Imaging Health Inform 39. Pławiak, P., Novel genetic ensembles of classifiers applied to myo-
7(8):1857–1862, 2017. cardium dysfunction recognition based on ECG signals. Swarm
25. Mumtaz, W. et al., Electroencephalogram (EEG)-based computer- Evol Comput., 2018. https://doi.org/10.1016/j.swevo.2017.10.002.
aided technique to diagnose major depressive disorder (MDD). 40. Li, Y., Cui, W., Luo, M., Li, K., and Wang, L., Epileptic seizure
Biomed Signal Process Control 31:108–115, 2017. detection based on time-frequency images of EEG signals using
26. Liao, S. C., Te, W. C., Huang, H. C., Cheng, W. T., and Liu, Y. H., Gaussian mixture model and gray level co-occurrence matrix fea-
Major depression detection from EEG signals using kernel eigen- tures. Int. J. Neural Syst.:1850003, 2018.
filter-bank common spatial patterns. Sensors (Switzerland), 2017. 41. Yuan, S., Zhou, W., and Chen, L., Epileptic Seizure Prediction
https://doi.org/10.3390/s17061385. Using Diffusion Distance and Bayesian Linear Discriminate
27. Bachmann, M. et al., Methods for classifying depression in single Analysis on Intracranial EEG. Int. J. Neural Syst. 28(01):
channel EEG using linear and nonlinear signal analysis. Comput. 1750043, 2018.
Methods Prog. Biomed. 155:11–17, 2018.
42. Abdar, M., Zomorodi-Moghadam, M., Zhou, X., Gururajan, R.,
28. Puthankattil, S. D., and Joseph, P. K., Classification of eeg signals
Tao, X., Barua, P. D., and Gururajan, R., A new nested ensemble
in normal and depression conditions by ann using rwe and signal
technique for automated diagnosis of breast cancer. Pattern Recogn.
entropy. J Mech Med Biol., 2012. https://doi.org/10.1039/
Lett., 2018. https://doi.org/10.1016/j.patrec.2018.11.004.
c6ra90093c.
29. Acharya, U. R., Oh, S. L., Hagiwara, Y., Tan, J. H., Adeli, H., and 43. Abdar, M., Using Decision Trees in Data Mining for Predicting
Subha, D. P., Automated EEG-based screening of depression using Factors Influencing of Heart Disease. Carpathian Journal of
deep convolutional neural network. Comput. Methods Prog. Electronic & Computer Engineering 8(2), 2015.
Biomed., 2018. https://doi.org/10.1016/j.cmpb.2018.04.012. 44. Ahmadlou, M., Adeli, H., and Adeli, A., Fractality analysis of fron-
30. Bengio, Y., Simard, P., and Frasconi, P., Learning Long-Term tal brain in major depressive disorder. Int. J. Psychophysiol., 2012.
Dependencies with Gradient Descent is Difficult. IEEE Trans. https://doi.org/10.1016/j.ijpsycho.2012.05.001.
Neural Netw., 1994. https://doi.org/10.1109/72.279181. 45. Faust, O., Aang, P. C. A., Puthankattil, S. D., and Joseph, P. K.,
31. Hochreiter, S., and Schmidhuber, J. J., Long short-term memory. Depression diagnosis support system based on eeg signal entropies.
Neural Comput. 9:1–32, 1997. https://doi.org/10.1162/neco.1997. J M e c h M e d B i o l . , 2 0 1 4 . h t t p s : / / d o i . o r g / 1 0 . 11 4 2 /
9.8.1735. S0219519414500353.
32. Oh, S. L., Ng, E. Y., Tan, R. S., and Acharya, U. R., Automated 46. Acharya, U. R., Sudarshan, V. K., Adeli, H., Santhosh, J., Koh, J. E.
beat-wise arrhythmia diagnosis using modified U-net on extended W., Puthankatti, S. D., and Adeli, A., A novel depression diagnosis
electrocardiographic recordings with heterogeneous arrhythmia index using nonlinear features in EEG signals. Eur. Neurol. 74:79–
types. Comput. Biol. Med., 2018. https://doi.org/10.1016/j. 83, 2015. https://doi.org/10.1159/000438457.
compbiomed.2018.12.012. 47. Hecht, D., Depression and the hyperactive right-hemisphere.
33. Martinez-Murcia, F. J., Górriz, J. M., Ramírez, J., and Ortiz, A., Neurosci. Res. 68(2):77–87, 2010.
Convolutional Neural Networks for Neuroimaging in Parkinson’s 48. Yildirim, O., Baloglu, U. B., and Acharya, U. R., A deep learning
Disease: Is Preprocessing Needed? Int. J. Neural Syst., 2018. model for automated sleep stages classification using psg signals.
https://doi.org/10.1142/S0129065718500351. Int. J. Environ. Res. Public Health 16(4):599, 2019.
34. Pławiak, P., and Acharya, U. R., Novel Deep Genetic Ensemble of 49. Faust, O., Hagiwara, Y., Hong, T. J., Lih, O. S., and Acharya, U. R.,
Classifiers for Arrhythmia Detection Using ECG Signals. Neural Deep learning for healthcare applications based on physiological
Comput. & Applic., 2018. https://doi.org/10.1007/s00521-018- signals: A review. Comput. Methods Prog. Biomed. 161:1–13,
03980-2. 2018.
35. Yildirim, O., Tan, R. S., and Acharya, U. R., An efficient compres-
sion of ECG signals using deep convolutional autoencoders. Cogn.
Publisher’s Note Springer Nature remains neutral with regard to
Syst. Res., 2018. https://doi.org/10.1016/j.cogsys.2018.07.004.
jurisdictional claims in published maps and institutional affiliations.
36. Antoniades, A., Spyrou, L., Martin-Lopez, D., Valentin, A.,
Alarcon, G., Sanei, S., and Took, C. C., Deep Neural
Architectures for Mapping Scalp to Intracranial EEG. Int. J.
Neural Syst., 2018. https://doi.org/10.1142/S0129065718500090.
37. Książek, W., Abdar, M., Acharya, U. R., and Pławiak, P., A novel
machine learning approach for early detection of hepatocellular