Skip to main content

Detection of epileptic seizure in EEG signals using machine learning and deep learning techniques

Abstract

Around 50 million individuals worldwide suffer from epilepsy, a chronic, non-communicable brain disorder. Several screening methods, including electroencephalography, have been proposed to identify epileptic episodes. EEG data, which are frequently utilised to enhance epilepsy analysis, offer essential information on the electrical processes of the brain. Prior to the emergence of deep learning (DL), feature extraction was accomplished by standard machine learning techniques. As a result, they were only as good as the people who made the features by hand. But with DL, both feature extraction and classification are fully automated. These methods have significantly advanced several fields of medicine, including the diagnosis of epilepsy. In this paper, the works focused on automated epileptic seizure detection using ML and DL techniques are presented as well as their comparative analysis is done. The UCI-Epileptic Seizure Recognition dataset is used for training and validation. Some of the conventional ML and DL algorithms are used with a proposed model which uses long short-term memory (LSTM) to find the best approach. Post that comparative analysis is performed on these algorithms to find the best approach for epileptic seizure detection. As a result, the proposed model LSTM gives a validation accuracy of 97% giving the most appropriate and precise result as compared to other mentioned algorithms used in this study.

Introduction

Epilepsy is a persistent, non-communicable brain condition. A hereditary condition or an acquired brain disorder, such as a trauma or stroke, may cause epilepsy. A person who is having a seizure exhibits strange behaviour, symptoms and sensations, sometimes even losing consciousness. According to the most recent assessment by the World Health Organization (WHO), around 50 million people worldwide experience epileptic seizures, and the majority of them are unaware of their illness.

Most of the time seizure attacks are the cause of accidents. Seizures are a result of excessive electrical discharges in a group of brain cells. A patient who has a seizure attack for more than 5 min needs to be medicated as soon as possible, but due to the lack of knowledge about this condition, it is not treated at early stages. It is not possible to treat any brain-related condition just by observing the patient. The ionic current passing through the brain neurons is observed using electroencephalogram (EEG) which provides a graph of temporal and spatial information about the brain. However, it is challenging to obtain comprehensive information about these dynamic biological signals due to the non-linear and non-stationary nature of EEG signals.

Depending on the seizure characteristics, epilepsy has various types of epilepsy seizures [1]. In recent years, treatment of epileptic seizures is possible due to advancements in the medical field, but still, detection and classification of epileptic seizures are tedious tasks without using automation that can be done using various machine learning and deep learning techniques. Also, there are different times to observe patient brain signals. Using various ML and DL techniques on EEG signal data to detect seizure helps to get insights into a patient’s brain condition more preciously.

There is a lot of work done in this domain already, but most algorithm fails to get validation accuracy and other model performance parameters. Also, the implemented model sometimes fails because of a lack of dataset.

The proposed system is intended to solve the problem of automation in epileptic seizure detection. The proposed model uses LSTM to detect seizure patients or normal persons by considering observations from the UCI-Epileptic Seizure detection dataset. Also, the designed system matches the research gaps in this area by providing a more accurate classification of the signal into two categories.

The proposed model is implemented by considering various ML algorithms and deep learning algorithms and their performance on the UCI dataset, so that the validation accuracy can be increased by observing other models’ performance. The detailed comparison of machine learning and deep learning models is done with a proposed model to solve many problems.

Related work

