- 1Cognitive Neuroscience Laboratory, Department of Electrical and Electronics Engineering, BITS Pilani, KK Birla Goa Campus, Pilani, Goa, India
- 2Cognitive Neuroscience Laboratory, Department of Biological Sciences, BITS Pilani, KK Birla Goa Campus, Pilani, Goa, India
Introduction: Epilepsy is a chronic neurological disorder characterized by abnormal electrical activity in the brain, often leading to recurrent seizures. With 50 million people worldwide affected by epilepsy, there is a pressing need for efficient and accurate methods to detect and diagnose seizures. Electroencephalogram (EEG) signals have emerged as a valuable tool in detecting epilepsy and other neurological disorders. Traditionally, the process of analyzing EEG signals for seizure detection has relied on manual inspection by experts, which is time-consuming, labor-intensive, and susceptible to human error. To address these limitations, researchers have turned to machine learning and deep learning techniques to automate the seizure detection process.
Methods: In this work, we propose a novel method for epileptic seizure detection, leveraging the power of 1-D Convolutional layers in combination with Bidirectional Long Short-Term Memory (LSTM) and Gated Recurrent Unit (GRU) and Average pooling Layer as a single unit. This unit is repeatedly used in the proposed model to extract the features. The features are then passed to the Dense layers to predict the class of the EEG waveform. The performance of the proposed model is verified on the Bonn dataset. To assess the robustness and generalizability of our proposed architecture, we employ five-fold cross-validation. By dividing the dataset into five subsets and iteratively training and testing the model on different combinations of these subsets, we obtain robust performance measures, including accuracy, sensitivity, and specificity.
Results: Our proposed model achieves an accuracy of 99–100% for binary classifications into seizure and normal waveforms, 97.2%–99.2% accuracy for classifications into normal-interictal-seizure waveforms, 96.2%–98.4% accuracy for four class classification and accuracy of 95.81%–98% for five class classification.
Discussion: Our proposed models have achieved significant improvements in the performance metrics for the binary classifications and multiclass classifications. We demonstrate the effectiveness of the proposed architecture in accurately detecting epileptic seizures from EEG signals by using EEG signals of varying lengths. The results indicate its potential as a reliable and efficient tool for automated seizure detection, paving the way for improved diagnosis and management of epilepsy.
1 Introduction
Epilepsy is a prevalent chronic neural disorder caused by irregular electrical discharges in the brain, known as seizures. It is a neurological disorder affecting millions of people worldwide. Epileptic seizures can vary in severity and duration and can cause a wide range of symptoms, including loss of consciousness, convulsions, muscle spasms and sensory disturbances. Seizures are caused due to uncontrolled electrical discharges in a group of neurons in the brain which leads to disruption of the brain function (Gandhi et al., 2011). The accurate and timely detection of seizures is one of the critical challenges faced in managing epilepsy today.
Electroencephalography (EEG) is used widely in the detection of epileptic seizures. It is a non-invasive recording of brain activity which records the voltage fluctuations resulting from the ionic flow of neurons in the brain, reflecting the brain's bio-electric activity. Neurologists make inferences from the EEG signals by visual inspection which is a laborious and time-intensive process requiring skimming through hundreds of hours of EEG recordings. This method of detection of epileptic seizures from EEG signals is highly dependent on neurologists' expertise. Therefore, attempts have been made to automate the process of epileptic seizure detection from EEG signals using machine learning and deep learning.
Researchers have made efforts to use machine-learning techniques for the detection of epileptic seizures by extracting handwritten features in the time domain and frequency domain and often combining both these domains together. Most of the works in the field of seizure detection involve two stages. The first stage involves feature extraction in the time domain, frequency domain, or time-frequency domain. Researchers have used signal transformations like Fast Fourier Transform, Short-Time Fourier Transform, and wavelet transforms for frequency domain analysis for extracting features from EEG signals. The second stage involves using the extracted hand-crafted features for classifying the EEG signals using classifiers. However, the performance of these models is highly dependent on the ability of the experts to handcraft the features.
The effectiveness of time-frequency analysis in categorizing EEG segments for epileptic seizures has been illustrated previously (Tzallas et al., 2007). The researchers utilized an artificial neural network as the classifier attaining an 89% accuracy for the five-class classification problem. Orhan et al. (2011) employed the k-means algorithm to perform clustering on wavelet coefficients followed by multilayer perceptron neural networks.
Miltiadous et al. (2021) utilized a five-level Discrete Wavelet Transform (DWT) to decompose EEG signals into sub-bands to extract features and train a Random Forest Classifier. Raghu et al. (2019) proposed a novel feature named successive decomposition index for automated seizure detection.
Deep learning techniques offer automated detection of epileptic seizures from EEG signals, removing the necessity for manual feature engineering, as convolutional neural networks and recurrent neural networks can learn hierarchical representations of data through interconnected layers of neurons. The features extracted by deep learning models from non-stationary biomedical signals like EEG signals are known to be more robust than hand-crafted features (LeCun and Bengio, 1995).
Standard recurrent neural networks have been used in several studies for the detection of seizures. Recurrent neural networks are suitable for time-sequence data like EEG signals. However, standard recurrent neural networks are subject to the problem of vanishing gradients and exploding gradients (Bengio et al., 1994). To solve the problem of vanishing and exploding gradients, long short-term memory and gated recurrent units can be used. There have been many recent advances in the detection of epileptic seizures from EEG signals.
Ullah et al. (2018) proposed an ensemble of pyramidal one-dimensional convolutional neural network models. The author has achieved an accuracy of ~99% on the Bonn University dataset for the classification of EEG signals into normal, interictal and ictal. Roy et al. (2019) proposed a new architecture called Chrononet which consists of multiple 1-D convolution layer. Hussein et al. (2019) proposed a robust architecture for detecting epileptic seizures using Long Short-Term Memory (LSTM) network. Thara et al. (2019) proposed a model for seizure detection as well as seizure prediction using stacked LSTM and Bi-LSTM and an accuracy of 99% on the Bonn University dataset. Minasyan et al. (2010) used neural network and fuzzy function with a combination of principal component analysis for seizure detection and achieved an accuracy of 97.64%.
Convolutional Neural Networks have also been used to detect the spikes in the EEG data (Johansen et al., 2016). Acharya et al. (2018) applied a 13-layer deep CNN algorithm to an iEEG Freiburg dataset to detect normal, pre-ictal and seizure classes. They achieved an accuracy, specificity, and sensitivity of 88.67%, 90.00%, and 95.00%, respectively.
Duan et al. (2019) used CNN-based spectral sub-band features related to correlation coefficients of electrodes for EEG segments of duration 1 s, 2 s, and 3 s. They achieved an accuracy of 94.8%, sensitivity of 91.7%, and specificity of 97.7%. Aarabi et al. (2009) achieved an accuracy of 93%, F1 score of 95%, and a sensitivity of 91% using BNN on the Freiburg dataset.
In this work, a novel deep learning framework incorporating the use of units of 1D-CNN, Bidirectional LSTM and Average Pooling layer has been proposed for the classification of seizure and non-seizure EEG signals as well as multiclass classifications into different stages of seizures using the Bonn dataset. The features extracted by the units of 1D-CNN, Bi-LSTM and Average Pooling layer are passed to the Flatten layer and subsequently, Dense layers are used. The proposed models have also been developed with Bidirectional GRUs instead of Bidirectional LSTMs and their performances have been compared.
Epilepsy is a neurological disorder with various seizure types and manifestations. Therefore, it is necessary to be able to distinguish between various types of seizure signals is extremely important and therefore, classification into four and five-class classifications provides a more granular diagnosis support. Few studies have addressed the problem of classification of EEG signals into different stages. In this study, we have studied five classification problems: binary, ternary, four class, and the five class classification problem, and achieved significant improvements in the performance measures as compared to previous studies.
The proposed work has shown to be effective in the detection of epileptic seizures using EEG signals in the presence of artifacts as well as in ideal conditions. It has been experimented on EEG signals of different durations to determine its effectiveness by varying the number of filters used in the convolutional layers, the number of units used in the Bi-LSTM, and the number of Dense layers and their parameters. We report that it has obtained significant improvements in the performance measures, namely accuracy, specificity, sensitivity and F1 score.
While there have been many studies and research on the classification of EEG signals to detect epileptic seizures, very few studies have proposed a novel architecture that has achieved considerable improvements in the results for the classification of EEG signals of varying lengths as well as in the presence and absence of artifacts. One of the major contributions of this study is that it addresses the problem of binary as well as multi-class classification of EEG signals of varying lengths in the presence and absence of artifacts and achieves improvements over previous studies. This study also examines the inference time as well as the training times of the proposed models for each classification.
2 Materials and methods
2.1 Dataset
The dataset used in this study is of EEG signals obtained from the Bonn University, Germany (Andrzejak et al., 2001). This dataset has been used extensively in the detection of epileptic seizures. The dataset consists of 500 segments of EEG recordings divided evenly into five sets. These signals are recorded from a 128-channel amplifier using a 12-bit analog-to-digital converter. Each set has a total of 100 single-channel EEG signals with 4,097 sample points per channel. Every signal has a duration of 23.6 seconds and a sampling frequency of 173.61 Hz. The dataset consists of five sets of EEG signals: A, B, C, D and E. Set A and set B are recorded from the scalp of five healthy subjects with their eyes open and closed, respectively. The 10–20 standard electrode placement was used. The set C, D, and E are EEG signals collected from five epileptic patients. The set D consists of EEG signals recorded from the epileptogenic zone. Set C consists of EEG signals recorded from the opposite hemisphere's hippocampus formation during the seizure-free intervals, known as the inter-ictal state. Set E consists of true seizure waveforms recorded during the ictal stage.
To perform the experiments, we have studied the following five classifications as specified in Table 1.
2.2 Proposed framework
Our proposed architecture incorporates the use of 1D-CNNs, Bidirectional LSTMs, and Average Pooling Layer as a unit. This unit is repeatedly used depending on the classification problem. Each unit is separated by a Dropout layer to prevent overfitting of the models. The EEG signals from the Bonn dataset after preprocessing, are fed as input to the 1D-CNN layers. The 1D-CNN layer performs convolution operations on the input data, extracting relevant features from the sequential information. The convolutional filters learn to detect specific patterns in the EEG signals that may indicate seizures. The Bidirectional LSTM layer captures the long-term dependencies and temporal dynamics in the EEG signals. It processes the input data in both forward and backward directions, allowing the model to effectively analyze the sequential information. The LSTM units maintain the memory of past information, enabling the model to retain important context while evaluating the EEG signals. The Average Pooling layer reduces the dimensionality of the extracted features by performing down-sampling.
Dropout layers inserted between the repeated units of the architecture randomly deactivates a fraction of neurons during training, preventing overfitting and enhancing the model's generalization ability (Srivastava et al., 2014). The Flatten layer reshapes the output from the previous layers into a vector form, preparing it for the subsequent Dense layers. The Dense layers are fully connected layers that further process the learned features. They perform computations on the flattened vector to generate the final classification or prediction results.
Figure 1 depicts the proposed framework architecture.
We have tested our proposed architecture for EEG signals of duration 23.6, 11.8, and 1 s in the following six studies consisting of the following types of input EEG signals:
1. Study 1: Unfiltered EEG signals of duration 23.6 s.
2. Study 2: Filtered EEG signals of duration 23.6 s.
3. Study 3: Unfiltered EEG signals segmented into duration of 11.8 s.
4. Study 4: Filtered EEG signals segmented into duration of 11.8 s.
5. Study 5: Unfiltered EEG signals segmented into duration of duration 1 s.
6. Study 6: Filtered EEG signals segmented into duration of duration 1 s.
Study 1.1 used Bidirectional LSTMs, and Study 1.2 used Bidirectional GRUs. This convention is followed throughout the paper where first part corresponds to models with Bi-LSTM and second part corresponds to Bi-GRU.
2.2.1 Pre-processing
The raw EEG signals obtained from the Bonn dataset are contaminated with noise EEG signals may be contaminated with many artifacts. The frequency range of EEG recordings in the Bonn dataset is 0–86.8 Hz. Frequencies higher than 50 Hz are considered noise. It can be difficult for the model to extract meaningful features and capture the underlying patterns if the input signals contain too much noise. It has been observed that using EEG signals contaminated with noise has resulted in a drop of accuracy by 10% (Abualsaud et al., 2015). Therefore, it is important to preprocess the input signals to remove the noise before feeding them into the model. The proposed framework has been tested for both unfiltered raw EEG signals and filtered EEG signals. For Study 2, 4 and 6, the signals obtained from the Bonn dataset are passed through a zero-phase band-pass Butterworth filter of order two which limits the frequency content of the signals to a range of [0.5, 50] Hz. Figure 2 shows the EEG signal of duration 1 s before and after passing through band-pass filter.
2.2.2 Convolutional neural networks
Convolutional Neural Networks have shown promising results over the past decade in various fields related to pattern recognition (Albawi et al., 2017). Time series data can be considered a one-dimensional grid formed by regular sampling on the time axis. 1D-CNNs are intrinsically suitable for processing biological signals such as EEG for epileptic seizure detection (Shoeibi et al., 2021). Convolutional layers extract relevant features from the input data by applying a set of filters to the input. Convolutional Neural Network has the characteristic of sparse interaction, resulting in fewer parameters to be stored and simplifying calculations.
2.2.3 Long short-term memory
Long Short-Term Memory (Hochreiter and Schmidhuber, 1997) is a type of Recurrent Neural Network architecture widely used for sequential data processing tasks such as speech recognition, natural language processing and time series prediction.
Unlike traditional RNNs, LSTMs are designed to capture long-term dependencies in the input sequence. This is achieved through a memory cell that can store and selectively retrieve information over time and three gates that regulate the flow of information into and out of the cell.
The Figure 3 depicts the input vector, xt, the input gate it. ft is the forget gate vector, Ot is the output gate vector, ht is the output of the LSTM cell at the time step t and Ct is the current cell state. The LSTM cell consists of three gates: forget gate, input gate, and output gate. The forget gate is responsible for deciding whether the information in the given data sample should be forgotten or retained.
This work uses Bidirectional LSTM, which processes the input in both forward and backward directions (Nagabushanam et al., 2020). This is beneficial when handling EEG signals of long durations.
2.2.4 Gated recurrent units
Gated recurrent units are a form of recurrent neural network similar to LSTMs. They have the additional advantage of fewer trainable parameters (Chung et al., 2014). A GRU consists of a reset gate, an update gate, and a candidate activation function. The reset gate controls how much of the previous hidden state is forgotten, while the update gate controls how much of the new input is incorporated into the current hidden state. The candidate activation function calculates the new hidden state based on the input and the previous hidden state, and this new hidden state is then passed to the next time step.
2.2.5 Pooling layer
The main idea of using a pooling layer is to downsample to reduce the complexity for further layers in the framework (Albawi et al., 2017). In our work, we have used the Average Pooling layers for the following reasons:
• Reducing the feature dimension: Conv1D and LSTM layers can generate high-dimensional feature maps that can be computationally expensive to process. AvgPool1D layers can be used to reduce the feature dimension and simplify the computations, making the model more efficient.
• Improving the generalization of the model: AvgPool1D improves the generalization of the model and helps in reducing overfitting.
2.2.6 Dropout
Dropout is a regularization technique used in neural networks to prevent overfitting (Srivastava et al., 2014). It randomly sets a certain proportion of input units to zero during each training iteration, preventing the network from relying too much on any single feature. In this work, we have used Dropout layers to prevent overfitting of the models to the training data.
2.2.7 Flatten
We use the Flatten layer in neural networks to convert a multidimensional tensor into a one-dimensional tensor, which can then be fed into a fully connected layer. This is necessary when we want to use a fully connected layer to classify the output of a convolutional or recurrent layer.
2.2.8 Fully connected layers
Fully connected layers have been used after the feature extraction using 1D-CNN and Bi-LSTM/ Bi-GRU unit to learn the non-linear relationships between the extracted features and the output. In this work, non-linear activation functions like ReLU are applied to the resulting vector, allowing the network to learn the complex relationships between the features and the output.
2.3 Training and validation details
For binary classifications, 200 EEG signal samples were used, while for multi-class classifications, all 500 samples from the Bonn dataset were utilized.
Our proposed models were trained by optimizing the categorical cross-entropy cost function with Adam optimizer. The Adam optimizer has been used because it combines the advantages of the AdaGrad and RMSProp algorithms. The optimizer enhances computational efficiency during the training of the Bi-LSTM and Bi-GRU model (Nagabushanam et al., 2020).
The proposed models are trained and evaluated using five-fold cross-validation. The EEG signals are randomly divided into five parts of equal size. Four-folds have been used for training and one-fold for testing.
In Study 1 and 2, 160 EEG signals of 23.6 s are used for training, with 40 signals for testing in each fold. For the three, four, and five class classifications, 400 EEG signals of 23.6 s are used for training, and 100 signals for testing. In Study 3 and 4, EEG signals are segmented into 11.8 s non-overlapping segments, creating 1,000 signal segments, with 800 used for training and 200 for testing the models.
3 Study
In our work, we conducted experiments using various models, varying different parameters such as the number of filters applied and kernel size of the filters in the convolutional layers, number of LSTM/GRU units and dropout size. In this work, the proposed models incorporate the parameters that yielded the best performance in each classification in each study. The Bi-LSTM and Bi-GRU models shared identical parameter settings for each classification within each study. The proposed models follow the proposed architecture incorporating the use of 1D-CNN, Bi-LSTM/GRU and Average Pooling Layer as a unit followed by the Flatten and Dense layers.
To evaluate the robustness of our proposed approach toward noise in the EEG signals, we have used unprocessed raw EEG signals and preprocessed signals from the Bonn dataset as input to the model. To preserve the long-term temporal dependencies we employ Bidirectional LSTMs or Bidirectional GRUs instead of unidirectional LSTMs/GRUs. This simulates real-life scenarios where the EEG signals can be of varying durations and can be corrupted with artifacts and white noise.
Table 2 shows the details of the proposed models for each classification. 1D-CNN(i) and LSTM(i) indicate the convolutional layer and the LSTM layer in the (ith) unit.
3.1 Study 1: unfiltered EEG signals of duration 23.6 s
The Bonn dataset consists of EEG signals of length 23.6 s, each corresponding to 4,097 sampling points. In Study I, the full-length raw EEG signals have been fed to the proposed architecture. The batch size was set to 64.
All the convolutional layers in the proposed work employ a kernel size of 2, stride of 1, and valid padding. The classification study for A–E used 100 units in the Dense layer, while the B–E model used 3 Dense layers with 100, 50, and 10 units respectively. The classification of AB–CD–E used 3 Dense layers with 80, 40 and 20 units, while AB–C–D–E used 1 Dense layer with 32 units and A–B–C–D–E employed three Dense layers with 100, 50, and 25 units respectively. The A–E classification model has been trained for 50 epochs, while the B–E classification model has been trained for 100 epochs. The other models have been trained for 150 epochs.
3.2 Study 2: filtered EEG signals of duration 23.6 s
In Study 2, all five sets of raw EEG signals obtained from the Bonn dataset are passed through a zero-phase band-pass Butterworth filter of order two which limits the frequency content of the signals to a range of [0.5, 50] Hz.
A batch size of 64 and a dropout rate of 0.1 was used in this study. A single Dense layer with 100 units is utilized for the binary classifications, while AB–CD–E and A–B–C–D–E classifications utilize Dense layers with 200 and 50 units respectively. Convolutional layers in A–E, B–E, and AB–CD–E classifications have filters with a kernel size of 2, whereas AB–C–D–E and A–B–C–D–E classifications use filters with a kernel size of 4. All convolutional layers employ valid padding and a stride of 1. The A–E model is trained for 50 epochs, B–E for 100 epochs, and the other models for 150 epochs each.
3.3 Study 3: unfiltered EEG signals of duration 11.8 s
In Study 3, the raw EEG signals from the Bonn dataset are segmented into signals of duration 11.8 s, corresponding to 2,048 sampling points as input to the proposed models. No other pre-processing of the signals is carried out prior to the training.
The models were trained for 150 epochs, with 0.1 dropout rate. The A–E and B–E models use two Dense layers with 200 and 50 units. AB–CD–E model uses Dense layers with 100 and 40 units while AB–C–D–E model uses two Dense layers with 200 and 100 units.
3.4 Study 4: filtered EEG signals of duration 11.8 s
In Study 4, the EEG signals from the Bonn dataset are passed through the band-pass Butterworth filter to remove the noise and artifacts present in the raw EEG signals. These signals are then segmented into signals of duration 11.8 s, corresponding to 2,048 sampling points before being fed into the proposed model, as shown in the Figure 4.
The batch size is chosen to be 64. The dropout of 0.1 is used. The A–E classification model uses three Dense layers of 100, 50, and 10 units, respectively. The B–E classification model uses two Dense layers of 100 and 50 units. The model for AB–CD–E classification uses a Dense layer with 100 units. The AB–C–D–E classification model has a single Dense layer with 200 neurons, whereas the model for A–B–C–D–E classification uses a single Dense layer with units.
3.5 Study 5: unfiltered EEG signals of duration 1 s
In Study 5, EEG signals were segmented into 1 s durations, each with 178 sampling points, and fed to the proposed models.
The AB–CD–E classification model employed Dense layers with 100 and 20 units, while the AB–C–D–E classification model employed Dense layers with 100 and 40 units. The AB–C–D–E classification model employed convolutional layers with a kernel size of 4, stride of 1, and valid padding. Conversely, the A–B–C–D–E classification model employed convolutional layers with a kernel size of 8. A dropout rate of 0.2 was applied specifically to the A–B–C–D–E classification model, while a dropout rate of 0.1 was used for the other models.
3.6 Study 6: filtered EEG signals of duration 1 s
In Study 6, the raw EEG signals are passed through the band-pass Butterworth filter to remove noise and artifacts and then segmented into durations of 1 s each, corresponding to 178 sampling points. Figure 5 illustrates the steps involved in this study.
The proposed model for binary classification incorporates a 1D-CNN and Bi-LSTM/GRU without Dropout. Dense layers consist of 100 and 10 units.
For AB–CD–E classification, convolutional layers with kernel size 2, stride 1, and valid padding were employed. Three Dense layers with 100, 50, and 20 units, respectively, are used. AB–CD–E model uses a dropout rate of 0.1, while AB–C–D–E and A–B–C–D–E models use a dropout rate of 0.25.
A–E and B–E classification models were trained for 50 epochs, AB–CD–E model for 150 epochs, and the AB–C–D–E and A–B–C–D–E models for 100 epochs.
4 Results
In this paper, the performance of the algorithm was estimated using the following statistical metrics:
1. Accuracy.
2. Sensitivity.
3. Specificity.
4. F1 score.
The true positives (TP), true negatives (TN), false positives (FP), and false negatives (FN) are extracted from the confusion matrix. The Equations 1–4 indicate the calculation of the performance metrics used in this study.
The accuracy, specificity, sensitivity and F1 score was calculated for each iteration of training for each classification in the study and the average values are reported in the paper.
Table 3 summarizes the results obtained from the experiments.
The average of the training times for each iteration has been reported in this paper. The inference times of the test sets for all the classifications in each study are listed in Table 4.
5 Discussion
In this section, we compare the performance metrics achieved by our framework with the works by other authors for epileptic seizure detection, based on the common performance metrics.
Studies 1, 2, and 3, across binary classification A–E, achieve perfect 100% accuracy. Study 4 reports an accuracy of 99.75%, while Study 5.1 and 6.2 achieve remarkable accuracies of 99.16 and 99.91% respectively, for A–E classification. These metrics are comparable with the latest state-of-art methods as shown in the Table 5.
For binary classification B–E, Studies 1, 2, 3, and 4.1 show perfect accuracy, Study 5.1 achieves 99%, Study 5.2 achieves 99.02%, and Study 6 achieves the highest accuracy of 99.5%. The comparison of our work with the previous works has been given in Table 6.
 
  Table 6. Performance metrics achieved by other works for classification between normal and seizure waveforms: B vs. E.
