SASDL_and_RBATQ_Sparse_Autoencoder_With_Swarm_Based_Deep_Learning_and_Reinforcement_Based_Q-Learning_for_EEG_Classification
SASDL_and_RBATQ_Sparse_Autoencoder_With_Swarm_Based_Deep_Learning_and_Reinforcement_Based_Q-Learning_for_EEG_Classification
Abstract—The most vital information about the electrical Impact Statement—Efficient deep learning techniques for
activities of the brain can be obtained with the help EEG signal classification
of Electroencephalography (EEG) signals. It is quite
a powerful tool to analyze the neural activities of the
brain and various neurological disorders like epilepsy,
I. INTRODUCTION
schizophrenia, sleep related disorders, parkinson disease HE physical activities of the nervous system can be com-
etc. can be investigated well with the help of EEG signals.
Goal: In this paper, two versatile deep learning methods
are proposed for the efficient classification of epilepsy
T prehensively reflected by the EEG signals [1]. If there is
any change in the brain function caused due to neurological
and schizophrenia from EEG datasets. Methods: The disorders, then it can be detected by EEG signals. In the field of
main advantage of using deep learning when compared medicine, an objective basis for diagnosing certain disorders is
to other machine learning algorithms is that it has the provided by the information processing of EEG signals, thereby
capability to accomplish feature engineering on its own. enabling the clinicians to provide effective treatment for the par-
Swarm intelligence is also a highly useful technique to
solve a wide range of real-world, complex, and non-linear ticular brain disorder. Earlier, a manual detection and analysis of
problems. Therefore, taking advantage of these factors, the EEG waveforms was done and due to its intensive labor and
the first method proposed is a Sparse Autoencoder (SAE) long-time consumption, automated classification of EEG signals
with swarm based deep learning method and it is named to diagnose the neurological disorder came into existence [2].
as (SASDL) using Particle Swarm Optimization (PSO) Therefore, classification of EEG signals is quite a vital task with
technique, Cuckoo Search Optimization (CSO) technique
and Bat Algorithm (BA) technique; and the second tech- respect to the identification, diagnosis and even prevention of
nique proposed is the Reinforcement Learning based on brain related disease. In this paper, the classification of epilepsy
Bidirectional Long-Short Term Memory (BiLSTM), Attention EEG signals and schizophrenia EEG signals are dealt in much
Mechanism, Tree LSTM and Q learning, and it is named detail. Epilepsy is a chronic disease characterized by sudden
as (RBATQ) technique. Results and Conclusions: Both and repeated seizures [3]. Due to various initiating locations
these two novel deep learning techniques are tested on
epilepsy and schizophrenia EEG datasets and the results and transmission modes of the abnormal electrical activities
are analyzed comprehensively, and a good classification in brain, different clinical manifestation occurs such as loss of
accuracy of more than 93% is obtained for all the datasets. consciousness, limb convulsions, behavioral problems etc [4].
Index Terms—Deep learning, EEG, PSO, Q-learning, rein-
The most prevalent technique to examine the brain activities in
forcement learning. epileptic patients is with the help of EEG. For epileptic patients,
the EEG signals of their brain activity are split into interictal,
pre-ictal and ictal states [5]. An unusual pattern is exhibited
Manuscript received November 2, 2021; revised February 20, 2022 in the EEG signals where the seizure occurs. A distributed
and March 16, 2022; accepted March 17, 2022. Date of publication pattern is also sometimes exhibited in the EEG signal where
March 23, 2022; date of current version May 27, 2022. This work
was supported in part by Institute for Information & Communications the seizure occurs. A distinctive pattern is also shown by the
Technology Promotion grant funded by Korea government under Grant EEG signals of interictal state and preictal state. Therefore, to
2017-0-00451, in part by the Development of BCI based Brain and Cog- differentiate these epileptic states, these patterns in the EEG
nitive Computing Technology for Recognizing User’s Intentions using
Deep Learning under Grant 2015-0-00185, in part by the Development signals are highly useful so that the occurrence of a seizure
of Intelligent Pattern Recognition Softwares for Ambulatory Brain Com- can be known thereby reducing the deadly effects it has on
puter Interface under Grant 2019-0-00079, and in part by the Artificial the patients [6]. Seizure detection and classification has been
Intelligence Graduate School Program, Korea University. The review of
this paper was arranged by Editor Laura Astolfi. (Corresponding author: studied for the past two decades with the help of machine
Seong-Whan Lee.) learning and deep learning techniques, and a good survey about
The authors are with the Department of Artificial Intelligence, it can be found in [7], [8] enabling the authors not to repeat
Korea University, Seoul 02841, South Korea (e-mail: sunilprab-
hakar22@gmail.com; sw.lee@korea.ac.kr). the past works again and again. However, the most important
Digital Object Identifier 10.1109/OJEMB.2022.3161837 ideas incorporating machine learning and deep learning since
This work is licensed under a Creative Commons Attribution 4.0 License. For more information, see https://creativecommons.org/licenses/by/4.0/
58 VOLUME 3, 2022
PRABHAKAR AND LEE: SASDL AND RBATQ: SPARSE AUTOENCODER WITH SWARM BASED DEEP LEARNING AND REINFORCEMENT 59
the past four years is discussed here for the better understanding EEG series splitting reported an accuracy of 92.91% [33], deep
of the readers. A transfer learning along with semi-supervised convolutional neural networks reported 98.07% for non-subject
learning for seizure classification from EEG signals was based testing and 81.26% for subject based testing [34], spectral
proposed by Jiang et al., where the average accuracy was shown based analysis reporting 96.77% [35], swarm computing tech-
to be higher than 95% in most cases [9]. A tunable Q wavelet niques with classifiers reporting 92.l7% [31], Short Time Fourier
transform dependent on multiscale entropy was proposed for Transform (STFT) with CNN reporting 97.00% [36], Partial
automated classification of epileptic EEG signals where the Least Squares technique reporting 98.77% [37], multivariate
highest accuracy of even 100% was achieved in few cases [10]. Empirical Mode Decomposition (EMD) reporting 93.00% [38],
A local mean decomposition (LMD)-based feature analysis with continuous wavelet transform (CWT) with CNN reporting an
Support Vector Machine (SVM) was utilized by Zhang and accuracy of 98.60% [39], a simple CNN reporting 98.96% [40],
Chen where the classification accuracy reached an accuracy sparse depiction with nature inclined classification and deep cum
of 98.10% [11]. In the year 2018, for automated classification transfer learning reporting 98.72% [30] and Collatz pattern re-
of epilepsy from EEG signals, deep learning approaches was porting an accuracy of 99.47% [41] are some of the most famous
proposed in [12], [13] and a morphological component analysis works proposed recently. In this work, the key contributions are
based SVM classification was proposed in [14], and these three as follows and no previous works have been reported in literature
approaches produced a high classification accuracy of more than using the two developed novel deep learning models.
95% as per the consideration of their problem requirement. A i) Initially a sparse autoencoder with swarm based deep
scalogram based convolution network from EEG signals was neural network using PSO was developed for classifying
proposed in [15], a matrix determinant-based approach was epilepsy and schizophrenia datasets.
utilized in [16], cross-bispectrum analysis for seizure detection ii) Secondly, reinforcement learning based on Q-learning
in [17], a novel random forest model with grid search optimiza- was implemented successfully to classify epilepsy and
tion in [18] are some of the famous works in 2019 and almost schizophrenia datasets.
all the works have achieved a classification accuracy of 90% The organization of the work is as follows. Section II explains
to 100% depending on type of case study. In the year 2020, a the development of the SASDL, and Section III explains the
novel convolutional based neural network model [19], improved RBATQ model. Section IV explains the results and discussion
Radial Basis Function (RBF) analysis [20], Power Spectral and Section V gives the conclusion.
Density (PSD) based deep CNN [21], imagined EEG signal
analysis through fully convolutional networks [22], empirical
mode decomposition analysis along with its derivative [23], a II. DEVELOPMENT OF SASDL MODEL
bat algorithm based SVM [24] are some of the famous works for An autoencoder model is developed to mitigate the dimen-
seizure classification from EEG signals with almost all the works sionality of the input [42]. A feedforward neural network is
reporting a good classification accuracy of more than 90%. In utilized by this form of unsupervised learning and the autoen-
2021, a Jacobi polynomial transform based technique with Least coder has both encoding and decoding plan An input x is usually
Square SVM (LS-SVM) [25], an adaptive synthetic sampling trained and x is reconstructed to be quite similar to the input x
approach [26], a fractal-based seizure detection technique [27], as much as possible. Many kinds of autoencoders are available
Principal Component Analysis (PCA) based Genetic Algorithm in literature such as sparse autoencoder, denoising autoencoder,
(GA) [28], significance of channel selection techniques [29] are stacked autoencoder etc [42]. When there is a huge data space,
utilized for seizure classification from EEG signals where it the reconstruction of the raw data by the autoencoder can fail
reported a classification accuracy of more than 90% for most as it might fall into replication of the tasks. The sparse autoen-
of the classification cases. In 2022, sparse analysis with deep coder has usually lower output dimensions and it persuades the
and transfer learning models were developed with an ensemble autoencoder in reconstructing the raw data from the most useful
cum nature inclined classification for epilepsy classification features instead of replicating it once again. In this study, a sparse
reporting classification accuracies of more than 90% for epilepsy autoencoder is chosen which helps to extract the highly useful
classification [30]. patterns which would have a very low dimensionality. These
As the paper discusses schizophrenia classification also from feature vectors are once again selected by the PSO/CSO/BA and
EEG signals, recent literature about it is also discussed in the pa- finally fed into a simple deep neural network which comprises
per as follows. Schizophrenia is a serious mental disorder where of two hidden layers along with a Softmax output layer. The
people interpret reality in an abnormal manner Schizophrenia re- input vector to the PSO/CSO/BA is given from the bottleneck
sults in a combination of delusion, hallucination, and disordered of the sparse autoencoder. The bias units are the neurons termed
thinking thereby the daily functions are severely impaired [31]. as (+1) and these are added to the feed forward neural network
Therefore, schizophrenia involves a range of problems with cog- with the help of cost function. In order to get a most preferable
nition, emotion, and behaviour. An exact cause of schizophrenia reconstruction of the input x, this step is highly useful, and it
is not known, but a combination of brain chemistry, genetics can be achieved without overfitting. The cost function of the
and environmental factors may contribute to the development autoencoder comprises of three steps. Assuming a dataset with a
of this disease [32]. EEG signals are a great boon to analyze total of N training samples (x1 , x2 , . . . , xn ), where the ith input
this disorder and some of the famous works are utilized in is indicated by xi . The reconstruction of the input xi is trained
this field are as follows. For schizophrenia EEG analysis, the by the developed SAE with the help of function hW,b (xi ) so that
60 IEEE OPEN JOURNAL OF ENGINEERING IN MEDICINE AND BIOLOGY, VOL. 3, 2022
its proximity to xi is very close. The squared error, sparsity term nest, the host birds discover the egg laid by the cuckoo with a
and the weight decay are the three important sections of the cost probability pa ∈ [0, 1]. The host bird can then decide to either
function. The weight decay aids to avoid overfitting. For all N eliminate the egg or even abandon the nest completely. The
training samples, the mean square error along with the weight algorithm of the cuckoo search is developed using these three
decay and sparsity term is expressed as: rules and is shown in Algorithm 2. A levy flight is generally
implemented when new solutions x(t+1) are generating for a
1 1
N
Jsparse (W, b) = hW,b (xi ) − xi cuckoo ‘c’ and is expressed as:
N i=1 2
(t+1) (t)
xi = xi + α ⊕ Levy(λ) (5)
λ
nl−1 sl sl+1
sl
l 2
+ (Wji ) +β KL(pp̂j ) where α > 0 denotes the step size. Generally, α = O(L/10) is
2
l=1 i=1 j=1 j=1
utilized in most cases, where L denotes the characteristic scale
(1) of the problem of interest. For a random walk, the (5) is projected
where the sparse penalty term is represented by β, KL indicates as a stochastic equation. Depending on the current location and
the Kullback–Leibler divergence. The value of λ should be the transition probability, the random walk in a Markov Chain
carefully chosen because a low value of it leads to overfitting is modeled. The entry wise multiplications are expressed by the
and a high value of λ leads to underfitting. Here ReLU is chosen product ⊕. To explore the search space here, the random walk
as the activation function represented as a, which expresses the through Levy flight process is more efficient as it has a longer
average activated value of the hidden layer, and it is represented step length. With the help of a Levy distribution, a random walk
as: where random step length is obtained is provided by the Levy
flight and is projected as:
1 2 i
N
p̂j = (a (x )) (2)
N i=1 j Levy ∼ u = t−λ , (1 < λ ≤ 3) (6)
C. Tree LSTM
Algorithm 4: Q-Learning Training Procedure for the Pro-
This concept was implemented in the field of natural language posed RBATQ Method.
processing (NLP) however, the idea has been tried to biosignal Start BiLSTM, Attention mechanism and Tree-LSTM with
processing for the first time in this paper. The development random parameters
of the tree LSTM starts from its leaf node, and it is done in η=0
a recursive manner up to the root [49]. On the hidden state Pre-training of BiLSTM, Attention mechanism and
vector of the antecedent element, the non-linear transformation Tree-LSTM process
is carried out so that s2 is generated. It serves as an important For every epoch = 1,2 do
transition predicament in the decision process and therefore For every input signal X do
s2 is denoted as: s2 = T ree(X; θ2 ) where θ2 indicates all the Utilize deep learning model for automated feature
essential criterion in the Tree-LSTM. Once the transition state extraction of X and produce S1 and S2
s2 is generated, it is progressed to a Softmax output layer so that For t = 1,2 do
yr is obtained which indicates the probability of various kinds r, s = reward and state after considering the action
for a relation mention. A category with the highest probability π(s)
is chosen, so that a3 or a4 can be determined easily.
a = π(s)
yr = sof t max(Wsy s2 + by ) (14)
Implement Gradient descent step:
Here the weight metric is represented by W and the bias vector
∂Eη ∂Qη (s, a)
is specified by b. A softmax layer is utilized at every dependency − = E 2(Qπ (s, a) − Qη (s, a))
tree so that the category for the root node is predicted when the ∂η ∂η
given inputs X are discovered at its respective children nodes. 1 t−1 π
Qπ (s, a) = r+ Q (s, a )
t t
D. Q-Learning Updation Process:
An approved form of reinforcement learning technique is 1 t−1 ∂Qη (s, a)
Q-learning algorithm [50]. For the agent, an optimal state-action η =η+α r+ Qn (s, a ) − Qη (s, a)
t t ∂η
value function Q(s, a) can be easily used to learn it. By means
of consultation of Q(s, a), the agent considers an action a in α = update step, r = reward function
state s, which is nothing but the simple estimation of the action’s (s, a ) = state action pair
anticipated long-term reward. By means of analyzing a sequence π(s) = arg maxa Qη (s, a )
of actions, some cumulative rewards can be maximized. For s = s, a = a
every state-action pairs, it is quite difficult to obtain Q(s, a) End for
as the state space is infinite in the decision process. There- End for
fore, using a novel network, Q(s, a) is approximated which End for
can specify Q(s, a) as a parameterized outcome represented as
Qη (s, a) = M LP (ϕ(X; θ), a, η). s1 = Att(X; θ1 ) is referred
by s1 = ϕ(X; θ1 ) and s2 = T ree(X; θ2 ), where θ is calculated pre-trained initially. All the parameters in BiLSTM are indicated
by means of pretraining the deep learning models. The parameter as θ0 , all the parameters in attention layer are specified as θ1 and
in the neural network is represented by η and it is learnt by all the parameters in Tree-LSTM is indicated as θ2 are these
implementing the famous stochastic gradient descent step with are the main training parameters used. Deep learning is used to
the help of RMSprop. The degree of approximation is measured represent the features and RL is used to combine these three tasks
with respect to the least squares error in order to estimate the in the final decision process. The standard conventional pipeline
real value function Qπ as follows: architectures fail to enable the information to flow in a sequential
manner, but this RL method combines all the tasks in a sequential
Eη = E[(Qπ (s, a) − Qη (s, a))2 ] (15)
manner and allows to make decisions too. The decisions may
where E represents the least square value. Instead of the real have problems initially but after several epochs, a good stability
value function Qπ (s, a), the estimated value function Qη (s, a) is can be obtained. A global updation of the parameters s is done
used by the Q-learning. In the middle of the estimation Qη (s, a) in this architecture and therefore an eventual convergence is
and the expectation Qπ (s, a), the discrepancy is reduced when achieved later. Hence the feedback from decision-making can
the parameters are updated during every epoch. There is a be obtained easily by the RL method thereby enabling the data
continuous updation of values when the agent progresses from to progress easily in the global architecture. The Q-learning
a random Qη (s, a) by means of utilizing the decisions and training procedure is expressed in Algorithm 4.
obtains the suitable reward. By carefully selecting the actions
with the highest Qη (s, a ), the agent can expand its future
rewards accordingly. Ultimately, the control policy π is obtained IV. RESULTS AND DISCUSSION
by the Q-learning algorithm. When the training procedure is The proposed deep learning models has been initially eval-
carried out, BiLSTM, attention layer along with Tree-LSTM are uated on the University of Bonn dataset where it deals with
64 IEEE OPEN JOURNAL OF ENGINEERING IN MEDICINE AND BIOLOGY, VOL. 3, 2022
TABLE I
PERFORMANCE ANALYSIS OF THE PROPOSED DEEP LEARNING TECHNIQUES
epilepsy classification. Then the proposed deep learning mod- learning techniques happens, the schizophrenia EEG samples
els has been evaluated on the dataset obtained for Institute of are randomly divided into ten non-overlapping folds due to
Psychiatry and Neurology, Poland. As far as the Bonn dataset is the adoption of a 10-fold cross validation technique here. The
concerned, the epilepsy datasets are categorized into A, B, C, D dimensionality representation of the input is reduced by SAE
and E sets. The normal category dataset is present in set A and set where the size of the input is about (4097 × 100) for epileptic
B, the interictal category dataset is present in set C and set D and dataset and (5000 × 45) for schizophrenia dataset. It is reduced
the ictal category dataset is present in set E. The classification to about (2500 × 50) for epileptic dataset and (5000 × 15) for
problems discussed here are A-E, B-E, C-E, D-E, AB-E, AC-E, schizophrenia dataset. These useful features are provided by the
CD-E, ACD-E, ABCD-E. As far as the schizophrenia dataset bottleneck of the SAE that is fed to the PSO/CSO/BA. The size
is considered, it is just normal case versus schizophrenia case. of the bottleneck comprises of 9000 hidden units. After it is
All the explicit datasets for it are given in the reference [51], passed to PSO/CSO/BA, a total of 4500 features are obtained.
[52]. In the epilepsy dataset, 100 single channel EEG recordings The classifier comprises of two hidden layers and an output
are present which has a sampling rate of 173.61 Hz along with layer where the sizes of units are expressed as 2250, 500 and 2
a time duration of 23.6 seconds. The sampling of these time respectively. To specify the probability of each class, Softmax
series is done into 4097 data points and then all these 4097 regression is utilized in the output layer. In between the fully
data points are further split into 23 chunks, here about 2300 connected neural networks, dropout is utilized to prevent the
samples are present in each category. For the deep learning overfitting. In between the two classes, the maximum probability
techniques, the 2300 EEG signals are randomly divided into is chosen as the final decision of the classifier. To compute
ten non-overlapping folds due to the adoption of a 10-fold cross the cost function of the classifier, cross entropy is utilized and
validation technique utilized here for evaluation. When dealing then a weight decay term was added to it subsequently. The
with schizophrenia datasets, each channel has about 225,000 cost function is minimized by the SAE and the PSO/CSO/BA
samples and therefore the data is specified into a matrix format selects the most important features as it is given as input to the
of [5000 × 45]. As it has about 19 channels, it is specified DNN. The completion of the training process is done in about
exactly as [5000 × 45 × 19]. When the implementation of deep 50 iterations and the batch size was set as 10. The value of
PRABHAKAR AND LEE: SASDL AND RBATQ: SPARSE AUTOENCODER WITH SWARM BASED DEEP LEARNING AND REINFORCEMENT 65
TABLE II
COMPARISON WITH PREVIOUS RESULTS FOR THE EPILEPSY BONN DATASET
TABLE III sometimes giving less classification accuracy than the previous
COMPARISON WITH PREVIOUS RESULTS FOR THE SCHIZOPHRENIA DATASET
results by a minor margin. The main intention of this work is
to analyze a swarm based deep neural networks along with a
Reinforcement based Q-learning for epilepsy and schizophrenia
datasets and the results are projected.
V. CONCLUSION
To study and analyze the neuronal dynamics within the human
brain, the most standard tool utilized by the researchers and
clinicians is EEG. For the EEG dependent analysis of various
neurological disorders, visual inspection of these huge datasets
is very difficult. Therefore, feature extraction techniques and
automated classification schemes have been developed in the
past. With the advent of deep learning, manual feature extraction
is not necessary as it is aided by the deep learning process itself.
In this paper, two novel deep learning techniques one with the
help of swarm intelligence and another with the help of Rein-
forcement learning such as SASDL and RBATQ are proposed
in this paper and tested for two EEG datasets such as epilepsy
dataset and schizophrenia dataset. The highest classification ac-
been compared with them and reported in Tables II and III. The curacy of 98.55% was obtained with the proposed SASDL-PSO
best result of 98.55% has been obtained for the A-E problem with method and 97.75% was obtained with the proposed RBATQ
the proposed SASDL-PSO model, 98.03% for B-E problem with method for epilepsy dataset. The highest classification accuracy
the SAE-DNN model, 98.11% for the C-E problem with the of 97.95% was obtained with the proposed SASDL-PSO method
proposed SASDL-PSO model, 97.52% for D-E problem with and 94.97% was obtained with the proposed RBATQ method
the proposed SASDL-PSO model, 98.4% for AB-E problem for schizophrenia dataset. Future works aim to develop more
with the proposed SASDL-PSO model, 98.55% for CD-E prob- interesting deep learning models to classify the EEG datasets
lem with the proposed SASDL-PSO model, 97.25% for AC-E with a high classification accuracy. Moreover, these developed
problem with the proposed SASDL-PSO model, 97.89% for deep learning models are planned to be implemented for other
ACD-E problem with the proposed SASDL-PSO model, 98.48% biosignal datasets such as Electrocardiogram (ECG), Photo-
for ABCD-E problem with the proposed SASDL-PSO model, plethysmogram (PPG), Electrooculogram (EOG) etc for the
and 98.07% for BCD-E problem with the proposed SASDL- diagnosis of various medical disorders.
PSO model. For schizophrenia classification, the best result of
97.95% is obtained with the proposed SASDL-PSO model. The REFERENCES
proposed results have more or less reached the similar results [1] H.-I. Suk and S.-W. Lee, “Subject and class specific frequency bands
when compared to the previous state of the art results, sometimes selection for multi-class motor imagery classification,” Int. J. Imag. Syst.
giving more classification accuracy than the previous results and Technol., vol. 21, no 2, pp. 123–130, 2011.
PRABHAKAR AND LEE: SASDL AND RBATQ: SPARSE AUTOENCODER WITH SWARM BASED DEEP LEARNING AND REINFORCEMENT 67
[2] M.-H. Lee et al., “EEG dataset and OpenBMI toolbox for three BCI [24] A. Naser, M. Tantawi, H. A. Shedeed, and M. F. Tolba, “Automated EEG-
paradigms: An investigation into BCI illiteracy,” Giga Sci., vol. 8, no 5, based epilepsy detection using BA-SVM classifiers,” Int. J. Med. Eng.
pp. 1–16, 2019. Informat., vol. 12, no. 6, pp. 620–625, 2020.
[3] R. Hussein, H. Palangi, R. K. Ward, and Z. J. Wang, “Optimized deep [25] L. C. D. Nkengfack, D. Tchiotsop, R. Atangana, V. L. Door, and D. Wolf,
neural network architecture for robust detection of epileptic seizures using “Classification of EEG signals for epileptic seizures detection and eye
EEG signals,” Clin. Neuriophysiol., vol. 130, no. 1, pp. 25–37, 2019. states identification using jacobi polynomial transforms-based measures
[4] A. Subasi and M. Ismail Gursoy, “EEG signal classification using PCA, of complexity and least-squares support vector machines,” Informat. Med.
ICA, LDA and support vector machines,” Expert Syst. Appl., vol. 37, no. 12, Unlocked, vol. 23, 2021, Art. no. 100536.
pp. 8659–8666, 2010. [26] A. Alhudhaif, “A novel multi-class imbalanced EEG signals classification
[5] N. Zahra, N. Kanwal, N. S. Rehman, S. Ehsan, and K. D. McDonald-Maier, based on the adaptive synthetic sampling (ADASYN) approach,” Peer J
“Seizure detection from EEG signals using multivariate empirical mode Comput. Sci., vol. 7, 2021, Art. no. e523.
decomposition,” Comput. Biol. Med., vol. 88, pp. 132–141, 2017. [27] A. Humairani, B. S. Atmojo, I. Wijayanto, and S. Hadiyoso, “Fractal based
[6] H. Ocak, “Automatic detection of epileptic seizures in EEG using discrete feature extraction method for epileptic seizure detection in long-term EEG
wavelet transform and approximate entropy,” Expert Syst. Appl., vol. 36, recording,” in Proc. 2nd Int. Conf. Sci. Technol., 2021, pp. 1–10.
no. 2, pp. 2027–2036, 2009. [28] M. K. M. Rabby, A. K. M. K. Islam, S. Belkasim, and M. U. Bikdash,
[7] S. Saminu et al., “A recent investigation on detection and classification of “Epileptic seizures classification in EEG using PCA based genetic algo-
epileptic seizure techniques using EEG signal,” Brain Sci., vol. 11, no. 5, rithm through machine learning,” in Proc. ACM Southeast Conf., 2021,
2021, Art. no. 668. pp. 17–24.
[8] A. Shoeibi et al., “Application of deep learning techniques for automated [29] A. A. Ein Shoka et al., “Automated seizure diagnosis system based on fea-
detection of epileptic seizures: A review,” Int. J. Environ. Res. Public ture extraction and channel selection using EEG signals,” Brain Inf., vol. 8,
Health, vol. 18, no. 11, 2021, Art. no. 5780. 2021, Art. no. 1. [Online]. Available: https://doi.org/10.1186/s40708-021-
[9] Y. Jiang et al., “Seizure classification from EEG signals using transfer 00123-7
learning, semi-supervised learning and TSK fuzzy system,” IEEE Trans. [30] S. K. Prabhakar and S.-W. Lee, “ENIC: Ensemble and nature in-
Neural Syst. Rehabil. Eng., vol. 25, no. 12, pp. 2270–2284, Dec. 2017, clined classification with sparse depiction based deep and transfer learn-
doi: 10.1109/TNSRE.2017.2748388. ing for biosignal classification,” Appl. Soft Comput., vol. 117, 2022,
[10] A. Bhattacharyya et al., “Tunable-q wavelet transform based multiscale Art. no. 108416.
entropy measure for automated classification of epileptic EEG signals,” [31] S. K. Prabhakar, H. Rajaguru, and S.-H. Kim, “Schizophrenia EEG signal
Appl. Sci., vol. 7, no. 4, 2017, Art. no. 385. classification based on swarm intelligence computing,” Comput. Intell.
[11] T. Zhang and W. Chen, “LMD based features for the automatic Neurosci., vol. 2020, 2020, Art. no. 8853835. [Online]. Available: https:
seizure detection of EEG signals using SVM,” IEEE Trans. Neural //doi.org/10.1155/2020/8853835
Syst. Rehabil. Eng., vol. 25, no. 8, pp. 1100–1108, Aug. 2017, [32] L. Cardoso et al., “Abstract computation in schizophrenia detection
doi: 10.1109/TNSRE.2016.2611601. through artificial neural network based systems,” Sci. World J., vol. 2015,
[12] M. Ullah Hussain, E.-U.-H. Qazi, and H. Aboalsamh, “An automated 2015, Art. no. 467178. [Online]. Available: https://doi.org/10.1155/2015/
system for epilepsy detection using EEG brain signals based on deep 467178
learning approach,” Expert Syst. Appl., vol. 107, pp. 61–71, 2018. [33] V. Jahmunah et al., “Automated detection of schizophrenia using non-
[13] X. Wei et al., “Automatic seizure detection using three-dimensional CNN linear signal processing methods,” Artif. Intell. Med., vol. 100, 2019,
based on multi-channel EEG,” BMC Med. Informat. Decis. Mak., vol. 18, Art. no. 101698.
2018, Art. no. 111. [Online]. Available: https://doi.org/10.1186/s12911- [34] S. L. Oh, J. Vicnesh, E. J. Ciaccio, R. Yuvaraj, and U. R. Acharya,
018-0693-8 “Deep convolutional neural network model for automated diagnosis of
[14] A. G. Mahapatra et al., “Epilepsy EEG classification using morpholog- schizophrenia using EEG signals,” Appl. Sci., vol. 9, 2019, Art. no. 2870.
ical component analysis,” EURASIP J. Adv. Signal Process., vol. 2018, [35] R. Buettner, D. Beil, S. Scholtz, and A. Djemai, “Development of a
2018, Art. no. 52. [Online]. Available: https://doi.org/10.1186/s13634- machine learning based algorithm to accurately detect schizophrenia based
018-0568-2 on one-minute EEG recordings,” in Proc. 53rd Hawaii Int. Conf. Syst. Sci.,
[15] Ö. Turk and M. S. Ozerdem, “Epilepsy detection by using scalogram based 2020.
convolutional neural network from EEG signals,” Brain Sci., vol. 9, no. 5, [36] Z. Aslan and M. Akin, “Automatic detection of schizophrenia by applying
2019, Art. no. 115. deep learning over spectrogram images of EEG signals,” Traitement du
[16] S. Raghu, N. Sriraam, A. S. Hegde, and P. L. Kubben, “A novel approach Signal, vol. 37, no. 2, pp. 235–244, 2020.
for classification of epileptic seizures using matrix determinant,” Expert [37] S. K. Prabhakar, H. Rajaguru, and S.-W. Lee, “A framework for
Syst. Appl., vol. 127, pp. 323–341, Aug. 2019. schizophrenia EEG signal classification with nature inspired optimization
[17] N. Mahmoodian, A. Boese, M. Friebe, and J. Haddadnia, “Epileptic algorithms,” IEEE Access, vol. 8, pp. 39875–39897, 2020.
seizure detection using cross-bispectrum of electroencephalogram signal,” [38] P. T. Krishnan, A. N. Joseph Raj, P. Balasubramanian, and Y.
Seiuzre: Eur. J. Epilepsy, vol. 66, pp. 4–11, 2019. Chen, “Schizophrenia detection using multivariate empirical mode de-
[18] X. Wang, G. Gong, N. Li, and S. Qiu, “Detection analysis of epileptic EEG composition and entropy measures from multichannel EEG signal,”
using a novel random forest model combined with grid search optimiza- Biocybernet. Biomed. Eng., vol. 40, no. 3, pp. 1124–1139, 2020.
tion,” Front. Hum. Neurosci., vol. 13, 2019, Art. no. 52. doi: 10.3389/fn- [39] A. Shalbaf, S. Bagherzadeh, and A. Maghsoudi, “Transfer learning with
hum.2019.00052. deep convolutional neural network for automated detection of schizophre-
[19] W. Zhao et al., “A novel deep neural network for robust detection of nia from EEG signals,” Phys. Eng. Sci. Med., vol. 43, pp. 1229–1239,
seizures using EEG signals,” Comput. Math. Models Med., vol. 2020, 2020, 2020.
Art. no. 9689821. [40] K. Singh, S. Singh, and J. Malhotra, “Spectral features based convolutional
[20] D. Zhou and X. Li, “Epilepsy EEG signal classification algorithm neural network for accurate and prompt identification of schizophrenic
based on improved RBF,” Front. Neurosci. vol. 14, 2020, Art. no. 606. patients,” Proc. Inst. Mech. Eng., vol. 235, no. 2, pp. 167–184, 2021.
doi: 10.3389/fnins.2020.00606. [41] M. Baygin, O. Yaman, T. Tuncer, S. Dogan, P. D. Barua, and U. R. Acharya,
[21] Y. Gao, B. Gao, Q. Chen, J. Liu, and Y. Zhang, “Deep convo- “Automated accurate schizophrenia detection system using collatz pattern
lutional neural network-based epileptic electroencephalogram (EEG) technique with EEG signals,” Biomed. Signal Process. Control, vol. 70,
signal classification,” Front. Neurol., vol. 11, 2020, Art. no. 375. Sep. 2021, Art. no. 102936.
doi: 10.3389/fneur.2020.00375. [42] M. Al-Qatf, Y. Lasheng, M. Al-Habib, and K. Al-Sabahi, “Deep learning
[22] C. Gómez et al., “Automatic seizure detection based on imaged-EEG approach combining sparse autoencoder with SVM for network intrusion
signals through fully convolutional networks,” Sci. Rep., vol. 10, 2020, detection,” IEEE Access, vol. 6, pp. 52843–52856, 2018.
Art. no. 21833. [Online]. Available: https://doi.org/10.1038/s41598-020- [43] J. Guan and L. Jia, “A multi-objective particle swarm optimization algo-
78784-3 rithm for solving human resource allocation problem,” IPPTA: Quart. J.
[23] O. K. Cura et al., “Epileptic seizure classifications using empirical mode Indian Pulp Paper Tech. Assoc., vol. 30, no. 8, pp. 144–149, 2018.
decomposition and its derivative,” BioMed. Eng. OnLine, vol. 19, 2020, [44] J. Zhao, S. Liu, M. Zhou, X. Guo, and L. Qi, “An improved binary cuckoo
Art. no. 10. [Online]. Available: https://doi.org/10.1186/s12938-020- search algorithm for solving unit commitment problems: Methodological
0754-y description,” IEEE Access, vol. 6, pp. 43535–43545, 2018.
68 IEEE OPEN JOURNAL OF ENGINEERING IN MEDICINE AND BIOLOGY, VOL. 3, 2022
[45] L. F. Zhu, J. S. Wang, H. Y. Wang, S. S. Guo, M. W. Guo, and W. Xie, “Data [50] D. Pandey and P. Pandey, “Approximate q-learning: An introduction,”
clustering method based on improved bat algorithm with six convergence in Proc. 2nd Int. Conf. Mach. Learn. Comput., Bangalore, India, 2010,
factors and local search operators,” IEEE Access, vol. 8, pp. 80536–80560, pp. 317–320.
2020. [51] R. G. Andrzejak, K. C. Lehnertz, F. Rieke, P. Mormann, and C. E. Elger,
[46] R. S. Sutton and A. G. Barto, Reinforcement Learning: An Introduction, “Indications of nonlinear deterministic and finite dimensional structures
Cambridge, MA, USA: MIT Press, 1998. in time series of brain electrical activity: Dependence on recording region
[47] W. J. Lu et al., “A CNN-BiLSTM-AM method for stock price prediction,” and brain state,” Phys. Rev. E., Stat. Nonlinear Soft Matter Phys., vol. 64,
Neural Comput. Appl., vol. 33, pp. 4741–4753, 2020. 2001, Art. no. 061907.
[48] H. Ge, Z. Yan, W. Yu, and L. Sun, “An attention mechanism based [52] E. Olejarczyk and W. Jernajczyk, “Graph-based analysis of brain connec-
convolutional LSTM network for video action recognition,” Multimedia tivity in schizophrenia,” PLoS One, vol. 12, 2017, Art. no. e018862.
Tools Appl., vol. 78, no. 14, pp. 20533–20556, 2019.
[49] K. S. Tai, R. Socher, and C. D. Manning, “Improved semantic representa-
tions from tree-structured long short-term memory networks,” May 2015,
arXiv:1503.00075v3.