Various papers were studied to know about the research done in the area. Some of the important surveys and techniques are explained below:

  • In [2], a survey on scalable technologies assisting in early screening and predictive analysis for lifestyle diseases is done. Study [3] explores various forms of artificial intelligence on large volumes of data in medical technology. In [4,5,6], various studies explored that machine learning and deep learning techniques have been efficiently used for enhanced medical innovations.

  • In the paper [7], the authors proposed a system which uses empirical mode decomposition (EMD) and extracted time and frequency domain features for extracting features from EEG signals. The CHB-MIT dataset is used here. The model has given a higher true-positive rate of 92.23%, and the average prediction time is 23.60 min on the scalp for all subjects in the dataset.

  • In the paper [8], emphasis is placed on computational complexity, and other models are also compared by systems with multiple classifications. The three main basic parts are as follows: the first one is feature extraction, the second one is hierarchical attention layer and the last is classification layer. Three scenarios were used to evaluate this system: based on combinations of interictal, preictal and ictal.

  • In the paper [9], the author proposed a system focused on feature extraction and classification. The model used Taylor Fourier, rhythm-specific and filter bank for pre-processing and at the end feature extraction and classification SVM used. The model achieved an accuracy of 94.88%. The Bonn University Database is used here.

  • In the paper [10], using a corpus of EEG data from Temple University Hospital, the authors applied CNN and transfer learning to categorise seven variations of seizures with non-seizure EEG. This study’s goal is to carry out a multiclass categorisation. Before being fed as input to CNN, the signal was transformed into a spectrogram. To choose the best network for the given study, many DL pre-trained networks were employed. 82.85% (Googlenet) and 88.30% (Inceptionv3) are the best categorisation accuracy models used in this study.

  • In this system [11], to examine alternative model assessment parameters, two fusion methods were considered: the first one is ensemble, and the second one is Choquet fuzzy integral used with the deep neural network used in the system.

  • In the paper [12], a singular value decomposition fuzzy k-nearest neighbour classifier methodology based on discrete wavelet transform offers about 100% accuracy and nearly about 93.33% on two and three classes using the Bonn University Dataset.

  • In [13], the authors categorise EEG data into ictal and interictal types. The primary problem here is the non-stationary and non-linear character of the EEG signal while attempting to understand brain output. The main emphasis is on feature extraction from seizure EEG recordings to create a method for epileptic seizure identification on the CHB-MIT dataset that uses both fuzzy-based and conventional machine learning techniques.

  • In [14], the authors suggest using deep learning to identify seizures in paediatric patients. To implement the supervised classifier, the CHB-MIT dataset is used to classify ictal and interictal brain state signals. Two-dimensional deep convolution auto-encoder connected to a neural network.

  • The paper [15] intended to use the principal components analysis used for the feature reduction approach to the signals in order to obtain the optimum classification algorithm for epileptic seizures. Using the dataset to predict epilepsy, KNN, RF, SVM, ANN and DT algorithms are used, and the performance of classifiers is examined both with and without PCA.

  • This paper [16] reviews different deep learning algorithms with CNN for 1D CNN, 2D CNN, CNN using transfer learning and LSTM. The author reviewed different approaches for each technique in which the CNN and LSTM were showing significant accuracy of around 99%. The different dataset was considered CHB-MIT, BON, Flint Hills and Bern Barcelona.

  • The paper [17] presents a model which solves the issues of data imbalance, low accuracy and classification model with sampling techniques including downsampling, random sampling and the synthetic minority oversampling technique. The authors proposed the heterogeneous deep ensemble model which gives an accuracy score of 0.93) and an F-measure value of 0.91.

  • The paper’s [18] authors say manual observation of EEG is performed to detect epilepsy which makes it difficult and easy to switch over automated diagnosis system. The Bonn EEG Dataset is used. The authors proposed a least squares support vector machine (LSSVM) as a better approach to deal with linear equations with an accuracy of 94.7%.

  • In the paper [19], the authors worked on EEG signal noise removal. The EEG signal gets compromised by background noise or any muscle movement which makes it difficult to detect in automatic mode. After taking this limitation, the paper reviews different automatic approaches which state feature selection and classification are the tedious and error-prone area in epilepsy.

  • In the paper [20], the authors proposed ResNET-50 as an automated system which will define the EEG data into non-ictal, ictal and pre-ictal classes. The CHB-MIT, Freiburg, BONN Dataset and BERN Dataset use CNN by transforming the 2D EEG images from 1D EEG images which give 94.88% accuracy.

  • In the paper [21], the authors proposed CNN for the classification of an epileptic seizure. The proposed model contains four models: the CNN model, fusion of two CNN; fusion of 3 CNN, fusion of 4 CNN model and transfer learning using ResNet 50. The fusion of 3 and 4 CNN models gave significantly best results with 95% accuracy. The two convolution layers with 32 filter and 3 × 3 kernel size are used as a single CNN model which after concatenated for fusion of 2, 3 and 4 CNN models.

  • In the paper [22], the authors proposed a deep neural network with hierarchical attention mechanisms. The system starting layer was of two separate CNN for extracting the feature and connected to the hierarchical attention layer and fully connected layers for classification. The computation time of the proposed model was 0.23 s for classification and 0.014 for feature extraction.

  • In the paper [23], a novel seizure prediction model called TASM ResNet was proposed by the authors. It is based on an intracranial EEG signal-based pre-trained ResNet and a temporal attention simulation module. The simulation module was created to take raw EEG data, transform it into data that resembles images and then extract temporal characteristics. ResNet was utilised in this case to decrease the amount of training data. Additionally, the final outcomes demonstrated that an image network that has been pre-trained on a sizable dataset using a simulation module can migrate EEG signals.