Table 7 compares the best performance metric obtained by our work with the other latest works in the field of ternary classification.
 
  Table 7. Performance metrics achieved by other works for classification between normal-ictal-interictal waveforms.
For the three-class classification between AB–CD–E(healthy-interictal-ictal), Study 3.2 achieves the highest accuracy of 99.2%, specificity of 99.55%, sensitivity of 99.14% and F1 score of 99.23%.
For four-class classification, our proposed models outperform the latest works by a margin of 0.58%–to 2.4%. The Tables 8, 9 compare the performance of the best performance metrics obtained by the proposed work with the latest works in the field of the four-class and five-class classification.
 
  Table 8. Performance metrics achieved by other works for classification between four-class classifications.
 
  Table 9. Performance metrics achieved by other works for classification between five-class classifications.
Study 1 conducted with unfiltered EEG signals of duration 23.6 s gives the highest classification accuracy into classes A–B–C–D–E with an accuracy of 98%, specificity of 99.49%, 98.18% and F1 score of 97.94%. An improvement by 4% over the model proposed by Türk and Özerdem (2019) and Hassan et al. (2022) is obtained by the Bi-LSTM model of Study 1 and an improvement by 4.4% by the Bi-GRU model of Study 1. Study 2 achieves an accuracy of 97.8% outperforming the best achieved performance by 4.2%. Study 3 achieves an accuracy of 96.6 and 96.2% by the Bi-LSTM and the Bi-GRU models respectively. Study 4 achieves an accuracy of 97.3 and 97% by the Bi-LSTM and Bi-GRU models again outperforming the existing methods.
6 Ablation study
In this section, we run a series of ablation experiments to test the effectiveness of each part of the proposed framework. First, we remove all the 1D-CNN layers from the models and re-train each model. In the Study 1, for the A–E classification, the accuracy decreased from 100 to 99%. The specificity and sensitivity also showed a drop to 98.82%. Similarly, for the B–E classification, the accuracy dropped to 99%. For the AB–CD–E classification, the accuracy showed a sharp drop to 93.59%, whereas the accuracy of the proposed model shows an accuracy of 98.4%. A drop of ~2.67% in specificity and 4.58% in sensitivity is also noted. On removal of 1D-CNN layers, a 1.8% drop in the accuracy is seen in the AB–C–D–E classification and a drop of 1.2% in the A–B–C–D–E classification. The ablation study in Study 2 shows a drop of 1.5% and 1% in the accuracies for the A–E and B–E classifications, respectively. The AB–CD–E classification results show a decrease in accuracy by 3.2%. The ablation study for AB–C–D–E showed a decrease in accuracy by 1% and the A–B–C–D–E classification showed a decrease by 0.2%.
The ablation study in Study 3 results in a decrease in the accuracy of the AB–CD–E classification by 1.9%, in the accuracy of AB–C–D–E classification by 0.6% and in A–B–C–D–E classification by 2.2%. The A–E and B–E classifications also result in a drop in accuracy by 1.5 and 1%, respectively. The ablation study in Study 4 for the A–B–C–D–E classification shows a drop in accuracy by 1.9%. The sensitivity in the AB–CD–E classification decreases by 0.32%.
In Study 5, there is a drop in accuracy to 97.56% from 99.17% for the A–E classification and a drop in accuracy to 98.54% from 99% for the B–E classification. On removal of the 1D-CNN layers, we see a drop of accuracy in the AB–CD–E classification to 93.94% from 98.09%. Similarly, there is a drop in accuracies for AB–C–D–E and A–B–C–D–E classifications.
In Study 6, for the AB–CD–E classification, the accuracy drops by 5.73% on the removal of all the 1D-CNN layers. Similarly, a drop of 4.07% of accuracy is seen in the AB–C–D–E classification. For the A–B–C–D–E classification, a drop in the performance metrics is observed.
In the next set of experiments for the ablation study, the Bidirectional LSTM layers from the proposed models were removed and then trained again. We have reported the results for the Bi-LSTM models only.
The A–E classification of Study 1 showed a drop in accuracy by 4.5% on the removal of the Bi-LSTM layers. This classification also showed a drop in specificity by 3.92%. The AB–CD–E classification results show a drop of 9% in accuracy, a drop of 5.44% in specificity and a drop of 10.54% in sensitivity on the removal of all the Bi-LSTM layers in the proposed model. Similarly, the AB–C–D–E classification results show a decrease in accuracy to 95%. The A–B–C–D–E classification results show a decrease in accuracy by 8.21% on the removal of Bi-LSTM layers on the removal of Bi-LSTM layers.
In Study 2, the A–E classification results show a decrease in the accuracy to 98.5%. The accuracy for the B–E classification decreases to 94%. A drop of 6% in accuracy is observed. The AB–CD–E classification results show a decrease in the accuracy by 3.3%–95.1%. An accuracy of 94.4% is observed in the case of AB–C–D–E classification which is a decrease of 2.6% from the accuracy observed in the proposed model. The A–B–C–D–E classification results shows a decrease of 2.6% in accuracy.
In Study 3, a drop of accuracy by 10.51% is observed for the A–E classification and a drop of accuracy by 12% for the B–E classification. Similarly, a decrease in performance metrics is observed for the AB–CD–E and AB–C–D–E classifications. The A–B–C–D–E classification results register a decrease of 5.4% in accuracy on the removal of the Bi-LSTM layers.
In Study 4, the accuracies for the A–E and B–E classifications drop to 94.75%. The AB–CD–E classification results register a decrease in accuracy by 8.7%. Similarly, the accuracy drops by 1.4% in the AB–C–D–E classification and by 6.1% for the A–B–C–D–E classification. Similarly, the other performance metrics used for evaluating the performance of the proposed models also show a decrease.
The accuracy for the A–E classification in the Study 5 decreases to 97.52% from 99%. The AB–CD–E classification results show a drop in accuracy by 10.88%–87.21%, while the AB–C–D–E classification results show a decrease in accuracy by 4.75% to 92.027% on the removal of the Bi-LSTM layers. The A–B–C–D–E classification results show a decrease in the accuracy by 2.48%.
In the Study 6, the A–E classification results show a decrease in accuracy by 4.17%, whereas the B–E classification results show a decrease in accuracy by 3.84% on the removal of the Bi-LSTM layers. The accuracy of AB–CD–E classification decreases by 4.28% on the removal of the Bi-LSTM layers. The accuracy for the AB–C–D–E classification decreases to 94.4% and for the A–B–C–D–E classification to 94.12%.
The results obtained from the ablation studies are summarized under Table 10.
7 Conclusions
This paper introduces a robust and novel framework for detecting epileptic seizures using a combination of 1D-CNN, Bidirectional LSTMs and GRUs, and Average Pooling Layer as a unit. The framework demonstrates its effectiveness in accurately distinguishing between different classes within the Bonn dataset. Extensive evaluations were conducted under both ideal and imperfect conditions, and it was found that the proposed models involving Bidirectional LSTMs and Bidirectional GRUs yield comparable results. The proposed work has obtained significant advancements in the accuracy, specificity and sensitivity obtained from the existing methods for the detection of epileptic seizures, especially 3, 4, and 5 class classifications. Our proposed model achieves an accuracy of 99%–100% for binary classifications into seizure and normal waveforms, 97.2%–99.2% accuracy for ternary classifications, 96.2%–98.4% accuracy for four class classifications, and accuracy of 95.81%–98% for five class classification. Furthermore, the proposed framework proves its efficacy in detecting epileptic seizures within EEG signals of varying durations by varying the parameters used in the proposed models, encompassing both longer and shorter durations. These findings highlight the suitability of the proposed framework for reliable epileptic seizure detection using EEG signals. This work can also be extended to test its efficacy in the classifications for other datasets.
Data availability statement
The original contributions presented in the study are included in the article/supplementary material, further inquiries can be directed to the corresponding author.
Author contributions
SM: Conceptualization, Formal Analysis, Methodology, Investigation, Visualization, Software, Writing – original draft, Writing – review & editing. VB: Supervision, Writing – original draft, Writing – review & editing.
Funding
The author(s) declare that financial support was received for the research, authorship, and/or publication of this article. The authors acknowledge funding support under strategic research projects from BITS BioCyTiH Foundation (a Section 8 not for profit company) hosted by BITS Pilani supported under the National Mission of Interdisciplinary Cyber-Physical Systems (NM-ICPS), Department of Science & Technology (DST), Government of India.
Conflict of interest
The authors declare that the research was conducted in the absence of any commercial or financial relationships that could be construed as a potential conflict of interest.
Publisher's note
All claims expressed in this article are solely those of the authors and do not necessarily represent those of their affiliated organizations, or those of the publisher, the editors and the reviewers. Any product that may be evaluated in this article, or claim that may be made by its manufacturer, is not guaranteed or endorsed by the publisher.
References
Aarabi, A., Fazel-Rezai, R., and Aghakhani, Y. (2009). A fuzzy rule-based system for epileptic seizure detection in intracranial EEG. Clin. Neurophysiol. 120, 1648–1657. doi: 10.1016/j.clinph.2009.07.002
Abiyev, R., Arslan, M., Bush Idoko, J., Sekeroglu, B., and Ilhan, A. (2020). Identification of epileptic EEG signals using convolutional neural networks. Appli. Sci. 10:4089. doi: 10.3390/app10124089
Abualsaud, K., Mahmuddin, M., Saleh, M., Mohamed, A., et al. (2015). Ensemble classifier for epileptic seizure detection for imperfect EEG data. Sci. World J. 2015. doi: 10.1155/2015/945689
Acharya, U. R., Hagiwara, Y., and Adeli, H. (2018). Automated seizure prediction. Epilepsy Behav. 88, 251–261. doi: 10.1016/j.yebeh.2018.09.030
Acharya, U. R., Sree, S. V., Alvin, A. P. C., and Suri, J. S. (2012). Use of principal component analysis for automatic classification of epileptic EEG activities in wavelet framework. Expert Syst. Appl. 39, 9072–9078. doi: 10.1016/j.eswa.2012.02.040
Akyol, K. (2020). Stacking ensemble based deep neural networks modeling for effective epileptic seizure detection. Expert Syst. Appl. 148, 113239. doi: 10.1016/j.eswa.2020.113239
Albawi, S., Mohammed, T. A., and Al-Zawi, S. (2017). “Understanding of a convolutional neural network,” in 2017 International Conference on Engineering and Technology (ICET) (Antalya: IEEE), 1–6. doi: 10.1109/ICEngTechnol.2017.8308186
Andrzejak, R. G., Lehnertz, K., Mormann, F., Rieke, C., David, P., Elger, C. E., et al. (2001). Indications of nonlinear deterministic and finite-dimensional structures in time series of brain electrical activity: dependence on recording region and brain state. Phys. Rev. E 64:061907. doi: 10.1103/PhysRevE.64.061907
Bengio, Y., Simard, P., and Frasconi, P. (1994). Learning long-term dependencies with gradient descent is difficult. IEEE Trans. Neural Netw. 5, 157–166. doi: 10.1109/72.279181
Bhattacharyya, A., Pachori, R. B., Upadhyay, A., and Acharya, U. R. (2017). Tunable-q wavelet transform based multiscale entropy measure for automated classification of epileptic EEG signals. Appl. Sci. 7:385. doi: 10.3390/app7040385
Chandaka, S., Chatterjee, A., and Munshi, S. (2009). Cross-correlation aided support vector machine classifier for classification of EEG signals. Expert Syst. Appl. 36, 1329–1336. doi: 10.1016/j.eswa.2007.11.017
Chua, K. C., Chandran, V., Acharya, U. R., and Lim, C. M. (2011). Application of higher order spectra to identify epileptic EEG. J. Med. Syst. 35, 1563–1571. doi: 10.1007/s10916-010-9433-z
Chung, J., Gulcehre, C., Cho, K., and Bengio, Y. (2014). Empirical evaluation of gated recurrent neural networks on sequence modeling. arXiv. [Preprint]. doi: 10.48550/arXiv.1412.3555
Duan, L., Hou, J., Qiao, Y., and Miao, J. (2019). “Epileptic seizure prediction based on convolutional recurrent neural network with multi-timescale,” in Intelligence Science and Big Data Engineering. Big Data and Machine Learning: 9th International Conference, IScIDE 2019, Nanjing, China, October 17-20, 2019. Proceedings, Part II 9 (Berlin: Springer), 139–150. doi: 10.1007/978-3-030-36204-1_11
Gandhi, T., Panigrahi, B. K., and Anand, S. (2011). A comparative study of wavelet families for EEG signal classification. Neurocomputing 74, 3051–3057. doi: 10.1016/j.neucom.2011.04.029
Ghosh-Dastidar, S., and Adeli, H. (2009). A new supervised learning algorithm for multiple spiking neural networks with application in epilepsy and seizure detection. Neural Netw. 22, 1419–1431. doi: 10.1016/j.neunet.2009.04.003
Gupta, V., and Pachori, R. B. (2019). Epileptic seizure identification using entropy of fbse based EEG rhythms. Biomed. Signal Process. Control 53:101569. doi: 10.1016/j.bspc.2019.101569
Hassan, F., Hussain, S. F., and Qaisar, S. M. (2022). Epileptic seizure detection using a hybrid 1d CNN-machine learning approach from EEG data. J. Healthc. Eng. 2022. doi: 10.1155/2022/9579422
Hochreiter, S., and Schmidhuber, J. (1997). Long short-term memory. Neural Comput. 9, 1735–1780. doi: 10.1162/neco.1997.9.8.1735
Hussain, S. F., and Qaisar, S. M. (2022). Epileptic seizure classification using level-crossing EEG sampling and ensemble of sub-problems classifier. Expert Syst. Appl. 191:116356. doi: 10.1016/j.eswa.2021.116356
Hussein, R., Palangi, H., Ward, R. K., and Wang, Z. J. (2019). Optimized deep neural network architecture for robust detection of epileptic seizures using EEG signals. Clin. Neurophysiol. 130, 25–37. doi: 10.1016/j.clinph.2018.10.010
Johansen, A. R., Jin, J., Maszczyk, T., Dauwels, J., Cash, S. S., Westover, M. B., et al. (2016). “Epileptiform spike detection via convolutional neural networks,” in 2016 IEEE International Conference on Acoustics, Speech and Signal Processing (ICASSP) (Shanghai: IEEE), 754–758. doi: 10.1109/ICASSP.2016.7471776
Kaya, Y., Uyar, M., Tekin, R., and Yıldırım, S. (2014). 1d-local binary pattern based feature extraction for classification of epileptic EEG signals. Appl. Math. Comput. 243, 209–219. doi: 10.1016/j.amc.2014.05.128
LeCun, Y., and Bengio, Y. (1995). “Convolutional networks for images, speech, and time series,” in The Handbook of Brain Theory and Neural Networks, ed. M. A. Arbib (Cambridge, MA: MIT Press), 3361.
Mamli, S., and Kalbkhani, H. (2019). Gray-level co-occurrence matrix of Fourier synchro-squeezed transform for epileptic seizure detection. Biocybern. Biomed. Eng. 39, 87–99. doi: 10.1016/j.bbe.2018.10.006
Miltiadous, A., Tzimourta, K. D., Giannakeas, N., Tsipouras, M. G., Afrantou, T., Ioannidis, P., et al. (2021). Alzheimer's disease and frontotemporal dementia: a robust classification method of EEG signals and a comparison of validation methods. Diagnostics 11, 1437. doi: 10.3390/diagnostics11081437
Minasyan, G. R., Chatten, J. B., Chatten, M. J., and Harner, R. N. (2010). Patient-specific early seizure detection from scalp EEG. J. Clin. Neurophysiol. 27:163. doi: 10.1097/WNP.0b013e3181e0a9b6
Nagabushanam, P., Thomas George, S., and Radha, S. (2020). EEG signal classification using LSTM and improved neural network algorithms. Soft Comput. 24, 9981–10003. doi: 10.1007/s00500-019-04515-0
Orhan, U., Hekim, M., and Ozer, M. (2011). EEG signals classification using the k-means clustering and a multilayer perceptron neural network model. Expert Syst. Appl. 38, 13475–13481. doi: 10.1016/j.eswa.2011.04.149
Peker, M., Sen, B., and Delen, D. (2015). A novel method for automated diagnosis of epilepsy using complex-valued classifiers. IEEE J. Biomed. Health Inf. 20, 108–118. doi: 10.1109/JBHI.2014.2387795
Raghu, S., Sriraam, N., Hegde, A. S., and Kubben, P. L. (2019). A novel approach for classification of epileptic seizures using matrix determinant. Expert Syst. Appl. 127, 323–341. doi: 10.1016/j.eswa.2019.03.021
Roy, S., Kiral-Kornek, I., and Harrer, S. (2019). “Chrononet: a deep recurrent neural network for abnormal EEG identification,” in Artificial Intelligence in Medicine: 17th Conference on Artificial Intelligence in Medicine, AIME 2019, Poznan, Poland, June 26-29, 2019. Proceedings 17 (Berlin: Springer), 47–56. doi: 10.1007/978-3-030-21642-9_8
Samiee, K., Kovacs, P., and Gabbouj, M. (2014). Epileptic seizure classification of EEG time-series using rational discrete short-time Fourier transform. IEEE Trans. Biomed. Eng. 62, 541–552. doi: 10.1109/TBME.2014.2360101
Shoeibi, A., Khodatars, M., Ghassemi, N., Jafari, M., Moridian, P., Alizadehsani, R., et al. (2021). Epileptic seizures detection using deep learning techniques: a review. Int. J. Environ. Res. Public Health 18:5780. doi: 10.3390/ijerph18115780
Singh, N., and Dehuri, S. (2019). “Usage of deep learning in epileptic seizure detection through EEG signal,” in Nanoelectronics, Circuits and Communication Systems: Proceeding of NCCS 2017 (Cham: Springer), 219–228. doi: 10.1007/978-981-13-0776-8_20
Srivastava, N., Hinton, G., Krizhevsky, A., Sutskever, I., and Salakhutdinov, R. (2014). Dropout: a simple way to prevent neural networks from overfitting. J. Mach. Learn. Res. 15, 1929–1958.
Thara, D., PremaSudha, B., and Xiong, F. (2019). Epileptic seizure detection and prediction using stacked bidirectional long short term memory. Pattern Recognit. Lett. 128, 529–535. doi: 10.1016/j.patrec.2019.10.034
Tiwari, A. K., Pachori, R. B., Kanhangad, V., and Panigrahi, B. K. (2017). Automated diagnosis of epilepsy using key-point-based local binary pattern of EEG signals. IEEE J. Biomed. Health Inform. 21, 888–96. doi: 10.1109/JBHI.2016.2589971
Türk, Ö., and Özerdem, M. S. (2019). Epilepsy detection by using scalogram based convolutional neural network from EEG signals. Brain Sci. 9:115. doi: 10.3390/brainsci9050115
Tzallas, A. T., Tsipouras, M. G., and Fotiadis, D. I. (2007). Automatic seizure detection based on time-frequency analysis and artificial neural networks. Comput. Intell. Neurosci. 2007. doi: 10.1155/2007/80510
Ullah, I., Hussain, M., and Aboalsamh, H. (2018). An automated system for epilepsy detection using EEG brain signals based on deep learning approach. Expert Syst. Appl. 107, 61–71. doi: 10.1016/j.eswa.2018.04.021
Varlı, M., and Yılmaz, H. (2023). Multiple classification of EEG signals and epileptic seizure diagnosis with combined deep learning. J. Comput. Sci. 67:101943. doi: 10.1016/j.jocs.2023.101943
Vipani, R., Hore, S., Basu, S., Basak, S., and Dutta, S. (2017). “Identification of epileptic seizures using hilbert transform and learning vector quantization based classifier,” in 2017 IEEE Calcutta Conference (CALCON) (Kolkata: IEEE), 90–94. doi: 10.1109/CALCON.2017.8280702
Zahra, A., Kanwal, N., ur Rehman, N., Ehsan, S., and McDonald-Maier, K. D. (2017). Seizure detection from EEG signals using multivariate empirical mode decomposition. Comput. Biol. Med. 88, 132–141. doi: 10.1016/j.compbiomed.2017.07.010
Keywords: LSTM, GRU, convolutional neural networks, deep learning, machine learning, automated framework, epilepsy
Citation: Mallick S and Baths V (2024) Novel deep learning framework for detection of epileptic seizures using EEG signals. Front. Comput. Neurosci. 18:1340251. doi: 10.3389/fncom.2024.1340251
Received: 17 November 2023; Accepted: 04 March 2024;
 Published: 21 March 2024.
Edited by:
Abdelmalik Moujahid, International University of La Rioja, SpainReviewed by:
Nuryani Nuryani, Sebelas Maret University, IndonesiaJavier Rodrigo Villazon Terrazas, GMV Innovating Solutions, Spain
Copyright © 2024 Mallick and Baths. This is an open-access article distributed under the terms of the Creative Commons Attribution License (CC BY). The use, distribution or reproduction in other forums is permitted, provided the original author(s) and the copyright owner(s) are credited and that the original publication in this journal is cited, in accordance with accepted academic practice. No use, distribution or reproduction is permitted which does not comply with these terms.
*Correspondence: Veeky Baths, dmVla3lAZ29hLmJpdHMtcGlsYW5pLmFjLmlu
 
   
   
   
   
   
   
   
   
   
  