- 1King Salman Center for Disability Research, Riyadh, Saudi Arabia
- 2Department of Electrical Engineering, College of Engineering, King Faisal University, Al-Ahsa, Saudi Arabia
- 3Institute of Computing, Kohat University of Science and Technology, Kohat, Pakistan
- 4Deanship of E-Learning and Information Technology, King Faisal University, Al-Ahsa, Saudi Arabia
- 5Department of Humanities, College of Science and Theoretical Studies, Saudi Electronic University, Riyadh, Saudi Arabia
- 6Department of Computer Science, College of Engineering and Polymer Science, University of Akron, Akron, OH, United States
Introduction: Epilepsy is diagnosed in about 1% of the world’s population as a common brain disease. Timely prediction and detection of seizures can significantly improve the lives of epilepsy patients.
Methods: The study has garnered considerable attention over recent years, particularly in the context of advanced computational methods. However, current seizure detection methods still face several limitations, including high inter-patient variability, noisy and non-stationary EEG signals, and the limited generalization ability of single deep learning (DL) models. This paper presents an Ensemble of Deep Transfer Learning (EDTL) models for personalized seizure detection. The technique combines ResNet and EfficientNet methods along with a customized two-Dimensional Convolutional Neural Network (2DCNN) method for patient-specific seizure detection using EEG data. Raw data from the recordings of seizure patients is transformed into EEG signals. Personalized sliding windows are used to extract and store spectrograms for the patients. Patient-specific features are extracted from individual records. EEG signals are normalized for consistent scaling. Short Time Fourier Transform (STFT) is then applied for continuous window slicing over short time intervals. To address the limitations above, the proposed EDTL framework integrates general-purpose pre trained models with a domain-specific custom 2DCNN to capture complementary features. This design improves robustness against noise, enhances adaptability to patient-specific variability, and achieves better generalization compared to individual models. The transformed data is then passed on to train and optimize the models independently and later combined into EDTL.
Results and discussion: A comparative evaluation is performed using standard evaluation metrics on two datasets, the CHB-MIT Scalp EEG Database and Turkish Epilepsy EEG Dataset. The proposed EDTL models are evaluated against the individual models on standard performance metrics, with the EDTL achieving the highest performance of 99.23% on the AUC.
1 Introduction
Epileptic seizures are caused by abnormal electrical activity in the brain and can severely affect a person’s health and quality of life. Early detection is critical for preventing serious complications. Electroencephalogram (EEG) signals are widely used for seizure detection due to their ability to capture brain activity in real time. However, seizure patterns vary greatly across individuals, making it difficult to design a single model that works well for all patients (Amin et al., 2020). This inter-patient variability arises from variations in brain shape, seizure patterns, and signal characteristics, necessitating a customized approach for seizure detection. Epilepsy, a prevalent neurological disorder that impacts individuals across all age groups, can be fatal if not detected timely and left untreated. A seizure is a neurological condition characterized by a complex chemical change in brain nerve cells, generating electrical signals (Amin et al., 2020). This can lead to mild jerks, severe convulsions, and impaired movement, bowel and bladder control, and cognitive functions. It also disrupts consciousness and cognitive functions (Sharmila and Geethanjali, 2016). Epilepsy affects 70% of adults and 30% of children, with 70% etiology unknown. Recurrent seizures are classified as partial or generalized, with one type being partial (Sharmila and Geethanjali, 2019).
To address the complexity of EEG signals, DL methods have been widely explored. RNNs, especially LSTM and GRU networks (Shekokar and Dour, 2022; Chauhan and Vig, 2015), are popular for modeling sequential EEG data. While GRUs are faster and lighter, LSTMs are more accurate with long sequences, making them preferred in many studies. CNNs are often combined with LSTM or GRU to capture the temporal features of EEG along with the spatial features. However, standard encoder-decoder LSTM models may lose important information due to compression into a single vector. Attention mechanisms have been introduced to solve this issue by helping the models to prioritize more significant segments of the EEG signals (Guo et al., 2020).
The typical morphology of EEG data is altered during an epileptic seizure. Consequently, three phases can be identified for the state categorization of epileptic patients, based on the diverse properties of EEG signals. These three phases are normal, preictal, and ictal. Prior to the actual initiation of a seizure, numerous electrical abnormalities start in the cerebrum of epileptic patients. This is referred to as the preictal period. To identify seizures at this time, it is essential to document the electrical abnormalities in the patient’s brain during the shift from normal to the ictal phase (Kulaseharan et al., 2019; Zazzaro et al., 2021; Van Klink et al., 2019; Fountas and Kapsalaki, 2019; Subasi et al., 2019; Acharya et al., 2018; Lauretani et al., 2021; Carbó-Carreté et al., 2020; Morales Chacón et al., 2021; Takagi et al., 2020). Thus, it is imperative to identify epileptic seizures early, in the preictal stage. The lives of the patients can possibly be saved by allowing the practitioners to implement preventative measures in a timely manner to avert harmful and perhaps fatal incidents. In EEG examinations, the brain’s electrical activity is detected by electrodes. A paste like medium or cap is used to affix these electrodes to the scalp.
EEG signal patterns change significantly during a seizure, typically progressing through preictal, ictal, and postictal phases. Detecting seizures in the preictal phase is vital, as it allows preventive action. To record the EEG signals, electrodes are placed on the scalp, which makes real-time, non-invasive monitoring possible. Traditional seizure detection relies on handcrafted features and large labeled datasets, which can be time-consuming and hard to generalize. Training DL from scratch for each patient is also not practical. Transfer Learning (TL) offers a better approach by adapting pre trained models to new tasks using smaller data. This helps build faster, more accurate seizure detection models tailored to individual patients.
Traditional seizure detection strategies frequently rely upon vast classified records and handmade functions that are hard work-in-depth and can fail to generalize across patients (Sharmila and Geethanjali, 2016). DL has demonstrated considerable promise in automating function extraction and improving detection accuracy; however, training a DL model from scratch for each patient is resource-intensive and impractical. TL, which permits the model of pre-trained fashions to new responsibilities or domains with limited statistics, offers a feasible option to cope with this mission (Sharmila and Geethanjali, 2019; Kulaseharan et al., 2019). By leveraging expertise from a regularly occurring base version trained on a big dataset, TL can create efficient and optimized models for individual patients, achieving better accuracy and efficiency in seizure detection.
In this paper, we propose an ensemble of pertained DL models combined with patient-specific optimization, called EDTL. This model adapts general knowledge from existing models to each patient’s data, improving detection performance with fewer resources. We chose commonly used DL models (ResNet, EfficientNet, and a custom CNN) for comparison to show the benefits of transfer learning in seizure detection. While these may not reflect the most recent SOTA models, they are widely accepted in literature and provide a solid baseline. Future work will extend this study by comparing EDTL with more advanced, SOTA approaches on larger datasets.
The contributions of this work are:
1. A comprehensive, computationally efficient framework for personalized seizure detection.
2. Analysis of pre trained models, together with transfer learning and domain-specific optimization.
3. Empirical evaluation of the proposed EDTL approach, demonstrating its advantages using standard evaluation protocols.
The paper is organized as follows: Section 2 offers a review of the existing literature on seizure detection techniques specifically and the applications of transfer learning in the healthcare domain generically. Proposed materials and methods are delineated in Section 3, encompassing aspects such as dataset preparation, model architecture, and transfer learning strategies. Section 4 outlines the experimental framework and presents the results, emphasizing the performance of personalized models in comparison to baseline methods. In Section 5, the paper is concluded by presenting a summary of the principal findings, a discussion of the potential limitations, as well as suggesting potential possibilities for future research.
2 Literature review
Most automated seizure detection systems employ ML and DL techniques that consist primarily of two processes: feature engineering and classification (Boonyakitanont et al., 2020; Anusha et al., 2012; Adeli et al., 2007). The non-stationary characteristics of EEG signals necessitate considerable effort and specialized knowledge in the feature extraction process to analyze and assess the signals (Farooq et al., 2023; Siddiqui et al., 2020). An important concept to consider is the automatic learning and extraction of features directly from raw data, independent of human expertise. Manasvi Bhat et al. (2019) conducted an analysis utilizing actual data sourced from the Epilepsy Ecosystem. Various signal processing techniques and mathematical operations are utilized for extracting features from the data following preprocessing. Models are developed utilizing diverse combinations of these characteristics alongside supervised learning methods such as XG Boost and Extra Trees Classifier, applicable to both generalized and patient-specific contexts. These models are designed to endure noise and maintain robustness. It is observed that the generalized model utilizing XG Boost, trained with enduring features, attains a higher level of accuracy.
Almustafa (2020) identify a correlation between seizures and abnormal brain activity associated with epilepsy, characterized by a range of symptoms. Furthermore, dataset prediction employing feature selection based on attribute variance was performed. The dataset on epileptic seizures was classified using various methods. Further analysis examined various factors, including the divisions of the training and testing sets in the random forest, as well as the learning rate, regularization parameter, and loss function of the stochastic gradient descent (SGD). The findings indicate that enhancing classification accuracy is attainable through the fine-tuning of specific classifier parameters. Researchers have vastly utilized Machine learning (ML) algorithms for the identification of seizures in newborns. Purnima and Kattepura (2023) have explored ML algorithms for detecting neonatal seizures. The utilization of ML to tackle this challenge is promising, as early seizure prediction may enable implanted neuro stimulators to intervene and avert seizures. The study employs machine learning and DL methodologies to forecast epileptic episodes. ML-based architecture is presented by the study that exhibits optimal performance on prediction, like earlier models, while requiring minimal configuration. The study evaluates various methods for seizure prediction using EEG and various ML models, including advanced techniques. The proposed classifier is trained on a publicly available dataset of NICU seizures recorded at Helsinki University Hospital and evaluated utilizing standard evaluation methods.
Amin et al. (2020) introduced an innovative approach utilizing ML techniques for the automatic identification and diagnosis of epileptic episodes in EEG recordings. The author identifies and categorizes characteristics through wavelet analysis and arithmetic coding. The text examines the challenges and opportunities associated with predicting epileptic seizures through the application of ML techniques. This article offers insights into the identification of gaps and challenges in accurate seizure detection. Furthermore, it proposes potential avenues for future research in this domain. The research methodology included a thorough literature review, focusing on the selection process of pertinent papers and the use of abstract-based key wording to determine the most relevant keywords. The study presents a classification that encapsulates the advanced solutions for the issue (Walther et al., 2023). This study introduces a new architecture that employs deep recurrent neural networks (DRNN) for the automated identification of patient-specific seizures using scalp EEG data. Furthermore, the objective is to map seizure EEG signals to facilitate efficient processing using the DRNN. This mapping allows the DRNN architecture to concurrently learn the spatial as well as the temporal characteristics of raw seizure EEG signals. DRNN architecture is evaluated using long-term scalp EEG data from five subjects, amounting to approximately 34 h, sourced from a publicly available dataset. The proposed network effectively identifies all seizure occurrences, exhibiting an average detection delay of 7.0 s. Statsenko et al. (2023) examine the potential benefits and challenges associated with utilizing this data to improve seizure detection, ultimately aiming to enhance the quality of life for patients. Additionally, the author examines the application of ML in analyzing and extracting features from EEG signals, presenting methods to attain high classification accuracy.
Omar et al. (2024) presented a distinctive classification method for EEG time series utilizing RNNs that incorporates LSTM networks. Their proposed deep network effectively extracts and visualizes distinct temporal patterns from sequential EEG data. Features are derived automatically from unprocessed raw EEG data, eliminating the necessity for preliminary processing and reducing the manual effort involved in feature construction. Asif et al. (2020) present a DL approach utilizing a dense CNN to train robust features across various temporal and spatial EEG data spectrum resolutions. This enables precise classification of seizure types among patients. In Xu et al. (2020), have analyzed EEG data for the automatic identification of epileptic seizures, proposing the 1D CNN-LSTM model. The analysis is performed by initially preprocessing and normalizing the raw EEG signal data. The normalized EEG sequence data is utilized to construct a 1D CNN, which efficiently extracts information. Lebal et al. (2023) introduced a collection of DL tools, Epilepsy-Net, designed for the processing of EEG signals, with the objective of distinguishing between epileptic and non-epileptic seizures. The Epilepsy-Net framework integrates various components, including 1D-CNNs, RNNs, and attention mechanisms. Specific models instantiate each algorithm: the convolutional block attention module for attention mechanisms, gated recurrent units for RNNs, and ResNet and Inception for CNNs. However, the author validated Epilepsy-Net through the analysis of multiple extensive public EEG signal datasets. The experimental results demonstrate that the attention-based DL technique is highly effective in accurately detecting epilepsy from EEG signals. Riyazulla Rahman (2023) has discussed in detail the application of advanced computational methods for the automation of the detection of epileptic seizures, specifically focusing on DL techniques. The performance of various DL architectures, including SeizNet, 2D-CNN, and 1D-CNN, was highlighted. Geethanjali (2015) have utilized binary classification to propose a method that divides the EEG signal activity into seizure and non-seizure classes. The method has been shown to efficiently differentiate between the two classes. The k-NN classifier is used to execute multiple classification tasks. Mirjalili et al. (2014) propose several features that improve the efficacy of the seizure prediction model. Significant evaluations are observed in learning methodologies involving RNNs, CNNs, and SVM. They have implemented a multitude of kernel functions for improving the predictive performance of the classification models. Another study Moldovan (2022) employed an RNN model for the recognition of epileptic seizures via binary classification. An RNN model was employed for the classification of monitored data, utilizing LSTM for the first layer and the Horse Optimization Algorithm (HOA) for the dropout layer. Manocha et al. (2022) employed a one-dimensional CNN for classifying EEG time series data included a one-dimensional CNN module combined with a ResNet module to determine the presence of epilepsy, resulting in an AUC of 98%. Nanthini et al. (2022) utilized an LSTM model to train, detect, and predict epileptic seizures, including state changes and chaotic EEG seizures. This research aimed at developing a small, low-cost wearable device.
Deep transfer learning has been vastly studied for disease prediction (Shaikh et al., 2025; Khaliki and Başarslan, 2024) generally and seizure prediction specifically (Lopes et al., 2024; Wei and Mooney, 2023). Similarly, an ensemble of deep machine learning models has also been successfully applied for the prediction of different diseases (Shaikh et al., 2025; Mou et al., 2024; Reshan et al., 2023; Saleh Al Reshan et al., 2024). He et al. (2024) have proposed SeizureLSTM, where the raw EEG signals are decomposed into different frequency bands by utilizing Tunable Q Wavelet Transform. These are subsequently used for extracting the informative signal features, using 1DCNN and spectral features. The work relates to seizure detection using an optimized LSTM-based deep model with attention. Yuan et al. (2024) presented a hybrid model for seizure prediction combining DenseNet architecture for fine-grained spatial feature extraction and Vision Transformer (ViT) architecture for global context modeling, with an attention fusion layer to adaptively combine their outputs. They leverage the efficiency of DenseNet for capturing hierarchical features, while self-attention mechanisms of ViT are utilized for global feature representation. The methodology involves preprocessing raw EEG signals using STFT to create time-frequency matrices, which are then processed through the hybrid network for seizure prediction. The researchers evaluated their model using the CHB-MIT dataset, employing leave-one-out cross-validation for performance assessment. The approach is related to the proposed work since it uses EEG with DenseNet and attention mechanism, both often leveraged in seizure-related neural decoding. Apart from the work specifically related to seizure detection, the field can also benefit from the methods applied in relevant disciplines. The Reseek-Arrhythmia model Yang et al. (2024) uses DL techniques for automatic heart arrhythmia detection and classification. The model leverages ResNet architectures and transfer learning approaches, making it relevant for similar signal processing challenges in medical diagnostics. The model focuses on arrhythmia detection using DL architectures (ResNet), which is highly relevant as arrhythmia and seizure detection share signal processing and classification challenges. Transfer learning approaches are often employed in arrhythmia detection, making this a directly relevant comparison (Yang et al., 2025).
According to our knowledge, many existing methods for seizure detection use machine learning or DL with manually selected features. While models like CNNs and LSTMs perform well, they often require a lot of expert knowledge and do not work equally well for all patients. After reviewing the literature review, it can be observed that some recent studies use transfer learning and attention-based models, but most still lack proper personalization and are not efficient enough for real-time use.
The proposed research offers a simple and efficient approach that combines pre trained models, transfer learning, and tuning for specific patients. It helps improve accuracy and speed while adapting to each person’s data. This makes the system more flexible and useful in real-world healthcare settings. Unlike earlier models, the proposed framework learns directly from the data with less manual effort. It also supports faster deployment across different users, making it suitable for clinical use.
3 Materials and methods
The proposed methodology uses an ensemble of optimized DL algorithms using transfer learning for personalized seizure detection. The publicly available CHB-MIT database is employed to train and optimize the models separately and subsequently combined to form an ensemble of the models. The dataset is explained in detail in the experiments section. Figure 1 exhibits the step-by-step process of the methods and materials used in the work. Raw EEG signals are preprocessed, normalized, and segmented. The STFT is applied to generate overlapping spectrogram windows. The spectrograms are then used for feature extraction and fed into pre-trained models (ResNet-18, EfficientNet-B0, and a 2DCNN). The models are optimized individually, combined into an ensemble, and finally evaluated using standard performance metrics.
3.1 Preprocessing and segmentation
Preprocessing is performed to extract the EEG signals from the recordings of seizure patients. Personalized sliding windows are used to extract and store spectrograms for the patients. Patient-specific features are extracted from individual records. EEG signals are normalized for consistent scaling.
3.2 EEG signal normalization
EEG signals were normalized for consistent scaling across patients and recording sessions. Normalization ensured that variations in amplitude due to electrode placement or recording conditions did not bias the model training process.
3.3 STFT method
STFT is then applied for continuous window slicing over short time intervals. STFT is used for avoiding the loss of information in the form of spectral leakage by generating overlapping spectrogram windows. In STFT, a signal is broken into overlapping segments, the Fourier Transform is applied to each segment, and the results are combined. For a given discrete signal , the STFT is defined in Equation 1 as:
where is the result obtained at time index t and frequency index k, is the input signal, is the windowing function for the current sample index n, R is the step size overlap between the segments, and N is the length of the segment. A spectrogram is then computed as the squared magnitude of the STFT . We have chosen a window size of 8 s with a step size of 4.
3.4 Spectrogram generation
To further reduce the noise, spectrograms are generated from the EEG signals. This step improves the performance of the individual as well as the ensemble of the models. Figure 2 shows the sample spectrograms extracted.
3.5 Hann window function
The Hann Windowing function (Pielawski and Wählby, 2020) used be defined in Equation 2 as
The windowed signal is then obtained using the product of the original input signal and the Han window , i.e., . The Hann Window function minimizes the spectral leakage by smoothly tapering the signal to zero at the edges, minimizing the effect of sharp discontinuities. The spectrograms and the labeled windows are then passed to the models.
In addition, EEG windows with seizure and non-seizure activity are highlighted across multiple channels in Figure 3. Red traces represent seizure activity, characterized by abnormal and synchronized electrical discharges, while blue traces represent non-seizure (normal) activity. This visualization provides a comparative overview of the temporal and spatial differences in brain signal patterns between seizure and non-seizure states.
Figure 3. EEG windows showing seizure (red) and non-seizure (blue) activity across different channels.
3.6 Proposed 2-phase model
A 2-Phase training model is proposed for personalized seizure detection. The steps involved can be seen in Figure 4. Raw EEG signals are passed to the model as input and converted in window segments. Each segment is then converted into a spectrogram using STFT. Single channel 2D images represented frequency vs. time are generated as output to be passed to CNN-based deep transfer learning models as input. Ensemble of deep transfer learning models is then applied following a 2-Phase training approach for personalized seizure detection. Phase 1 is the base training phase, where the models are trained on all the patients except the target patient. The goal is to learn the general transferable seizure patterns. Phase 2 is the fine-tuning or personalization phase, where the base models are fine-tuned on part of patient’s data. The target patient’s data is split into training and validation data where the base models are fine-tuned on the training data of the target patient. This fine-tuning allows the models to adapt to the patient-specific EEG patterns. The learning rate in the fine-tuning phase is kept lower than the base training phase to avoid the pre trained weights from being destroyed. After the fine-tuning phase, each patient has three models. Ensemble of the models is then applied final predictions.
3.6.1 Phase-1: pre-trained model optimization for transfer learning
Each model was trained using appropriate optimization strategies to address challenges such as overfitting and vanishing gradients. Regularization techniques, dropout layers, early stopping, and learning rate scheduling were applied. Transfer learning was employed for ResNet-18 and EfficientNet-B0, allowing faster convergence with limited data, while the custom 2D-CNN was optimized through architecture tuning tailored to seizure spectrograms.
Two pre trained models and a customized 2DCNN model were trained on the processed data. The ResNet model (Yang et al., 2025), has been widely utilized in medical image processing applications (Haq et al., 2023). ResNet is a CNN-based architecture that utilizes residual connections to effectively train very deep networks by alleviating the network degradation and vanishing gradient problems encountered in traditional neural networks. Residual blocks are formed by using the skip connections, where some layers are skipped while activating the connections of layers to further layers in the network. Stacking of the residual blocks then constitutes the ResNet. ResNet prefers to learn fitting to residual mapping rather than underlying mapping. The ResNet18 variant of the ResNet network has been utilized in this study as one of the pre trained models in the EDTL models for seizure detection. Due to its relatively lightweight architecture, consisting only of 18 layers, compared to the deeper variants like ResNet-50 and ResNet-101, the number of trainable parameters is significantly reduced. The RenNet18 network has been widely utilized in various fields. Despite its reduced architecture, ResNet18 maintains powerful feature extraction capabilities balanced with computational efficiency. Regularization is used to skip the layers that degrade the performance of the network. The deep network model is degenerated into a shallow network by applying a constant mapping function Equation 3, thus avoiding the gradient explosion problem. The residual module, denoted by H(x) in the residual network, given the input x, is computed as:
where F(x) is the output of the nonlinear transformation function applied to the input x through a sequence of two convolutional layers. That is, .
The gradient of is computed using the formula in Equation 4:
The above formula shows that, no matter how small the gradient F′(x) becomes, the total gradient value, represented by H'(x), will always be equivalent to a minimum of 1, due to the addition of 1 to the gradient value of . This is a crucial property of the ResNet model since this prevents the gradient from going too small during its propagation through the layers, thus effectively solving the gradient vanishing problem. The problem is caused by the increasing depth of the network in deep neural networks without residual connections. The second pre trained model used was EfficientNet (Uddin et al., 2024). EfficientNet is also a CNN-based architecture designed for performance and efficiency. The model utilizes compound scaling methods to scale the dimensions of width, depth, and resolution uniformly by using a compound coefficient. The lightweight EfficientNet-B0 variant is used in this work. We also utilized a customized two-dimensional convolutional neural model (2DCNN). The model consists of multiple layers designed to optimize feature extraction. The models were trained and optimized separately, utilizing the transfer learning capabilities of the pre trained models.
3.6.2 Phase-2: ensemble of deep transfer learning
The three optimized models were stacked together to form an ensemble of a deep transfer learning method. The models are stacked to improve the overall prediction accuracy by aggregating the predictions from the three pre trained models. Each of the pre trained models learns to focus on different features or representations of input data. The combined output of the EDTL models thus significantly improves the predicted performance. Logistic regression is used as a meta-model to combine the predictions of the pre trained models to make the final decision. The proposed method combines the strengths of general-purpose pre trained models with the domain-specific custom 2DCNN model. The method combines the unique strengths of the individual models to leverage their complementary feature extraction capabilities. The ResNet model utilizes residual connections to learn deep hierarchical features, which can be particularly useful in domains with complex feature extraction requirements, such as spectrogram-based seizure signals, where it is important to capture long-range dependencies. EfficientNet enhances the efficiency of the EDTL by balancing computational efficiency and performance by scaling depth, width, and resolution. The custom 2DCNN is tailored to the domain specific features of seizure spectrograms and time-frequency representations. It utilizes domain specific architecture optimization by applying specialized convolution filters for capturing seizure patterns.
Raw EEG signals are transformed into spectrograms and are separately fed into each model, where each model independently extracts its own feature representation. The features extracted from the spectrograms are concatenated and passed to the next layer. Final predictions are then performed using the meta-model. The detailed structure of the proposed efficient model highlights the key components contributing to its improved performance, which can be seen in Figure 5.
To address potential training challenges such as vanishing gradient and overfitting, multiple strategies were employed. Residual connections in ResNet-18 and batch normalization in EfficientNet-B0 stabilized gradient flow, while ReLU activations in the 2DCNN further mitigated gradient vanishing. To reduce overfitting, dropout and L2 weight regularization were applied in addition to data augmentation. Early stopping and learning rate scheduling were also utilized to avoid over-training and improve model generalization.
4 Results
4.1 Description of the dataset
Two real world datasets were used to evaluate the performance of the proposed model. The details of the datasets are explained below.
4.1.1 CHB-MIT scalp EEG database
CHB-MIT Scalp EEG database made publicly available by Shoeb (2010) was used to evaluate the performance of the proposed EDTL. The database contains EEG recordings of pediatric patients with intractable seizures. The recordings consist of 23 cases recorded from 22 subjects. Five of the subjects were males with ages between 3 and 22, while 17 subjects were females, with ages between 1.5 and 19. Recordings for one subject were repeated after a gap of 1.5 years. The recordings were conducted post anti-seizure medication withdrawal during their monitoring for possible surgical intervention and assessment of their seizure characteristics, at the Children’s Hospital Boston. There are a total number of 664.edf files in the dataset, with each case containing 9–42.edf files for each subject. One hundred twenty-nine of the files are records of seizures. The dataset also contains the subject information. One hundred ninety-eight of the records include seizures and are annotated accordingly. The protected health information and dates in the original files have been anonymized with surrogate details without disturbing the time relationships between the individual files.
4.1.2 Turkish epilepsy EEG dataset
The Turkish Epilepsy EEG Dataset was released by Tasci et al. (2023) and is publicly available. The dataset consists of 71 healthy control signals and 50 seizure signals with a sampling frequency of 500 Hz.
4.2 Hyper parameters tuning
ResNet-18 architecture was used with transfer learning enabled, allowing the model to benefit from general image features, even when applied to spectrogram-based data. The input channels are modified to adapt the ResNet-18 for 1-channel data while retaining the architecture’s spatial feature extraction capacity. The classification head is also modified for binary classification. It reduces the dimensionality of the output features from ResNet’s last convolutional block. Fully connected 256-dimensional hidden layer is used to add representational capacity, allowing the network to learn higher level abstractions from the features extracted by the convolutional backbone. This transformation acts as a feature bottleneck, helping the model to prioritize the most informative components, such as seizures in EEG signals, while suppressing the less relevant information. To enable the model to separate data classes in high-dimensional feature spaces by learning non-linear, complex decision boundaries, Rectified Linear Unit (ReLU), a non-linear activation function, is applied. The model randomly drops 25% of the neurons during training. This acts as a regularize, mitigating the risk of overfitting—especially important when training on medical datasets like EEG data. Sigmoid activation function converts the single output logit into a probability in the range [0, 1], allowing the output to be interpreted as the likelihood of a seizure event. Similar modifications also applied for EfficientNet to adapt the model for processing single-channel EEG spectrogram and suiting to binary classification. The custom 2DCNN model is composed of six sequential convolutional layers, to extract hierarchical features from the input data, followed by an adaptive pooling layer, to adjust the special dimensions to a fixed size. Finally, fully connected layers are added to produce final predictions. The details of hyper parameters can be found in Table 1.
4.3 Optimization of the models
Each of the pre trained model and the customized 2DCNN were optimized independently before being stacked for transfer learning. The models were trained on the dataset over 200 epochs with early stopping enabled with a patience value of 20. Figure 6 shows the optimization of the 2DCNN model on the given dataset. The loss error, precision, recall, accuracy, F1 measure and AUC have been reported for the training and validation set. The figure shows that the model stabilizes over the iterations and achieves early convergence and shows tendencies to over fit afterwards. Initially, the loss on both the training data and validation data decreases while the accuracy shows consistent improvement, where the training accuracy reaches over 96% and the validation accuracy crossing 88%. Then the model tends to over fit with validation error not improving over the epoch, while the accuracy of the model stabilizes. Early stopping is used to avoid overfitting of the model. Precision performance of the model on training data shows steady improvement, reaching up to 93%, while the validation precision shows variation with the best value reaching up to 90%. Recall metrics of the model shows consistency with training recall reaching up to 90% and the validation recall achieving a maximum value of 78%. The F1-measure of the model remains consistent for both the training and validation sets, with the training F1 score crossing 91% and validation F1 score reaching up to 78%. The AUC performance measure shows consistency over all the epochs. The AUC score for the training set of the model reaches up to 98% and for the validation set the score achieves a maximum value of 94%. Model with best validation loss is saved to be further used as part of the ensemble learning.
Figure 7 shows the optimization of the pre trained ResNet model on the given dataset. The loss error, precision, recall, accuracy, F1 measure and AUC have been reported for the training and validation set. As shown in the Figure, like the customized 2DCNN model, the ResNet model stabilizes over the iterations and achieves early convergence. However, the model shows tendencies to over fit afterwards, with widening difference between the training and validation loss. Initially, both the training and validation loss decrease while the accuracy shows consistent improvement, with the training accuracy reaching over 98% and the validation accuracy crossing 90%. Then the model tends to over fit with validation error not improving, or getting worse, over the subsequent epochs, while the accuracy of the model stabilizes. Early stopping is used to avoid overfitting of the model. Precision of the model on training data shows steady improvement, reaching up to 98%, while the validation precision shows comparatively low variation with the best value reaching up to 90%. Recall metrics of the model shows continued improvement on the training data, reaching up to 98% and the validation recall achieving a maximum value of 84%. The F1-measure of the model remains consistent for both the training and validation sets, with the training F1 score crossing 98% and validation F1 score reaching up to 84%. The AUC performance measure shows consistency over all the epochs. The AUC score for the training set of the model reaches up to 100% and for the validation set the score stabilizes at a maximum value of 96%. Model with best validation loss is saved to be further used as part of the ensemble learning.
Figure 8 shows the optimization of the pre trained EfficientNet model on the given dataset. The loss error, precision, recall, accuracy, F1 measure and AUC have been reported for the training and validation set. The figure suggests that, unlike the customized 2DCNN and ResNet models, the EfficientNet model converges over more iterations and shows comparatively stable performance. The model shows less tendencies to over fit, with comparatively lower gaps between the training and validation loss. Moreover, the validation loss is stable over epochs as compared to other models, where the performance on the validation set decreases after certain iteration, indicating overfitting. Initially, both the training and validation loss decrease while the accuracy shows consistent improvement, with the training accuracy reaching up to 98% and the validation accuracy crossing 92%. Then the model generalizes better to the validation set across the validation metrics, with validation error showing improvement, and stabilizing over the subsequent epochs, while the accuracy of the model stabilizes. Again, early stopping is employed to avoid overfitting of the model. Precision performance of the model on training data shows steady improvement, reaching up to 98%, while the validation precision shows comparatively low variation with the best value reaching up to 90%. Recall metrics of the model shows continued improvement on the training data, reaching up to 98% and.
The EDTL model is an ensemble of 2DCNN, ResNet-18, and EfficientNet-B0, where features from each base model are extracted and concatenated for final classification. Unlike individual neural networks, the ensemble does not update weights during training; it only combines the predictions of the pre-trained base models. Therefore, epoch-wise training or validation loss/accuracy curves are not available for EDTL. Its performance is reported using final evaluation metrics (Accuracy, Precision, Recall, F1-score, AUC) on the test set. However, ensemble evaluation curves can be simulated epoch by averaging the evaluation metrics across the individual models, shown in Figure 9. Since each model might converge at the different number of epochs, the model with maximum number of epochs is identified and the missing epochs for the other models are padded with the last value to run the ensemble curves for as long as the longest trained model.
4.4 Performance evaluation on the test data
The proposed EDTL mechanism is evaluated and compared against the optimized DL models. 15% of the dataset is used as a test set to evaluate the performance of the model on unseen data. The optimized models are comparatively evaluated on the test data, and the proposed EDTL method shows considerable improvement over the individual pre trained DL models. The confusion matrices of the models can be seen in Figure 10a, depicts the confusion matrix of 2DCNN model on the test data. The model correctly classifies 17,821 samples into non-seizure and 5,407 samples into seizure classes. The model incorrectly classifies 862 samples into non-seizure and 1,575 samples into seizure classes. Figure 10b depicts the confusion matrix for the ResNet method. The model accurately classifies 18,072 samples into non-seizure and 6,346 samples into seizure classes. The model inaccurately classifies 611 samples into non-seizure class and 636 samples into seizure class, showing an improved performance. Figure 10c depicts the confusion matrix for the EfficientNet method. The model accurately classifies 17,954 samples into non-seizure class and 6,264 samples into seizure class and inaccurately classifies 729 samples into non-seizure and 718 samples into seizure class. The confusion matrix of the EDTL for the test data is depicted in Figure 10d. The model significantly outperforms the deep transfer and custom models. It correctly classifies 18,332 samples into non-seizure and 6,503 samples into seizure classes. We can observe the inaccuracy of the model with the classification of 416 seizure samples into non-seizure class and 414 non-seizure samples into seizure class.
Figure 10. Confusion matrices for the models on test data; (a) for 2DCNN; (b) for ResNet18; (c) for EfficientNet-B0; (d) for EDTL.
Table 2 compares the performance of EDTL on the most frequently used evaluation metrics in the literature with the standard deep transfer and customized CNN models. The model shows significant performance improvement over most of the metrics. The best scores have been highlighted.
The EDTL model achieves a score of 96.65% for accuracy, score of 94.07% for precision, a recall score of 93.57%, a score of 93.82% for F1, and an AUC score of 99.23%. The performance of the EDTL compared to the other models suggests considerable improvement without increasing the complexity of the model. Figure 11 presents a comparative analysis of the AUC values obtained from the evaluated models. In Figure 11, Model 1 displays the ResNet18 method, Model 2 shows the EfficientNet-B0, and Model 3 shows the 2DCNN model. The proposed EDTL framework is shown by the Ensemble mechanism. The proposed framework significantly outperforms the other models on the AUC score, achieving a score of 99.23%. The ResNet method performs second best with an AUC score of 98.97%, followed by the EfficientNet method with a score of 98.52%. Although the customized 2DCNN shows good performance with an AUC score of 96.71%, the deep transfer learning-based models significantly outperform the model, with the proposed EDTL performing better overall than the other models, as shown in Figure 12.
To further analyze the efficiency of the proposed methodology, the computational requirements of individual models and the ensemble were measured in terms of training time per epoch and inference time per sample, as illustrated in Figure 13. The figure compares training time per epoch (in seconds) and inference time per sample (in milliseconds) for Custom 2DCNN, ResNet-18, EfficientNet-B0, and the proposed ensemble (EDTL). The ensemble requires more computation but delivers superior performance and robustness across datasets.
Table 3 shows how our model compares with other studies that used the same CHB-MIT EEG dataset. The comparison has been performed with results reported in the original works or the relevant literature. Some models, such as LSTM with handcrafted features, gave high accuracy (98.43%), while others, like 3D CNN and Vision Transformers, had lower results, with accuracy around 80–85%. The EDTL model performed very well, with 96.65% accuracy, 94.07% sensitivity, and a high AUC of 99.23%. This shows our model is strong, balanced, and works better than many existing methodologies.
Compared to previous studies, the proposed ensemble models showed clear improvements in performance. Earlier works, such as those by Taherinavid et al. (2024), Wang et al. (2021), He et al. (2016), and Godoy et al. (2022), and Shoeb (2010) achieved moderate accuracy and sensitivity, while methods relying on handcrafted features, such as Cao et al. (2025) and Pielawski and Wählby (2020), performed strongly but were limited by feature engineering requirements. The slightly lower performance of our proposed methodology on the CHB-MIT Scalp EEG dataset compared to Cao et al. (2025), Pielawski and Wählby, (2020) (96.65% vs. 98.43%) may be due to differences in preprocessing and feature engineering. Cao et al. relied on handcrafted features with an LSTM model, whereas our method uses an ensemble-based approach without handcrafted features.
However, when applied to the Turkish Epilepsy EEG dataset, our methodology achieved competitive or even higher results (e.g., 98.07% accuracy with stacking ensemble and 99.77% specificity), which highlights the robustness and generalizability of the proposed approach across different datasets. In contrast, the proposed EDTL and stacking ensemble models demonstrated consistently high accuracy, sensitivity, specificity, and AUC across both the CHB-MIT and Turkish Epilepsy EEG datasets. This highlights their robustness and reliability, indicating that ensemble-based approaches are more effective for epilepsy detection compared to single DL models used in earlier studies.
5 Discussion
Approximately 1% of the global population is affected by epilepsy, representing millions of individuals worldwide who could benefit from improved seizure detection and prediction technologies. The development of advanced computational methods for detecting seizures has garnered significant attention over the past several years, motivated by their potential to significantly improve the quality of life for individuals affected by epilepsy through more accurate, timely, and automated intervention strategies. A comprehensive, computationally efficient framework for personalized seizure detection is presented in this work, performing rigorous analysis of pre trained models, augmenting the pre trained models and domain-specific optimization. Empirical evaluation of the proposed approach is performed, demonstrating its advantages in terms efficiency and flexibility, without compromising the performance. EDTL is efficient because it uses pre trained networks, reducing training time and computational costs. It is also flexible, as it performs well on raw EEG data from different patients without needing complex feature extraction. The proposed EDTL framework represents a sophisticated approach to personalized seizure detection that addresses the intrinsically variable nature of seizure patterns across individual patients. The methodology combines the strengths of established deep learning architectures—ResNet and EfficientNet—with a customized 2DCNN specifically designed for this application.
The preprocessing pipeline demonstrates careful consideration of the unique characteristics of EEG data. Raw recordings from seizure patients undergo transformation into standardized EEG signals, followed by the application of personalized sliding windows to extract spectrograms tailored to individual patients. This patient-specific approach is crucial given the significant inter-patient variability in brain structure, seizure patterns, and signal characteristics. The normalization of EEG signals ensures consistent scaling across different recordings, while the STFT enables continuous analysis of signals over short time intervals, capturing the dynamic nature of seizure activity.
The training strategy employed demonstrates a methodical approach to model optimization. Each component of the ensemble—the pre trained models and the customized 2DCNN—were optimized independently by over 200 epochs with early stopping mechanisms to prevent overfitting. The patience value of 20 epochs provided sufficient opportunity for model convergence while maintaining computational efficiency. The customized 2DCNN model exhibited typical DL training characteristics, with both training and validation losses decreasing initially while accuracy improved consistently. Training accuracy reached over 96% with validation accuracy exceeding 88%. However, the model showed tendencies toward overfitting as training progressed, with validation metrics stabilizing while training metrics continued to improve. The precision reached 93% on training data and 90% on validation data, while recall achieved 90 and 78%, respectively. The F1-measure maintained consistency across both sets, with training F1 crossing 91% and validation F1 reaching 78%. The AUC performance demonstrated strong discriminative ability, achieving 98% on training data and 94% on validation data. The ResNet model demonstrated superior performance characteristics compared to the custom 2DCNN, achieving over 98% training accuracy and 90% validation accuracy. This pertained model showed excellent precision and recall metrics, with training values reaching 98% for both measures and validation precision and recall achieving 90 and 84%, respectively. The F1-scores reflected this strong performance, with training F1 exceeding 98% and validation F1 reaching 84%. Notably, the AUC performance was exceptional, achieving 100% on training data and 96% on validation data, indicating excellent discriminative capability. EfficientNet displayed the most stable training characteristics among the three models, converging over more iterations but showing less tendency to over fit. The model achieved an accuracy of 98% on training data and 92% on validation data, representing the highest validation performance among the individual models. The precision and recall metrics were consistent with ResNet, reaching 98% on training data and 90 and 84% on validation data, respectively. The F1-scores mirrored these results, with training F1 crossing 98% and validation F1 reaching 84%. The AUC performance was strong at 99% for training and 97% for validation data. The confusion matrix analysis reveals the practical performance of each model in differentiating the seizure from non-seizure states. The custom 2DCNN correctly classified the majority of samples in both classes but showed higher misclassification rates compared to the pre trained models. ResNet demonstrated superior classification performance with higher true positives and true negatives across both training and validation datasets. EfficientNet showed balanced performance with good accuracy in both seizure and non-seizure classification.
The ensemble approach leveraged the complementary strengths of these individual models, achieving the highest overall performance of 99.23% on the AUC ROC curve. This superior performance demonstrates the value of combining different architectural approaches and optimization strategies in a unified framework.
The personalized nature of the proposed framework addresses a critical challenge in seizure detection—the significant variability in seizure manifestations across different patients. By incorporating patient-specific features and personalized sliding windows, the system can adapt to individual characteristics while maintaining high accuracy. The achievement of 99.23% AUC performance suggests that the system could provide clinically relevant seizure detection with minimal rates for both false positives and false negatives. The computational efficiency of the framework is enhanced using transfer learning, which reduces training time and computational requirements compared to training large models from scratch. The ensemble approach, while requiring multiple models, achieves superior performance that justifies the additional computational overhead.
5.1 Limitations and future directions
The study demonstrates the potential of ensemble deep transfer learning for personalized seizure detection. Despite the promising performance of the model, several considerations warrant further investigation. The generalizability of the approach across different EEG recording systems and patient populations requires validation. Additionally, the real-life implementation of the ensemble system in clinical settings would need to address computational constraints and response time requirements.
We used the CHB-MIT Scalp EEG dataset for evaluating the model. The dataset is large and complex with long-term recordings of EEG from multiple patients, making it suitable for evaluating personalized seizure detection. The framework’s reliance on high-quality EEG data and the need for patient-specific optimization may present challenges in resource-limited clinical environments. Due to the depth and complexity of this dataset, we focused our analysis on it. However, in the future, we intend to evaluate the generalization capability of the EDTL model by exploring additional datasets and compare it with results from other studies. Future work could explore methods to reduce the computational requirements while maintaining the high performance achieved by the current ensemble approach.
6 Conclusion
Epilepsy is diagnosed in millions of people (about 1% percent of the world’s population) as a common brain disease. The study and prediction, and detection of seizures can significantly improve the lives of epilepsy patients. The study has attracted vast attention over recent years, specifically involving advanced computation methods. This paper presents EDTL models for personalized seizure detection. The method combines ResNet and EfficientNet methods along with a customized 2DCNN method for patient specific seizure detection using EEG data. Raw data from the recordings of seizure patients is transformed into EEG signals. Personalized sliding windows are used to extract and store spectrograms for the patients. Patient specific features are extracted from individual records. EEG signals are normalized for consistent scaling. STFT is then applied for continuous window slicing over short time intervals. The transformed data is then passed on to train and optimize the models independently and later combined into EDTL. A comparative evaluation is performed using standard evaluation metrics. The performance of the individual method is compared with the proposed EDTL, with the EDTL having the highest performance of 99.23% on the AUC ROC curve. The ensemble of pre trained models along with the customized CNN based models with domain specific optimization ensures that optimum results are obtained without compromising the efficiency of computation.
Data availability statement
The datasets presented in this study can be found in online repositories. The names of the repository/repositories and accession number(s) can be found at: CHB-MIT: https://physionet.org/content/chbmit/1.0.0/, Turkish EEG: https://www.kaggle.com/datasets/buraktaci/turkish-epilepsy.
Ethics statement
Ethical review and approval was not required for the study on human participants in accordance with the local legislation and institutional requirements. Written informed consent from the patients/participants or patients/participants legal guardian/next of kin was not required to participate in this study in accordance with the national legislation and the institutional requirements.
Author contributions
MA: Conceptualization, Data curation, Formal analysis, Methodology, Resources, Writing – original draft, Writing – review & editing. MZ: Conceptualization, Methodology, Software, Validation, Visualization, Writing – original draft, Writing – review & editing. MA-A: Conceptualization, Data curation, Methodology, Project administration, Resources, Visualization, Writing – original draft, Writing – review & editing. AA: Investigation, Methodology, Resources, Supervision, Validation, Writing – original draft, Writing – review & editing. NE: Investigation, Methodology, Project administration, Visualization, Writing – original draft, Writing – review & editing.
Funding
The author(s) declare that financial support was received for the research and/or publication of this article. The authors extend their appreciation to the King Salman Center for Disability Research for funding this work through Research Group no KSRG-2024-471.
Acknowledgments
The authors extend their appreciation to the King Salman center For Disability Research for funding this work.
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.
Correction note
This article has been corrected with minor changes. These changes do not impact the scientific content of the article.
Generative AI statement
The author(s) declare that no Gen AI was used in the creation of this manuscript.
Any alternative text (alt text) provided alongside figures in this article has been generated by Frontiers with the support of artificial intelligence and reasonable efforts have been made to ensure accuracy, including review by the authors wherever possible. If you identify any issues, please contact us.
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
Acharya, U. R., Oh, S. L., Hagiwara, Y., Tan, J. H., Adeli, H., and Subha, D. P. (2018). Automated EEG-based screening of depression using deep convolutional neural network. Comput. Methods Prog. Biomed. 161, 103–113. doi: 10.1016/j.cmpb.2018.04.012
Adeli, H., Ghosh-Dastidar, S., and Dadmehr, N. (2007). A wavelet-chaos methodology for analysis of EEGs and EEG sub bands to detect seizure and epilepsy. IEEE Trans. Biomed. Eng. 54, 205–211. doi: 10.1109/TBME.2006.886855
Almustafa, K. M. (2020). Classification of epileptic seizure dataset using different machine learning algorithms. Inform. Med. Unlocked 21:100444. doi: 10.1016/j.imu.2020.100444
Amin, H. U., Yusoff, M. Z., and Ahmad, R. F. (2020). A novel approach based on wavelet analysis and arithmetic coding for automated detection and diagnosis of epileptic seizure in EEG signals using machine learning techniques. Biomed. Signal Process. Control. 56:101707. doi: 10.1016/j.bspc.2019.101707
Anusha, K. S., Mathews, M. T., and Puthankattil, S. D. (2012). “Classification of normal and epileptic EEG signal using time & frequency domain features through artificial neural network” in 2012 International conference on advances in computing and communications (Cochin, Kerala, India: IEEE), 98–101.
Asif, U., Roy, S., Tang, J., and Harrer, S. (2020). “SeizureNet: multi-spectral deep feature learning for seizure type classification” in Machine learning in clinical neuroimaging and radio genomics in neuro-oncology. eds. S. M. Kia, H. Mohy-ud-Din, A. Abdulkadir, C. Bass, M. Habes, and J. M. Rondina, et al. (Cham: Springer International Publishing), 77–87.
Boonyakitanont, P., Lek-uthai, A., Chomtho, K., and Songsiri, J. (2020). A review of feature extraction and performance evaluation in epileptic seizure detection using EEG. Biomed. Signal Process. Control 57:101702. doi: 10.1016/j.bspc.2019.101702
Cao, X., Zheng, S., Zhang, J., Chen, W., and Du, G. (2025). A hybrid CNN-bi-LSTM model with feature fusion for accurate epilepsy seizure detection. BMC Med. Inform. Decis. Mak. 25:6. doi: 10.1186/s12911-024-02845-0
Carbó-Carreté, M., Cañete-Massé, C., Figueroa-Jiménez, M. D., Peró-Cebollero, M., and Guàrdia-Olmos, J. (2020). Relationship between quality of life and the complexity of default mode network in resting state functional magnetic resonance image in down syndrome. IJERPH 17:7127. doi: 10.3390/ijerph17197127
Chauhan, S., and Vig, L. (2015). “Anomaly detection in ECG time signals via deep long short-term memory networks” in 2015 IEEE international conference on data science and advanced analytics (DSAA) (Campus des Cordeliers, Paris, France: IEEE), 1–7.
Deng, Z., Li, C., Song, R., Liu, X., Qian, R., and Chen, X. (2023). EEG-based seizure prediction via hybrid vision transformer and data uncertainty learning. Eng. Appl. Artif. Intell. 123:106401. doi: 10.1016/j.engappai.2023.106401
Farooq, M. S., Zulfiqar, A., and Riaz, S. (2023). Epileptic seizure detection using machine learning: taxonomy, opportunities, and challenges. Diagnostics 13:1058. doi: 10.3390/diagnostics13061058
Fountas, K., and Kapsalaki, E. Z. (2019). Epilepsy surgery and intrinsic brain tumor surgery a practical atlas. Cham, Switzerland: Springer.
Geethanjali, P. (2015). “Fundamentals of brain signals and its medical application using data analysis techniques” in Computational intelligence for big data analysis. eds. D. P. Acharjya, S. Dehuri, and S. Sanyal, vol. 19 (Cham: Springer International Publishing), 181–197.
Godoy, R. V., Reis, T. J. S., Polegato, P. H., Lahr, G. J. G., Saute, R. L., Nakano, F. N., et al. (2022). EEG-based epileptic seizure prediction using temporal multi-channel transformers. arXiv. doi: 10.48550/arXiv.2209.11172
Guo, J., Li, H., Pan, Y., Gao, Y., Sun, J., and Wu, T. (2020). Automatic and accurate epilepsy ripple and fast ripple detection via virtual sample generation and attention neural networks. IEEE Trans. Neural Syst. Rehabil. Eng. 28, 1710–1719. doi: 10.1109/TNSRE.2020.3004368
Haq, S. U., Bazai, S. U., Fatima, A., Marjan, S., Yang, J., Por, L. Y., et al. (2023). Reseek-arrhythmia: empirical evaluation of ResNet architecture for detection of arrhythmia. Diagnostics 13:2867. doi: 10.3390/diagnostics13182867
He, Z., Yang, J., Alroobaea, R., and Yee Por, L. (2024). SeizureLSTM: an optimal attention-based trans-LSTM network for epileptic seizure detection using optimal weighted feature integration. Biomed. Signal Process. Control. 96:106603. doi: 10.1016/j.bspc.2024.106603
He, K., Zhang, X., Ren, S., and Sun, J. (2016). “Deep residual learning for image recognition” in 2016 IEEE conference on computer vision and pattern recognition (CVPR) (Las Vegas, NV, USA: IEEE), 770–778.
Hu, X., Yuan, S., Xu, F., Leng, Y., Yuan, K., and Yuan, Q. (2020). Scalp EEG classification using deep bi-lstm network for seizure detection. Comput. Biol. Med. 124:103919. doi: 10.1016/j.compbiomed.2020.103919
Khaliki, M. Z., and Başarslan, M. S. (2024). Brain tumor detection from images and comparison with transfer learning methods and 3-layer CNN. Sci. Rep. 14:2664. doi: 10.1038/s41598-024-52823-9
Kulaseharan, S., Aminpour, A., Ebrahimi, M., and Widjaja, E. (2019). Identifying lesions in paediatric epilepsy using morphometric and textural analysis of magnetic resonance images. NeuroImage Clin. 21:101663. doi: 10.1016/j.nicl.2019.101663
Lauretani, F., Longobucco, Y., Ravazzoni, G., Gallini, E., Salvi, M., and Maggio, M. (2021). Imaging the functional neuroanatomy of Parkinson’s disease: clinical applications and future directions. IJERPH 18:2356. doi: 10.3390/ijerph18052356
Lebal, A., Moussaoui, A., and Rezgui, A. (2023). Epilepsy-net: attention-based 1D-inception network model for epilepsy detection using one-channel and multi-channel EEG signals. Multimed. Tools Appl. 82, 17391–17413. doi: 10.1007/s11042-022-13947-0
Lopes, F., Pinto, M. F., Dourado, A., Schulze-Bonhage, A., Dümpelmann, M., and Teixeira, C. (2024). Addressing data limitations in seizure prediction through transfer learning. Sci. Rep. 14:14169. doi: 10.1038/s41598-024-64802-1
Manasvi Bhat, P. P., Anchalia, P. P., Yashashree, R., Sanjeetha, R., and Kanavalli, A. (2019). “Detection and prediction of the preictal state of an epileptic seizure using machine learning techniques on EEG data” in 2019 IEEE Bombay section signature conference (IBSSC) (Mumbai, India: IEEE), 1–5.
Manocha, G., Rustagi, H., Singh, S. P., Jain, R., and Nagrath, P. (2022). “Epilepsy seizure classification using one-dimensional convolutional neural networks” in Data management, analytics and innovation. eds. N. Sharma, A. Chakrabarti, V. E. Balas, and A. M. Bruckstein, vol. 71 (Singapore: Springer Singapore), 155–168.
Mirjalili, S., Mirjalili, S. M., and Lewis, A. (2014). Grey wolf optimizer. Adv. Eng. Softw. 69, 46–61. doi: 10.1016/j.advengsoft.2013.12.007
Moldovan, D. (2022). “Horse optimization algorithm based recurrent neural network method for epileptic seizures classification” in 7th International conference on advancements of medicine and health care through technology. eds. S. Vlad and N. M. Roman, vol. 88 (Cham: Springer International Publishing), 183–190.
Morales Chacón, L. M., González González, J., Ríos Castillo, M., Berrillo Batista, S., Batista García-Ramo, K., Santos Santos, A., et al. (2021). Surgical outcome in extra temporal epilepsies based on multimodal pre-surgical evaluation and sequential intraoperative electrocorticography. Behav. Sci. 11:30. doi: 10.3390/bs11030030
Mou, M. S., Haque, M. M., Paul, S. K., Paul, R. R., Renu, I. Z., Rahman, M. N., et al. (2024). “Brain tumor detection on MRI images using a combination of CNN and ensemble learning approach” in 2024 international conference on recent progresses in science, engineering and technology (ICRPSET) (Rajshahi, Bangladesh: IEEE), 1–6.
Nanthini, K., Tamilarasi, A., Pyingkodi, M., Dishanthi, M., Kaviya, S. M., and Mohideen, P. A. (2022). “Epileptic seizure detection and prediction using deep learning technique” in International conference on computer communication and informatics (ICCCI) (Coimbatore, India: IEEE), 1–7.
Omar, S. M., Kimwele, M., Olowolayemo, A., and Kaburu, D. M. (2024). Enhancing EEG signals classification using LSTM-CNN architecture. Eng. Rep. 6:e12827. doi: 10.1002/eng2.12827
Ozcan, A. R., and Erturk, S. (2019). Seizure prediction in scalp EEG using 3D convolutional neural networks with an image-based approach. IEEE Trans. Neural Syst. Rehabil. Eng. 27, 2284–2293. doi: 10.1109/TNSRE.2019.2943707
Pielawski, N., and Wählby, C. (2020). Introducing Hann windows for reducing edge-effects in patch-based image segmentation. PLoS One 15:e0229839. doi: 10.1371/journal.pone.0229839
Purnima, P. S., and Kattepura, S. (2023). “Machine learning models for epileptic seizure prediction” in International conference on inventive computation technologies (ICICT) (Lalitpur, Nepal: IEEE), 135–141.
Reshan, M. S. A., Amin, S., Zeb, M. A., Sulaiman, A., Alshahrani, H., Azar, A. T., et al. (2023). Enhancing breast Cancer detection and classification using advanced multi-model features and ensemble machine learning techniques. Life 13:2093. doi: 10.3390/life13102093
Riyazulla Rahman, J. (2023). Enhancing performance of deep learning models for epilepsy seizure detection. IJRITCC 11, 2100–2110.
Saleh Al Reshan, M., Amin, S., Ali Zeb, M., Sulaiman, A., Alshahrani, H., Shaikh, A., et al. (2024). An innovative ensemble deep learning clinical decision support system for diabetes prediction. IEEE Access 12, 106193–106210. doi: 10.1109/ACCESS.2024.3436641
Shaikh, A., Amin, S., Zeb, M. A., Sulaiman, A., Al Reshan, M. S., and Alshahrani, H. (2025). Enhanced brain tumor detection and segmentation using densely connected convolutional networks with stacking ensemble learning. Comput. Biol. Med. 186:109703. doi: 10.1016/j.compbiomed.2025.109703
Sharmila, A., and Geethanjali, P. (2016). DWT based detection of epileptic seizure from EEG signals using naive Bayes and k-NN classifiers. IEEE Access 4, 7716–7727. doi: 10.1109/ACCESS.2016.2585661
Sharmila, A., and Geethanjali, P. (2019). A review on the pattern detection methods for epilepsy seizure detection from EEG signals. Bio. Eng. Biomed. Tech 64, 507–517. doi: 10.1515/bmt-2017-0233
Shekokar, K. S., and Dour, S. (2022). Automatic epileptic seizure detection using LSTM networks. WJE. 19, 224–229.
Shoeb, A. (2010). CHB-MIT scalp EEG database. Available online at: https://physionet.org/content/chbmit/ (Accessed January 10, 2025)
Siddiqui, M. K., Morales-Menendez, R., Huang, X., and Hussain, N. (2020). A review of epileptic seizure detection using machine learning classifiers. Brain Inf. 7:5. doi: 10.1186/s40708-020-00105-1
Statsenko, Y., Babushkin, V., Talako, T., Kurbatova, T., Smetanina, D., Simiyu, G. L., et al. (2023). Automatic detection and classification of epileptic seizures from EEG data: finding optimal acquisition settings and testing interpretable machine learning approach. Biomedicine 11:2370. doi: 10.3390/biomedicines11092370
Subasi, A., Kevric, J., and Abdullah Canbaz, M. (2019). Epileptic seizure detection using hybrid machine learning methods. Neural Comput. Applic. 31, 317–325. doi: 10.1007/s00521-017-3003-y
Taherinavid, S., Moravvej, S. V., Chen, Y. L., Yang, J., Ku, C. S., and Yee, P. L. (2024). Automatic transportation mode classification using a deep reinforcement learning approach with smartphone sensors. IEEE Access 12, 514–533. doi: 10.1109/ACCESS.2023.3346875
Takagi, S., Sakuma, S., Morita, I., Sugimoto, E., Yamaguchi, Y., and Higuchi, N. (2020). Application of deep learning in the identification of cerebral Hemodynamics data obtained from functional near-infrared spectroscopy: a preliminary study of pre- and post-tooth clenching assessment. JCM 9:3475. doi: 10.3390/jcm9113475
Tan, M., and Le, Q. V. (2019). “EfficientNet: rethinking model scaling for convolutional neural networks” in Proceedings of the 36th international conference on machine learning, California, United States: Proceedings of Machine Learning Research (PMLR). 6105–6114.
Tasci, I., Tasci, B., Barua, P. D., Dogan, S., Tuncer, T., Palmer, E. E., et al. (2023). Epilepsy detection in 121 patient populations using hypercube pattern from EEG signals. Inf. Fusion 96, 252–268. doi: 10.1016/j.inffus.2023.03.022
Uddin, A. H., Chen, Y. L., Akter, M. R., Ku, C. S., Yang, J., and Por, L. Y. (2024). Colon and lung cancer classification from multi-modal images using resilient and efficient neural network architectures. Heliyon 10:e30625. doi: 10.1016/j.heliyon.2024.e30625
Van Klink, N., Mooij, A., Huiskamp, G., Ferrier, C., Braun, K., Hillebrand, A., et al. (2019). Simultaneous MEG and EEG to detect ripples in people with focal epilepsy. Clin. Neurophysiol. 130, 1175–1183. doi: 10.1016/j.clinph.2019.01.027
Walther, D., Viehweg, J., Haueisen, J., and Mäder, P. (2023). A systematic comparison of deep learning methods for EEG time series analysis. Front. Neuroinform. 17:1067095. doi: 10.3389/fninf.2023.1067095
Wang, Z., Yang, J., and Sawan, M. (2021). “A novel multi-scale dilated 3D CNN for epileptic seizure prediction” in 2021 IEEE 3rd international conference on artificial intelligence circuits and systems (AICAS) (Washington DC, USA: IEEE), 1–4.
Wei, L., and Mooney, C. (2023). “Transfer learning-based seizure detection on multiple channels of paediatric EEGs” in 2023 45th annual international conference of the IEEE engineering in medicine and biology society (EMBC) (Sydney, Australia: IEEE), 1–4.
Xu, W., Fu, Y. L., and Zhu, D. (2023). ResNet and its application to medical image processing: research progress and challenges. Comput. Methods Prog. Biomed. 240:107660. doi: 10.1016/j.cmpb.2023.107660
Xu, G., Ren, T., Chen, Y., and Che, W. (2020). A one-dimensional CNN-LSTM model for epileptic seizure recognition using EEG signal analysis. Front. Neurosci. 14:578126. doi: 10.3389/fnins.2020.578126
Yang, J., Boroojeni, N. A., Chahardeh, M. K., Por, L. Y., Alizadehsani, R., and Acharya, U. R. (2025). A dual-method approach using auto encoders and transductive learning for remaining useful life estimation. Eng. Appl. Artif. Intell. 147:110285. doi: 10.1016/j.engappai.2025.110285
Yang, J., Shokouhifar, M., Yee, P. L., Khan, A. A., Awais, M., and Mousavi, Z. (2024). DT2F-TLnet: a novel text-independent writer identification and verification model using a combination of deep type-2 fuzzy architecture and transfer learning networks based on handwriting data. Expert Syst. Appl. 242:122704. doi: 10.1016/j.eswa.2023.122704
Yang, J., Wu, Y., Yuan, Y., Xue, H., Bourouis, S., Abdel-Salam, M., et al. (2025). LLM-AE-MP: web attack detection using a large language model with auto encoder and multilayer perceptron. Expert Syst. Appl. 274:126982. doi: 10.1016/j.eswa.2025.126982
Yuan, S., Yan, K., Wang, S., Liu, J. X., and Wang, J. (2024). EEG-based seizure prediction using hybrid DenseNet–ViT network with attention fusion. Brain Sci. 14:839. doi: 10.3390/brainsci14080839
Keywords: personalized seizure detection, transfer learning, EEG signal analysis, deep learning, patient-specific models
Citation: Alarfaj M, Zeb MA, Al-Adhaileh MH, Alhamadi AA and Ebrahim N (2025) Deep learning approaches for diagnosing seizure based on EEG signal analysis. Front. Hum. Neurosci. 19:1669919. doi: 10.3389/fnhum.2025.1669919
Edited by:
Baidaa Al-Bander, Keele University, United KingdomReviewed by:
Hepseeba Kode, University of Bridgeport, United StatesMarco Ortolani, Keele University, United Kingdom
Copyright © 2025 Alarfaj, Zeb, Al-Adhaileh, Alhamadi and Ebrahim. 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: Mohammed Alarfaj, bWthbGFyZmFqQGtmdS5lZHUuc2E=; Mosleh Hmoud Al-Adhaileh, bWFkYWlsZWhAa2Z1LmVkdS5zYQ==
Asma Abdulmana Alhamadi5