Proposed methods

The proposed system follows the traditional way of model training and testing as shown in Fig. 1. The UCI-Epileptic Seizure Dataset is firstly pre-processed to feed to the model. After dataset pre-processing done, the dataset split into training and testing data. After that model is selected, there are logistic regression, KNN, SVM, ANN and LSTM. Next, the selected model is trained based on UCI training dataset. The testing data is feed to model to get results. Finally, the model was evaluated based on various parameters such as accuracy, confusion matrix, precision, recall and F1 score.

Fig. 1
figure 1

General system architecture where model is replaced

Dataset

The UCI-Epileptic Seizure Dataset is the set of data that is utilised for model performance. The original dataset consists of 100 files in 5 separate folders, each of which corresponds to a particular patient. 23.6-s recording of brain activity is stored in each file. A total of 4097 information/data points from the associated time series are sampled. Each data point represents the EEG recording’s value at a particular time point. There are 500 people in all, each having 4097 data points. Every 4097 information points, it is split and jumbled into 23 sets, each of which has 178 information points for 1 s and represents the value of the EEG recording at a particular time. As a result, there are now 23 (sets) × 500 (people) = 11,500 informational pieces, each of which comprises 178 information points for 1 s (a column), the last column represents the class as y {1,2,3,4,5}. The dataset therefore has 179 total columns, the first 178 of which are input vectors, and the 179th of which is a categorisation for patients (Table 1).

Table 1 Sample data from the dataset

Dataset preprocessing

The dataset consists of 5 different classes mentioned as follows:

  • 5—Keeping patient eyes open while taking a brain EEG graph

  • 4—Keeping patient eyes closed while taking a brain EEG graph

  • 3—EEG activity from a healthy part of the brain

  • 2—EEG activity in the vicinity of the tumour

  • 1—Seizure activity recording

All patients in classes 5, 4, 3 and 2 are those where there is no experience of seizures, according to an analysis of the dataset. The dataset is then encoded using the One-Hot method for binary classification, with all classes except 1 being transformed to 0 to indicate no seizures and 1 to indicate seizure sufferers.

ML and DL model selection

As the part of comparative study, there are a total of five models compared based on model evaluation parameters. Logistic regression, SVM classifier and KNN are traditional machine learning algorithm; as there is binary classification, these models were selected. The artificial neural network was used for complex analysis, and the last model was the LSTM-based neural network; with this model, other models were compared.

Results and discussion

Traditional machine learning model

Model 1: Logistic regression

The regression algorithm for binary classification is used for detecting seizure activity. The model used test spilt as 33% of the dataset for validation. The training accuracy of the model is 66.92%, and the validation accuracy is 63.9%. Using validation data, as shown in Fig. 2, the true-negative value percentage was 67.17%, true-positive 0.0%, false-positive rate 32.83% and false negative 0.0%. As the confusion matrix is shown in Fig. 2, the classes are not perfectly classified, and it is not useful for this classification task.

Fig. 2
figure 2

Logistic regression confusion matrix

Model 2: SVM

For binary classification, SVM is used. The model is trained on 67% of the dataset. The validation accuracy is 97.2%, and the training accuracy is 98.09%. The model has a 0.0% true-positive classification on validation data. As shown in Fig. 3, false positive 19.10%. The true negative was 80.90%, and the false negative was 0%. The validation data is 720 rows as positive class and 3025 as negative class. As the confusion matrix is shown in Fig. 3, the classes are not perfectly classified, and it is not useful for this classification task.

Fig. 3
figure 3

SVM confusion matrix

Model 3: K-nearest neighbour

The KNN is used for the classification of seizure activity. The neighbour value is 5, and the distance formula is Euclidean distance. The training accuracy of the model is 93.61%, and the validation accuracy is 91.96% based on 33% data of the dataset. Using validation data, the true-negative percentage was 87.59% and the true positive as 0.0%. The false-negative value is 0.0%, and the false-positive value is 12.41% as shown in Fig. 4. As the confusion matrix shown in Fig. 4, the classes are not perfectly classified, and it is not useful for this classification task.

Fig. 4
figure 4

KNN confusion matrix

Deep neural network

Model 1: Artificial neural network (ANN)

The multiple-layer ANN model is implemented with four layers. The input shape for the model was 178.1 that is 178 data points. The first, second and third, layers with 32 neurons and Relu is the activation function, and the fourth layer with 2 neurons with softmax is the activation function. Adam optimiser was used as a model optimiser. Binary cross entropy is used as loss as there is binary classification. The total trainable parameters are 7906. The model is trained on 67% data. The model training accuracy was 98.9%, and the validation accuracy was 97% which is tested on 33% of testing dataset. It was observed a sudden increase in training accuracy while training the model after the first epoch from 0.91 to 0. 96% and a slow increase in accuracy shown in Fig. 5.

Fig. 5
figure 5

ANN accuracy

The training loss is 0.03, and the validation loss is 0.08 as shown in Fig. 6. Based on validation data, the confusion matrix is shown in Fig. 7.

Fig. 6
figure 6

ANN loss

Fig. 7
figure 7

Confusion matrix

True negative (TN) is 78.89%, true positive (TP) is 18.16%, false positive is 0.81% and false negative is 2.13%. The model validation values for negative class (no seizure) precision were 0.97%, recall 0.99% and F1 score 0.98% and positive class (seizure activity) precision 0.96%, recall 0.89% and F1 score 0.92%. The total number of negative class data rows is 3025 and the positive class 770. As the system works for the medical domain, there is importance to the false-negative value which looks effective in ANN, so using the ANN model for this task is not that much good choice.

Proposed model

Model 1: Proposed model—long short-term memory

The multiple-layer LSTM model is implemented with three layers. The input shape for the model was 1178 that is 178 data points. The first LSTM layer with 64 neurons and Relu as activation function. The second LSTM layer with 32 neurons and Relu as an activation function. The last layer with 2 neurons with softmax as an activation function converts the output to a weighted sum to probability which sums to 1. Adam optimiser is used as an optimiser. Binary cross entropy is used as loss as there is binary classification. Total trainable parameters as 74,690. The model is trained on 67% data. The model training accuracy is 99.9%, and the validation accuracy is 97% which is tested on 33% of the dataset. It was observed a sudden increase in training accuracy while training the model after the first epoch from 0.91 to 0.96%, and a slow increase in accuracy is shown in Fig. 8.

Fig. 8
figure 8

LSTM accuracy

The training loss is 0.006, and the validation loss is 0.106 as shown in Fig. 9. Based on validation data, the confusion matrix is shown in Fig. 10.

Fig. 9
figure 9

LSTM loss

Fig. 10
figure 10

LSTM confusion matrix

True negative (TN) is 79.05%, true positive (TP) 18.23%, false-positive percentage 0.66% and false negative 2.06%. The model validation values for negative class (no seizure) precision 0.97%, recall 0.99%, and F1 score 0.98% and positive class (seizure activity) precision 0.97%, recall 0.90% and F1 score 0.93%. The total number of negative class data rows is 3025 and positive class 770.

Comparitive analysis

There are a total of five models trained and tested on the UCI-Epileptic Seizure Dataset. Each model was compared with other models based on several model evaluation parameters. In this study, precision, recall, training accuracy, validation accuracy, F1-Score and confusion matrix are the parameters considered.

Confusion matrix

The matrix below shows how much actual values as the same as predicted values by model, based on that true negative, false negatives, false positive and true positive are calculated.

Actual values

 

True (0)

Healthy

False (1)

Seizure

Predicted values

True (0)

Healthy

TP

FP

False (1)

Seizure

FN

TN

Accuracy

It tells how much the per cent model gives accurate values.

$$\mathrm{Accuracy }= (\mathrm{TP }+\mathrm{ TN})/(\mathrm{TP }+\mathrm{ TN }+\mathrm{ FP }+\mathrm{ FN})$$
(1)

Precision

It reveals how many of the positive data points that the model identified as positive are truly positive.

$$\mathrm{Precision }= ({\text{TP}}/\mathrm{TP }+\mathrm{ FP})$$
(2)

Recall

The recall measures how accurately the model has identified real data items.

$$\mathrm{Recall }= ({\text{TP}}/\mathrm{TP }+\mathrm{ FN})$$

Table 2 gives a detailed comparison of all 5 models used in this study. All the models were trained and validated on the same dataset with validation data as 33% UCI dataset and 67% for training models. As shown in Table 2, the positive class (seizure activity) have 770 rows for validation and 3025 as a negative class (no seizure). The logistic regression achieves training and validation accuracy of 66.92% and 63.9%, respectively, comparatively less than the SVM used on the same dataset. Similarly, with precision, the F1 score and recall value in the logistic regression algorithm show very less effect in seizure classification. Refer to the confusion matrix of SVM shown in Fig. 3 great training accuracy of 98.09% and validation accuracy of 97.23% but not able to predict classes as shown as true positive. The KNN showed training accuracy and validation accuracy of 93.61% and 91.96%, respectively, but not able to detect classes as the true positive rate is 0.0%.

Table 2 Detailed model comparison based on model evaluation parameters

The ANN model was able to classify true-positive rate (sensitivity) value with minimal false positive compared to SVM. ANN shown in Table 2 gives a precision value of 0.96, recall 0.89 and F1 score 0.92 for seizure signals and precision value 0.97, recall 0.99 and F1 score 0.98 for healthy signals. The proposed model LSTM was able to classify more accurately than ANN with very minimal difference in training and validation accuracy. The proposed model was able to achieve 99.88% accuracy on training data and a validation accuracy of 97.1% as compared to ANN validation accuracy of 97.0%. LSTM shown in Table 2 gives a precision value of 0.96, recall 0.90 and F1 score 0.93 for seizure signals and precision value 0.97, recall 0.99 and F1 score 0.98 for healthy signals. Based on the overall comparison, LSTM-based model performs better.

Conclusions

As the proposed system intended to classify the healthy person’s brain EEG signal and seizure patient brain EEG signal, the system classifies the signal data with the LSTM model with a validation accuracy of 97% and false negative 2.06%. As shown in Table 2, the conventional machine learning algorithms logistic regression, SVM and KNN achieve good accuracy but not work fine in classification. Also, considering the ANN achieves good model evaluation parameters but somewhat less precise in false negative area. In conclusion, the proposed model works better as compared to other models used in this study. The system can be useful in epileptic seizure detection.

The proposed system currently works good in binary classification. There are also types of epileptic seizure that can be detected precisely as it deals with the medical domain. The dataset used in this study is somewhat insufficient to train model, and also dataset is unbalanced as the other categories are converted using one-hot encoding for binary classification. Also, in the proposed model, there is a scope of improvement in the false-negative section. The limitation of the proposed system is that it needs to test for multiclass classification of epilepsy seizures. The similar work has been carried out in [24]. Also, work needs to be tested with other datasets like state-of-the-art work [25,26,27]. The other alternatives to test the results are to use EEG datasets like CHB-MIT, TUH EEG Corpus and Bonn University with methods like CNN, SofMax and Bi-LSTM to improve false negatives.

Availability of data and materials

Data is publicly available on Kaggle and UCI Repository.

Abbreviations

ML:

Machine learning

DL:

Deep learning

UCI:

University of California Irvine

LSTM:

Long short-term memory

WHO:

World Health Organization

EEG:

Electroencephalogram

EMD:

Empirical mode decomposition

CNN:

Convolutional neural network

KNN:

k-Nearest neighbours

RF:

Random forest

SVM:

Support vector machine

ANN:

Artificial neural networks

DT:

Decision tree

PCA:

Principal component analysis

LSSVM:

Least squares support vector machine

References

  1. Kunekar PR, Gupta M, Agarwal B (2020) Deep learning with multi modal ensemble fusion for epilepsy diagnosis. 2020 3rd International Conference on Emerging Technologies in Computer Engineering: Machine Learning and Internet of Things (ICETCE). pp 80–84. https://doi.org/10.1109/ICETCE48199.2020.9091742

    Chapter  Google Scholar 

  2. Kunekar PR, Gupta M, Agarwal B (2019) Detection and analysis of life style based diseases in early phase of life: a survey. In: Somani A, Ramakrishna S, Chaudhary A, Choudhary C, Agarwal B (eds) Emerging technologies in computer engineering: microservices in big data analytics. ICETCE 2019. Communications in Computer and Information Science, vol 985. Springer, Singapore. https://doi.org/10.1007/978-981-13-8300-7_6

    Chapter  Google Scholar 

  3. Kumar Boddu RS, Chakravarthi DS, Venkateswararao N, Chakravarthy DSK, Devarajan A, Kunekar PR (2021) The effects of artificial intelligence and medical technology on the life of human. J Pharm Res Int 33(50A):25–32. Article no.JPRI.76516, ISSN: 2456-9119

    Article  Google Scholar 

  4. Arora B, Jadhav P, Sulaiman RB, Kareem A, Kunekar P, Pant B (2022) Integrating artificial intelligence and deep learning for enhanced medical innovation. 2022 5th International Conference on Contemporary Computing and Informatics (IC3I). pp 327–331. https://doi.org/10.1109/IC3I56241.2022.10073054

    Chapter  Google Scholar 

  5. Kunekar P, Vaishnav R, Kalaivani E, Gangodkar D, Kaur C, Dhanraj JA (2022) Applications of machine learning techniques in detecting skin cancer. 2022 5th International Conference on Contemporary Computing and Informatics (IC3I). pp 265–270. https://doi.org/10.1109/IC3I56241.2022.10072834

    Chapter  Google Scholar 

  6. Chakrapani IS, Tyagi N, Tyagi S, Kunekar P, Padmaja DL, Pant K (2022) Applications of Deep Learning (DL) techniques in detecting breast cancer and malignant cells. 2022 5th International Conference on Contemporary Computing and Informatics (IC3I). pp 217–222. https://doi.org/10.1109/IC3I56241.2022.10072720

    Chapter  Google Scholar 

  7. Usman SM, Usman M, Fong S (2017) Epileptic seizures prediction using machine learning methods. Comput Math Methods Med 2017:9074759

    Article  MathSciNet  Google Scholar 

  8. Zhou M, Tian C, Cao R, Wang B, Niu Y, Hu T, Guo H, Xiang J (2018) Epileptic seizure detection based on EEG signals and CNN. Front Neuroinform 12:95

    Article  Google Scholar 

  9. Serna J, Paternina MRA, Zamora-Méndez ARK. Tripathy R, Pachori R (2020) EEG-Rhythm Specific Taylor-Fourier Filter Bank Implemented With O-Splines for the Detection of Epilepsy Using EEG Signals. IEEE Sens J. https://doi.org/10.1109/JSEN.2020.2976519

  10. Raghu S, Sriraam N, Temel Y, Rao SV, Kubben PL (2020) EEG based multi-class seizure type classification using convolutional neural network and transfer learning. Neural Netw 124:202–212

    Article  Google Scholar 

  11. Ludwig SA (2020) Multi-label classification for epileptic seizure recognition: deep neural network ensemble versus Choquet fuzzy integral fusion. 2020 IEEE Symposium Series on Computational Intelligence (SSCI). pp 836–841

    Chapter  Google Scholar 

  12. Singh N, Dehuri S (2020) Multiclass classification of EEG signal for epilepsy detection using DWT based SVD and fuzzy kNN classifier. Intell Decis Technol. 14:1–14. https://doi.org/10.3233/IDT-190043

    Article  Google Scholar 

  13. Aayesha Z, Qureshi M, Afzaal M, Qureshi M, Fayaz M (2021) Machine learning-based EEG signals classification model for epileptic seizure detection. Multimed Tools Appl. 80:1–29. https://doi.org/10.1007/s11042-021-10597-6

    Article  Google Scholar 

  14. Abdelhameed A, Bayoumi M (2021) A deep learning approach for automatic seizure detection in children with epilepsy. Front Comput Neurosci 15:650050. United States

    Article  Google Scholar 

  15. Nahzat S, Yaganoglu M (2021) Classification of epileptic seizure dataset using different machine learning algorithms and PCA feature reduction technique. J Invest Eng Technol 4(2):47–60

    Google Scholar 

  16. 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(11):5780. https://doi.org/10.3390/ijerph18115780

    Article  Google Scholar 

  17. Raibag MAA, Franklin JV, Sarkar R (2022) Multi-feature learning model for epilepsy classification supervised by a highly robust heterogeneous deep ensemble. Turk J Comput Math Educ 13:273–284

    Google Scholar 

  18. Torse DA, Khanai R (2022) Classification of epileptic seizures using ensemble empirical mode decomposition and least squares support vector machine. 2021 International Conference on Computer Communication and Informatics (ICCCI). pp 1–5

    Google Scholar 

  19. Natu M, Bachute M, Gite S, Kotecha K, Vidyarthi A (2022) Review on epileptic seizure prediction: machine learning and deep learning approaches. Comput Math Methods Med 2022:7751263

    Article  Google Scholar 

  20. George F et al (2022) Epileptic seizure prediction using EEG images. 2020 International Conference on Communication and Signal Processing (ICCSP). pp 1595–1598

    Google Scholar 

  21. Ouichka O, Echtioui A, Hamam H (2022) Deep Learning Models for Predicting Epileptic Seizures Using iEEG Signals. Electronics. 11(4):605. https://doi.org/10.3390/electronics11040605

    Article  Google Scholar 

  22. Chirasani SKR, Manikandan S (2022) A deep neural network for the classification of epileptic seizures using hierarchical attention mechanism. Appl Soft Comput 26:5389–5397

    Article  Google Scholar 

  23. Jiang Y, Yao Lu, Yang L (2022) An epileptic seizure prediction model based on a time-wise attention simulation module and a pretrained ResNet. Methods 202:117–126

    Article  Google Scholar 

  24. Oliva JT, Rosa JLG (2021) Binary and multiclass classifiers based on multitaper spectral features for epilepsy detection. Biomed Signal Process Control 66:102469

    Article  Google Scholar 

  25. Raghu S, Sriraam N, Temel Y, Rao SV, Kubben PL (2020) EEG based multi-class seizure type classification using convolutional neural network and transfer learning. Neural Netw. 124:202–212. https://doi.org/10.1016/j.neunet.2020.01.017. Epub 2020 Jan 25

  26. Ilias L, Askounis D, Psarras J (2022) Multimodal detection of epilepsy with deep neural networks. Expert Syst Appl. 213:119010. https://doi.org/10.1016/j.eswa.2022.119010

  27. Yao X, Cheng Q, Zhang GQ (2019) A novel independent RNN approach to classification of seizures against non-seizures. https://arxiv.org/abs/1903.09326

    Google Scholar 

Download references

Acknowledgements

Not applicable.

Funding

Not applicable.

Author information

Authors and Affiliations

Authors

Contributions

The original idea of the research work is of PK. Literature work and implementation work are done by PK. Reviews, suggestions and inputs to research work are done by MG and PG. Also, MG and PG have contributed to the implementation work. Results are validated and verified by PK, MG and PG. All authors have read and approved the manuscript.

Corresponding author

Correspondence to Pankaj Kunekar.

Ethics declarations

Competing interests

The authors declare that they have no competing interests.

Additional information

Publisher’s Note

Springer Nature remains neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Rights and permissions

Open Access This article is licensed under a Creative Commons Attribution 4.0 International License, which permits use, sharing, adaptation, distribution and reproduction in any medium or format, as long as you give appropriate credit to the original author(s) and the source, provide a link to the Creative Commons licence, and indicate if changes were made. The images or other third party material in this article are included in the article's Creative Commons licence, unless indicated otherwise in a credit line to the material. If material is not included in the article's Creative Commons licence and your intended use is not permitted by statutory regulation or exceeds the permitted use, you will need to obtain permission directly from the copyright holder. To view a copy of this licence, visit http://creativecommons.org/licenses/by/4.0/. The Creative Commons Public Domain Dedication waiver (http://creativecommons.org/publicdomain/zero/1.0/) applies to the data made available in this article, unless otherwise stated in a credit line to the data.

Reprints and permissions

About this article

Check for updates. Verify currency and authenticity via CrossMark

Cite this article

Kunekar, P., Gupta, M.K. & Gaur, P. Detection of epileptic seizure in EEG signals using machine learning and deep learning techniques. J. Eng. Appl. Sci. 71, 21 (2024). https://doi.org/10.1186/s44147-023-00353-y

Download citation

  • Received:

  • Accepted:

  • Published:

  • DOI: https://doi.org/10.1186/s44147-023-00353-y

Keywords