Skip to main content

ORIGINAL RESEARCH article

Front. Neurosci., 30 July 2024
Sec. Brain Imaging Methods
This article is part of the Research Topic Deep Learning Methods and Applications in Brain Imaging for the Diagnosis of Neurological and Psychiatric Disorders View all 10 articles

An epilepsy classification based on FFT and fully convolutional neural network nested LSTM

Jianhao NieJianhao NieHuazhong Shu
Huazhong Shu*Fuzhi WuFuzhi Wu
  • Laboratory of Image Science and Technology, Key Laboratory of Computer Network and Information Integration, Ministry of Education, Southeast University, Nanjing, China

Background and objective: Epilepsy, which is associated with neuronal damage and functional decline, typically presents patients with numerous challenges in their daily lives. An early diagnosis plays a crucial role in managing the condition and alleviating the patients’ suffering. Electroencephalogram (EEG)-based approaches are commonly employed for diagnosing epilepsy due to their effectiveness and non-invasiveness. In this study, a classification method is proposed that use fast Fourier Transform (FFT) extraction in conjunction with convolutional neural networks (CNN) and long short-term memory (LSTM) models.

Methods: Most methods use traditional frameworks to classify epilepsy, we propose a new approach to this problem by extracting features from the source data and then feeding them into a network for training and recognition. It preprocesses the source data into training and validation data and then uses CNN and LSTM to classify the style of the data.

Results: Upon analyzing a public test dataset, the top-performing features in the fully CNN nested LSTM model for epilepsy classification are FFT features among three types of features. Notably, all conducted experiments yielded high accuracy rates, with values exceeding 96% for accuracy, 93% for sensitivity, and 96% for specificity. These results are further benchmarked against current methodologies, showcasing consistent and robust performance across all trials. Our approach consistently achieves an accuracy rate surpassing 97.00%, with values ranging from 97.95 to 99.83% in individual experiments. Particularly noteworthy is the superior accuracy of our method in the AB versus (vs.) CDE comparison, registering at 99.06%.

Conclusion: Our method exhibits precise classification abilities distinguishing between epileptic and non-epileptic individuals, irrespective of whether the participant’s eyes are closed or open. Furthermore, our technique shows remarkable performance in effectively categorizing epilepsy type, distinguishing between epileptic ictal and interictal states versus non-epileptic conditions. An inherent advantage of our automated classification approach is its capability to disregard EEG data acquired during states of eye closure or eye-opening. Such innovation holds promise for real-world applications, potentially aiding medical professionals in diagnosing epilepsy more efficiently.

1 Introduction

Epilepsy is a very common neurological disorder in humankind that affects roughly 50 million people worldwide (Tuncer et al., 2021; World Health Organization, 2021). It is characterized by abnormal electrical activity in the nerve cells of the brain, resulting in recurrent seizures, unusual behavior, and possibly loss of consciousness (Fisher et al., 2014; Ozdemir et al., 2021). The worst-case scenario could result in permanent harm to the patient’s life. Up to 70% of individuals with epilepsy could live seizure-free if properly diagnosed and treated. Therefore, a timely and accurate diagnosis method for epilepsy is essential for all patients and doctors. In clinical practice, doctors diagnose epilepsy by using patients’ medical records, conducting neurological examinations, and employing various clinical tools such as neuroimaging and EEG recording. However, this analysis is considered complex due to the presence of patterns in the EEG that can be challenging to interpret, even for experienced experts. This complexity can lead to different opinions among experts regarding EEG findings, necessitating complementary examinations (Oliva and Rosa, 2019; Oliva and Rosa, 2021). To address the time-consuming nature of visual analysis and errors caused by visual fatigue during the increasing continuous EEG video recordings, numerous automatic methods have been developed.

There have been various methods proposed in the past three decades for the automatic identification of epileptic EEG signals (Ghosh-Dastidar and Adeli, 2009; Sharma et al., 2014; Shanir et al., 2018; Truong et al., 2018). Machine learning (ML) methods can be used to build effective classifiers for automatic epilepsy detection. These automatic seizure detection methods mainly include two steps: feature extraction and classifier construction. The feature extraction includes time domain (T) (Jaiswal and Banka, 2017; Gao et al., 2020; Wijayanto et al., 2020), frequency domain (F) (Altaf and Yoo, 2015; Kaleem et al., 2018; Singh et al., 2020), time-frequency domain (TF) (Tzallas et al., 2007; Abualsaud et al., 2015; Feng et al., 2017; Shen et al., 2017; Goksu, 2018; Sikdar et al., 2018; Yavuz et al., 2018), and a combination of nonlinear approaches (Zeng et al., 2016; Ren and Han, 2019; Sayeed et al., 2019; Wu et al., 2019). In addition, various types of entropy such as fuzzy entropy (Xiang et al., 2015), approximate entropy, sample entropy, and phase entropy (Acharya et al., 2012) have been calculated from the EEG signals to distinguish different epileptic EEG segments. The automatic seizure classifier includes Support Vector Machine (SVM) (Subasi and Ismail Gursoy, 2010; Das et al., 2016; Şengür et al., 2016; Li and Chen, 2021), Convolutional Neural Network (CNN) (Feng et al., 2017; Wijayanto et al., 2020; Ozdemir et al., 2021), Extreme Learning Machine (Yuan et al., 2014), K-Nearest Neighbor (Guo et al., 2011; Tuncer et al., 2021), Deep Neural Network (Sayeed et al., 2019), Recurrent Neural Network (Yavuz et al., 2018).

Gotman (1982) proposed the first widely used new method, which is based on decomposing the EEG into elementary waves and detecting paroxysmal bursts of rhythmic activity with a frequency between 3 and 20 cycles per second. This method was further improved by the same group, who broke down EEG signals into half waves and then extracted features such as peak amplitude, duration, slope, and sharpness to detect seizure activities (Gotman, 1990). Jaiswal and Banka (2017) primarily used time-domain features such as local neighborhood descriptive patterns and one-dimensional local gradient patterns for epilepsy detection. Gao et al. (2020) and Wijayanto et al. (2020) extracted approximate entropy as features and combined with recurrence quantification analysis to detect epilepsy, their method achieved an accuracy of 91.75% in the Bonn dataset (Andrzejak et al., 2001). Wijayanto et al. (2020) used the Higuchi fractal dimension (HFD) to differentiate between ictal and interictal conditions in EEG signals. Many researchers focused on time domain features, while others concentrated on frequency domain, time-frequency domain, and nonlinear approaches. Altaf and Yoo (2015) combined feature extraction with classification engines, implementing multiplex bandpass filter coefficients for feature extraction. Subsequently, a nonlinear SVM was used, achieving a sensitivity of 95.1%. Kaleem et al. (2018) developed a method based on a signal-derived empirical mode decomposition (EMD) dictionary approach.

The integrated time-frequency method has been widely used for feature extraction in various approaches. For instance, Abualsaud et al. (2015) successfully detected epilepsy from compressed and noisy EEG signals using discrete wavelet transformation (DWT), achieving an accuracy of 80% when SNR = 1 dB. Feng et al. (2017) extracted features from three-level Daubechies discrete wavelet transform. Shen et al. (2017) employed a genetic algorithm to select a subset of 980 features subset and used 6 SVMs to classify EEG data into four types, i.e., normal, spike, sharp wave, and seizures. Sikdar et al. (2018) proposed a MultiFractal Detrended Fluctuation Analysis (MFDFA) to address the multifractal behaviors in healthy (Group B), interictal (Group D), and ictal (Group E) patterns. Yavuz et al. (2018) extracted mel frequency cepstral coefficients (MFCCs) as features and applied them in a regression neural network. Goksu (2018) extracted Log Energy Entropy, Norm Entropy, and Energy from wavelet packet analysis (WPA) as features and used multilayer perception (MLP) as a classifier, achieving commendable performance.

Some researchers have used nonlinear or mixed features as classification criteria. Zeng et al. (2016) extracted Sample Entropy and the permutation Entropy, and Hurst Index from EEG segments which were selected through an ANOVA test by four classifiers (Decision Tree, K-Nearest Neighbor Discriminant Analysis, SVM). Ren and Han (2019) extracted both linear and nonlinear features and classified them using an extreme learning machine. Sayeed et al. (2019) employed DWT, Hjorth parameters, statistical features, and a machine learning classifier to differentiate between ictal EEG and interictal EEG patterns.

These methods based on feature extraction are influenced by the intrinsic characteristics of EEG, such as muscle activities and eye movements, which may introduce noise to the original EEG data, potentially altering its actual characteristics (Hussein et al., 2019; Li et al., 2020). To address these challenges, many deep learning models have been developed for automatic epileptic seizure detection.

While other approaches have been proposed in the literature for epilepsy classification (Joshi et al., 2014; Zhu et al., 2014; Hassan et al., 2016; Indira and Krishna, 2021; Qaisar and Hussain, 2021), the prevailing trend involves the application of deep learning techniques (Yuan et al., 2017; Acharya et al., 2018; Tsiouris et al., 2018; Ullah et al., 2018; Covert et al., 2019; Li et al., 2020; Ozdemir et al., 2021) in this domain. However, most traditional methods have focused on specific or local features, resulting in information loss, including time domain features, frequency domain features, time-frequency domain features, and nonlinear features. Deep learning methods have demonstrated strong performance across various fields and have shown promise in epilepsy classification. Therefore, we propose combining FFT feature extraction with a deep learning algorithm.

The structure of this paper is as follows: Section 2 gives a brief overview of the dataset, outlines the proposed method, and introduces the classifier used. Section 3 presents the results and compares them with other methods. Section 4 discusses the proposed approach, while section 5 highlights the main conclusions, contributions, and potential future directions.

2 Materials and methods

2.1 Epilepsy dataset

The EEG dataset used for the epilepsy classification performance is from the University of Bonn (Andrzejak et al., 2001). This comprehensive dataset includes EEG signals from both healthy individuals and those with epilepsy, with recordings taken under various conditions such as eyes opened and closed, intracranial and extracranial potential, and interictal and ictal states. The dataset is divided into five subsets labeled as A, B, C, D, and E, each containing 100 single-channel EEG signal segments. Each signal segment is 23.6 s long and sampled at a rate of 173.61 Hz. Subsets A and B were recorded using surface EEG recordings from five healthy volunteers with eyes open and closed, respectively, follow the standard electrode placement scheme of the International 10–20 System. Subsets C, D, and E consist of intracranial recordings from five epileptic patients, with set D representing recordings from the epileptogenic zone, set C from the hippocampal formation of the opposite hemisphere, and set E exclusively containing seizure recordings. Subsets C and D correspond to epileptic interictal states, while set E captures ictal activity. Further details can be found in Table 1.

Table 1
www.frontiersin.org

Table 1. Bonn epilepsy dataset.

Each EEG set in the dataset contains 100 segments, each segment containing 4,096 points. However, since the classifier uses a CNN network, having more segments in the dataset is crucial for influencing the algorithm’s performance. To address this issue, we divide each EEG segment into four epochs, each comprising 1,024 points. As a result, the original dataset transforms into one containing five classes (A, B, C, D, and E), with 400 segments each having 1,024 sampling points (Pachori and Patidar, 2014; Figure 1).

Figure 1
www.frontiersin.org

Figure 1. Signal display.

In order to determine the performance and accuracy of the epilepsy classification algorithm, 9 classifications are considered to be designed as follows, they are A vs. E, B vs. E, AB vs. E, C vs. E, D vs. E, CD vs. E, AB vs. CD, AB vs. CDE, and ABCD vs. E.

A vs. E and B vs. E can determine if eye closure or opening influences epilepsy detection. AB vs. E, A vs. E, and B vs. E can assess the impact of additional EEG data on epilepsy detection.

C vs. E evaluates the method’s performance in distinguishing interictal from ictal patterns. D vs. E examines the method’s effectiveness in classifying interictal from ictal patterns and exploring the relationship between brain activity and hippocampal formation in the opposite hemisphere. C vs. E and D vs. E can identify which EEG component (epileptic zone or opposite hemisphere) is more effective in classifying interictal and ictal patterns. C vs. E, D vs. E, and CD vs. E investigate the influence of additional EEG data on interictal-ictal detection.

AB vs. CD tests the method’s ability to differentiate healthy volunteers from epileptic interictal patients. AB vs. CDE assesses the method’s capability to distinguish healthy volunteers from epileptic patients. ABCD vs. E evaluates the method’s capacity to differentiate seizure-free individuals from those experiencing seizures. These binary classification tasks are designed to enhance the effectiveness of the experiments.

All of these binary classification tasks are designed to enhance the effectiveness of the experiments.

2.2 Methods

The proposed automatic system for epilepsy classification is based on FFT feature extraction, CNN, and LSTM.

2.2.1 FFT

Three approaches are selected for comparison to determine an optimal method for binary classification: FFT, wavelet transformation (WT), and EMD features. The discussion section compares the proposed methods with other approaches to assess their performance.

The widely used convolution theorem asserts that circular convolutions in the spatial domain are equivalent to pointwise products in the Fourier domain. Matrix generation plays a crucial role in the proposed framework as a means of quantitatively describing EEG records. The information contained in the EEG record matrix is influenced by fast Fourier transformation (FFT) during classification tasks. The classical FFT comprehensively describes and analyzes EEG traces in the frequency domain (Samiee et al., 2015). To effectively extract valuable features from epilepsy EEG signals, the improved method of FFT is employed to convert an EEG signal into a matrix. The steps involved are outlined below:

Step 1: obtain the Fourier coefficient for a given signal x n in the frequency range 0 , 2 π using the discrete Fourier transform algorithm. The discrete Fourier transform is defined as equation (1):

X k = n = 0 N 1 x n e i 2 π k n N      0 k N 1 ,     (1)

where X k are the discrete Fourier transform coefficients, M is the length of the input EEG.

Step 2: calculate the absolute values of the coefficients as A r = X k .

Step 3: transform the A k into the m × n . Matrix form according to the sequential order of the sample points. The resulting matrix is then expressed as equation (2):

X = A 1 A 2 A n A n + 1 A n + 2 A n + n A m 1 n + 1 A m 1 n + 2 A m 1 n + n     (2)

where m and n are the matrix row and matrix column, respectively.

Extracting the FFT features is a crucial step, followed by utilizing these features as training data to train the classifier.

2.2.2 DWT

Wavelets can be defined as small waves with limited duration and an average value of 0. They are mathematical functions that can localize a function or data set in both time and frequency. The concept of wavelets can be traced back to Haar’s thesis (Daubechies, 1992; Adeli et al., 2003) in 1909. The wavelet transform is a powerful tool in signal processing, known for its advantageous properties such as time-frequency localization (capturing a signal at specific time and frequency points, or extracting features at different spatial locations and scales) and multi-rate filtering (distinguishing signals with varying frequencies). By leveraging these properties, one can extract specific features from an input signal that exhibit distinct local characteristics in both time and space.

In continuous wavelet transform (CWT), the signal to be analyzed is matched and convolved with the wavelet basis function in a continuous sequence of time and frequency increments. Even in CWT, the data must be digitized. Continuous time and frequency increments mean that data at each digitized point or increment is used. Consequently, the original signal is represented as a weighted integral of the continuous basis wavelet function. In DWT, the basis wavelet function takes the original signal’s inner product at discrete points (usually dyadic to ensure orthogonality). The result is a weighted sum of a series of base functions. The wavelet transform is based on the wavelet function, a family of functions that satisfy certain conditions, such as continuity, zero mean amplitude, and finite or near-finite duration.

The CWT of a square integrable function of time, f t , is defined as equation (3):

C W T a , b = + f t 1 a ψ t b a d t     (3)

by Chui (1992), where a , b R , a 0 , R is the set of real numbers, the star symbol ‘*’ denotes the complex conjugation. In CWT, the parameters a and b are continuously varying and can have infinite number of values to be taken, but this kind of computation cannot be done in finite time for modern computers. So we take a and b as discrete according to certain rules, which is DWT. If a expands exponentially, we define a as:

a = a 0 m

Since for wide wavelets we want to translate in larger steps, we can define b as:

b = n b 0 a 0 m , where b 0 > 0 is fixed and n Z

The wavelet function and the transform equation are given by the following two equations, respectively equations (4), (5):

ψ m , n k = a 0 m 2 ψ a 0 m k n b 0 a 0 m     (4)
D W T m , n = a 0 m 2 k = f k ψ a 0 m k n b 0 m , n     (5)

2.2.3 EMD

The principle of the EMD technique is to automatically decompose a signal into a set of band-limited functions called Intrinsic Mode Functions (IMFs). Each IMF must satisfy two fundamental conditions (Huang et al., 1998; Bajaj and Pachori, 2012): (1) the number of extreme points and zero crossings in the entire dataset must either be equal or differ by at most one, and (2) the mean value of the envelopes defined by local maxima and minima must be zero at every point (Li et al., 2013).

The EMD is capable of decomposing a segment of EEG signal x n into N IMFs: i m f 1 , i m f 2 , , i m f n and a residue signal r . Therefore, x n can be reconstructed as a linear combination equation (6):

x n = n = 1 N i m f n + r     (6)

The following describes a systematic method for extracting IMFs:

Given an input signal x n , r n = x n , n = 0.

Step 1: determine the local maximum and local minimum of x n .

Step 2: determine the upper envelope e max n by connecting all local maximum through cubic spline functions. Repeat the same procedure for the local minima to produce the lower envelope e min n .

Step 3: calculate the mean value for each point on the envelopes: m n = e max n + e min n / 2 .

Step 4: the equation h n = x n m n , if h n satisfies the IMF condition, then n = n + 1 , i m f n = h n , go to step 5, else x n = h n , cycle 1–4.

Step 5: Let r n = r n i m f n , if r n is a monotonic function, end the sifting process, else, x n = r n and go back to step 1.

The residue contains the lowest frequency. The main features of the ictal EEG are closely related to the first five IMFs. IMF1-IMF5 of each EEG segment is used to extract the EEG features.

2.2.4 CNN + nLSTM

Figure 2 displays the proposed automatic system for epilepsy detection, which is based on the fully-convolutional nested long short-term memory (FC-NLSTM) model.

Figure 2
www.frontiersin.org

Figure 2. Flowchart of proposed method.

Each EEG signal is initially segmented into a series of EEG segments, each segment containing M sampling points, by applying a fixed-length window that slides through the entire signal. Then filter the EEG signals using a Chebyshev bandpass filter with a cutoff frequency of 3–40 Hz. These EEG segments are then inputted into a fully convolutional network (FCN) with three convolutional blocks to learn the distinctive seizure characteristics present in the EEG data. The FCN serves as a feature extractor, effectively capturing the hierarchy features and internal structure of EEG signals. Subsequently, the features learned by the FCN are inputted into the NLSTM model to uncover the inherent temporal dependencies within the EEG signals. To extract the output characteristics of all NLSTM time steps, the time-distributed fully connected (FC) layer is used to take the outputs of all NLSTM time steps as inputs, rather than just the output of the last time step. Considering that all EEG segments should contribute equally to the label classification, a one-dimensional average pooling layer is added after the time-distributed fully connected layer. Finally, an FC layer is used for classification, and a softmax layer is employed to compute the probability that the EEG segment belongs to each class and predict the class of the input EEG segment (Li et al., 2020).

Temporal convolutional networks are widely used to analyze time-series signals, enabling the capture of how EEG signals evolve and automatic learning of EEG structures from data. The raw EEG signal comprises low-frequency characteristics with long periods and high-frequency characteristics with short periods (Adeli et al., 2003). It serves as a feature extraction module in the FCN and has been demonstrated as an effective method for time-series analysis problems (Wang et al., 2017). To prevent model overfitting to noise in the training data, this study maintains simplicity and shallowness in the FCN model, which includes three stacked convolutional blocks. Each of the three basic convolutional blocks consists of a convolution layer and a Rectified Linear Unit activation function.

According to the EEG recordings that are close to or even distant from the current EEG epoch, neurologists can determine whether the EEG epoch is a part of a seizure. Recurrent neural networks have made significant progress in emulating this human ability. A more intricate model called LSTM has been proposed based on the simple recurrent neural networks, which incorporates a memory mechanism and addresses the problem of vanishing gradients (Hochreiter and Schmidhuber, 1997). This memory mechanism allows the model to retain previous information from the EEG recordings. In this study, the FC-NLSTM is used to capture the temporal dependencies in EEG signals within the output of the feature extraction module.

2.2.5 Classification

The test data is inputted into the classification model for classification in this step. The 10-fold cross-validation method split the data into 10 parts, using 9 parts to train the model and reserving 1 part as the test set to evaluate the model’s performance. This process is repeated 10 times to calculate the average sensitivity, specificity, and accuracy values.

FFT, DWT, and EMD are chosen as features for training and testing, with the results compared in part 3. Subsequently, the best-performing features were selected as the method feature and compared against the performance of existing methods.

2.3 Classifier result estimation

All the experiments results are based on the Bonn University database. The 10-fold cross-validation is used to reduce potential system errors, as well as to assess the stability and reliability of the proposed model.

The EEG data is evenly split into 10 subsets. Nine subsets are designated as training sets, while the remaining one is assigned to test the model. This iterative process is repeated 10 times, and the averaged values across these runs are computed. The performance assessment of the proposed method involves statistical evaluation measures such as sensitivity, specificity, and recognition accuracy.

Before delving into the statistical measures of sensitivity, specificity, and recognition accuracy, let us provide descriptions of four fundamental concepts:

True positive (TP): the number of positive (abnormal) examples classified as positive.

False negative (FN): the number of positive examples classified as negative (normal).

True negative (TN): the number of negative examples classified as negative.

False positive (FP): the number of negative examples classified as positive.

Sensitivity (Sen) is calculated by dividing true positive (TP) by the total number of seizure epochs identified by the experts. TP represents the seizure epochs marked as positive by both the classifier and EEG experts.

Sen = TP/(TP + FN).

Specificity (Spe) is computed by dividing TN by the total number of non-seizure epochs identified by the experts. TN encapsulates the count of non-seizure epochs identified correctly.

Spe = TN/(TN + FP).

Accuracy (Acc) is the number of correctly marked epochs divided by the total number of epochs.

Acc = (TP + TN)/(TP + TN + FP + FN).

3 Results

All experiments are performed in Python using Keras with TensorFlow backend and are implemented on an NVIDIA GeForce GTX1080-Ti GPU machine. In order to fully evaluate the performance of the proposed method in ideal and real situations, the University of Bonn database is used in this study.

All 9 tasks are tested in three methods. Table 2 shows that FFT and FC-NLSTM obtained the best accuracy in all tasks except ABCD vs. E. EMD performed poorly in every task except ABCD versus E. Therefore, FFT is selected as the optimal feature for comparison with other methods in subsequent sections.

Table 2
www.frontiersin.org

Table 2. Nine accuracy of three methods in different tasks.

3.1 Normal or interictal or non-ictal vs. ictal classification

Three types of data are used in the experiment. They include non-ictal vs. ictal(A vs. E, B vs. E, AB vs. E, C vs. E, D vs. E, CD vs. E, AB vs. CDE, ABCD vs. E), and normal vs. interictal (AB vs. CD).

The first three experiments compare non-ictal with ictal conditions, including A vs. E, B vs. E, and AB vs. E. The second set of three experiments compare non-ictal with ictal conditions including C vs. E, D vs. E, CD vs. E. The third experiment focuses on distinguishing between non-ictal and ictal states, classifying ABCD as seizure-free and E as seizure epilepsy. These experiments are conducted to validate the effectiveness and reliability of the proposed method.

Table 3 presents the results of the two-class seizure detection problem. As shown in this table, the proposed method demonstrates excellent classification performance across all normal vs. ictal scenarios, achieving nearly 100% sensitivity, specificity, and accuracy in some instances. Although not every fold in the 10-fold cross-validation reaches 100%, the mean sensitivity, specificity, and accuracy values exceed 99%. Notably, the specificity for A vs. E reaches 100%. In the interictal vs. ictal comparison, the proposed method also performs well, achieving 100% sensitivity, specificity, and accuracy in half of the folds in the 10-fold cross-validation. The highest sensitivity of 100% is achieved in the C vs. E experiment, with nearly 100% performance in terms of sensitivity, specificity, and accuracy in multiple folds for C vs. E, D vs. E, and CD vs. E. In the non-ictal vs. ictal experiments ABCD vs. E, our method achieves a mean accuracy of 98.15%. All classification results exhibit an accuracy rate above 97.63%, demonstrating the robustness of our methods across various classification tasks. Among these experiments, the highest mean accuracy of 99.83% is observed in AB vs. E. Data imbalance is evident in these experiments, with the sensitivity, specificity, and accuracy in ABCD vs. E being lower compared to other experiments. The imbalance of non-ictal data segments in ABCD vs. E is four times greater than A vs. E, B vs. E, C vs. E, D vs. E, and twice as much as AB vs. E and CD vs. E. In this case, the traditional machine learning approaches may struggle to predict the minority classes (Kundu et al., 2013; Hussein et al., 2019). However, our methods continue to perform well under these conditions, without additional operations in our experiment. The 10-fold cross-validation thoroughly validates the method and mitigates the randomness of these experiments.

Table 3
www.frontiersin.org

Table 3. The results of 10-fold cross-validation for non-ictal vs. ictal based on the Bonn University database.

3.2 Normal vs. epileptic classification

In this section, we discuss two types of epilepsy classification problems to demonstrate the effectiveness and robustness of our proposed method, which includes two experiments comparing normal vs. interictal and normal vs. interictal and ictal cases. The former experiments are AB vs. CD, while the latter compares AB vs. CDE. Table 4 presents the classification results of sensitivity, specificity, and accuracy obtained through 10-fold cross-validation. In our experiment comparing normal vs. interictal (AB vs. CD), our methods achieve mean accuracy, sensitivity and specificity of 99.06, 98.87, and 99.25%, respectively. The comparison between normal vs. interictal and ictal cases yields a mean accuracy of 97.95%, mean sensitivity of 97.58%, and mean specificity of 98.50%.

Table 4
www.frontiersin.org

Table 4. Results of 10-fold cross-validation for normal vs. interictal and normal vs. interictal and ictal based on the Bonn University database.

Every aspect of the AB vs. CD comparison is superior to the AB vs. CDE comparison. The key to this difference lies in the use of different data. The combination of ictal and interictal segments and interictal reduces the accuracy, sensitivity and specificity. Conversely, AB vs. E (in Table 2) achieves better results than AB vs. CDE across all evaluation metrics, with accuracy at 99.67%, sensitivity at 99.27%, and specificity at 100.00%. Ictal segments are easier to detect than interictal segments, as evidenced by the superior classification results of the AB vs. E compared to AB vs. CD. These three experiments (AB vs. E, AB vs. CD, AB vs. CDE) demonstrate that ictal segments have greater discriminative power than interictal segments, and the combination of both types makes it more challenging to classify them from normal segments. The experimental results indicate that the proposed method performs well in distinguishing non-ictal from ictal segments and excels in classifying interictal vs. ictal and normal vs. interictal and ictal segments.

4 Discussion

In this study, the deep learning model NLSTM uses FFT as a feature to classify epilepsy segments from normal or interictal segments or a combination of both. The model demonstrates excellent accuracy, sensitivity, and specificity in the Bonn University database. The effectiveness of our approach is validated through 9 experiments presented in Table 2. FFT is employed as a feature within the model and integrated with fully convolutional deep learning and long short-term memory to differentiate between ictal and non-ictal segments. This method uses the FFT features derived from the original EEG data.

The deep learning framework model can effectively learn overall features. The low-level layers of a FCN can capture the internal structure of EEG segments and then transmit them to the higher-level layers of the model for further processing. Subsequently, these EEG features are used to extract the temporal information by being passed to the NLSTM. The NLSTM differs from standard LSTM and the stacked LSTM models in that it enhances the depth of LSTM by nesting to select pertinent information from the EEG segments. In the traditional stacked LSTM architecture, several standard LSTM units are combined into a whole, with the processing outcome of this step serving as the input for the subsequent units. Conversely, the NLSTM structure employs external memory cells to select and process EEG segments, while internal memory cells are responsible for storing and processing them. These two modules are interdependent, with the internal module using the output of the external module as input data. This configuration demonstrates strong performance in capturing the long-term dependencies present in EEG signals.

Most epilepsy detection methods typically involve the extraction or design of features by humans to characterize epilepsy EEG. Subsequently, selection algorithms are applied to identify the most representative features for classification using various classifiers. However, these methods are often complex and time-consuming due to the search for suitable features. In contrast, deep learning frameworks, such as our approach, streamline the process by bypassing feature extraction or automating it, eliminating the need for manual feature selection common in traditional methods. This approach enables the extraction of EEG segment features without human intervention, facilitating the classification of segments into ictal or non-ictal categories. Implementing this method in medical settings alleviates the workload of neurologists by simplifying EEG graph interpretation, thereby reducing the expertise threshold and saving time for healthcare professionals.

Different lengths of EEG segments significantly affect the accuracy of normal vs. interictal vs. ictal problems, which has been demonstrated by Li et al. (2020) that the EEG segment length of 1,024 allows the method to achieve optimal accuracy. This result is verified in the three databases, which include the Bonn University database, the Freiburg Hospital database, and the CHB–MIT database.

There are many methods that have shown good performance in two-class seizure recognition problems. It is necessary and important to compare the accuracy with other research results. The results are compared in Table 5, which consists of three columns containing information on tasks, methods, and the accuracy of the classification experiments. This table includes 9 experiments conducted using the Bonn University database. Our method demonstrates higher accuracy than many other methods across all experiments. Bhattacharyya et al. (2017) used the tunable-Q wavelet transform (TQWT) to extract EEG features, which were then processed using a wrapper-based feature selection method and inputted into an SVM for the identification of ictal EEGs. They achieved 100% accuracy in A vs. E and B vs. E, and 99.5% accuracy in C vs. E. From Table 5, we can see that our method has a good performance in all 9 experiments. Kaya and Ertuğrul (2018) achieved 100% accuracy in A vs. E, but did not perform well in other tasks. Li et al. (2020) achieved 100% accuracy in A vs. E, B vs. E, and CD vs. E. Sharma et al. (2017) and Tuncer et al. (2021) both achieved 100% accuracy in B vs. E. Sharma et al. (2017) also achieved the same accuracy in AB vs. E. Our method demonstrates good performance across all nine classification tasks and achieves a classification accuracy of 99.06% in AB vs. CD.

Table 5
www.frontiersin.org

Table 5. Comparison results for A vs. E, B vs. E, AB vs. E, C vs. E, D vs. E, CD vs. E, AB vs. CDE, ABCD vs. E, AB vs. CD class recognition.

Table 6 presents the comparative results of statistical differences found in the classification tasks for various small datasets within the Bonn dataset. The performance in A vs. E, AB vs. E, C vs. E, and AB vs. CD is better, while D vs. E and AB vs. CDE show poorer results. The variation in differentiation among these small datasets is influenced by the nature of their data, with some showing greater differentiation and others showing slightly weaker differentiation.

Table 6
www.frontiersin.org

Table 6. Comparison of differentiation under different datasets.

5 Conclusion

In order to promote the application of epilepsy detection in medical practice, the integration of FFT and fully convolutional NLSTM is used in classification. The time domain of the EEG signal transforms into the frequency domain using FFT methods. The data is then divided into training and testing parts, with the former being put into NLSTM to train classification model, and the other parts being put into the classification model to classify them as normal, interictal and ictal categories. Additionally, EMD and WT and FFT are employed as data processing methods to determine the most suitable type for NLSTM, with accuracy, sensitivity and specificity serving as evaluation metrics. Among the 9 experiments conducted, the FFT method yields the best results, confirming the approach as FFT and FC-NLSTM.

In the discussion section, we compare the results with other methods. Our method achieves an accuracy rate exceeding 97.00% across all experiments. The accuracies of 99.62, 99.00, 99.83, 99.13, 97.63, 98.67, 99.06, 98.15 and 97.95% are calculated for the cases A vs. E, B vs. E, AB vs. E, C vs. E, D vs. E, CD vs. E, AB vs. CD, ABCD vs. E and AB vs. CDE, respectively. The accuracy of 6 experiments exceeds 99.00%. These comparative results demonstrate the effectiveness of our method. They indicate its potential for automated epilepsy detection. Furthermore, this model and its framework can be used for EEG signal classification, which offers practical benefits in epilepsy detection. Its performance allows not only the classification of normal vs. ictal states, but also normal vs. interictal and interictal vs. ictal states.

In future work, it is advisable to consider using large datasets, such as the Freiburg hospital database and the CHB-MIT scalp EEG database, to improve the generalizability of the method and facilitate the development of a successful model. The integration of real-time applications has the potential to greatly impact clinical practice. In addition, it is recognized that deep learning approaches have difficulty providing explanations for decisions. Therefore, novel and explainable methods may need to be proposed to effectively address the epilepsy classification problem.

Data availability statement

The original contributions presented in the study are included in the article/supplementary material, further inquiries can be directed to the corresponding author.

Author contributions

JN: Conceptualization, Data curation, Formal analysis, Investigation, Methodology, Project administration, Resources, Software, Validation, Visualization, Writing – original draft, Writing – review & editing. HS: Conceptualization, Funding acquisition, Methodology, Supervision, Writing – review & editing. FW: Writing – review & editing.

Funding

The author(s) declare that financial support was received for the research, authorship, and/or publication of this article. This work was supported in part by the National Natural Science Foundation of China under Grants 61271312, and in part by the innovation project of Jiangsu Province under grants BZ2023042, BY2022564.

Conflict of interest

The authors declare that the research was conducted in the absence of any commercial or financial relationships that could be construed as a potential conflict of interest.

Publisher’s note

All claims expressed in this article are solely those of the authors and do not necessarily represent those of their affiliated organizations, or those of the publisher, the editors and the reviewers. Any product that may be evaluated in this article, or claim that may be made by its manufacturer, is not guaranteed or endorsed by the publisher.

References

Abualsaud, K., Mahmuddin, M., Saleh, M., and Mohamed, A. (2015). Ensemble classifer for epileptic seizure detection for imperfect EEG data. Sci. World J. 2015, 1–15. doi: 10.1155/2015/945689

PubMed Abstract | Crossref Full Text | Google Scholar

Acharya, U. R., Molinari, F., Sree, S. V., Chattopadhyay, S., Ng, K.-H., and Suri, J. S. (2012). Automated diagnosis of epileptic EEG using entropies. Biomed. Signal Process. Control 7, 401–408. doi: 10.1016/j.bspc.2011.07.007

Crossref Full Text | Google Scholar

Acharya, U. R., Oh, S. L., Hagiwara, Y., Tan, J. H., and Adeli, H. (2018). Deep convolutional neural network for the automated detection and diagnosis of seizure using EEG signals. Comput. Biol. Med. 100, 270–278. doi: 10.1016/j.compbiomed.2017.09.017

PubMed Abstract | Crossref Full Text | Google Scholar

Adeli, H., Zhou, Z., and Dadmehr, N. (2003). Analysis of EEG records in an epileptic patient using wavelet transform[J]. J. Neurosci. Methods 123, 69–87. doi: 10.1016/S0165-0270(02)00340-0

PubMed Abstract | Crossref Full Text | Google Scholar

Al Ghayab, H. R., Li, Y., Abdulla, S., Diykh, M., and Wan, X. (2016). Classification of epileptic EEG signals based on simple random sampling and sequential feature selection. Brain Inform. 3, 85–91. doi: 10.1007/s40708-016-0039-1

PubMed Abstract | Crossref Full Text | Google Scholar

Altaf, M. A. B., and Yoo, J. (2015). A 1.83μ/classification, 8-channel, patient-specific epileptic seizure classification SoC using a non-linear support vector machine, IEEE Transactions on Biomedical Circuits and Systems. Biomed. Circuits Syst. 10, 49–60. doi: 10.1109/TBCAS.2014.2386891

Crossref Full Text | Google Scholar

Andrzejak, R. G., Lehnertz, K., Mormann, F., Rieke, C., David, P., and Elger, C. E. (2001). Indications of nonlinear deterministic and finite-dimensional structures in time series of brain electrical activity: dependence on recording region and brain state. Phys. Rev. E 64:061907. doi: 10.1103/PhysRevE.64.061907

PubMed Abstract | Crossref Full Text | Google Scholar

Bajaj, V., and Pachori, R. B. (2012). Classification of seizure and nonseizure EEG signals using empirical mode decomposition. IEEE Trans. Inf. Technol. Biomed. 16, 1135–1142. doi: 10.1109/TITB.2011.2181403

PubMed Abstract | Crossref Full Text | Google Scholar

Bhattacharyya, A., Pachori, R., Upadhyay, A., and Acharya, U. (2017). Tunable-Q wavelet transform based multiscale entropy measure for automated classification of epileptic EEG signals. Appl. Sci. 7:385. doi: 10.3390/app7040385

Crossref Full Text | Google Scholar

Chui, C. K. (1992). An introduction to wavelets. San Diego, CA: Academic Press Inc.

Google Scholar

Covert, I. C., Krishnan, B., Najm, I., Zhan, J., Shore, M., Hixson, J., et al. (2019). Temporal graph convolutional networks for automatic seizure detection[C]//machine learning for healthcare conference. PMLR 106, 160–180. doi: 10.48550/arXiv.1905.01375

Crossref Full Text | Google Scholar

Das, A. B., Bhuiyan, M. I. H., and Alam, S. M. S. (2016). Classification of EEG signals using normal inverse Gaussian parameters in the dual-tree complex wavelet transform domain for seizure detection. SIViP 10, 259–266. doi: 10.1007/s11760-014-0736-2

Crossref Full Text | Google Scholar

Daubechies, I. (1992). Ten lectures on wavelets. Philadelphia, PA: Society for Industrial and Applied Mathematics.

Google Scholar

Fathima, T., Bedeeuzzaman, M., Farooq, O., and Khan, Y. U. (2011). Wavelet based features for epileptic seizure detection. MES J. Technol. Manag. 2, 108–112.

Google Scholar

Feng, L., Li, Z., and Wang, Y. (2017). VLSI design of SVM-based seizure detection system with on-chip learning capability. IEEE Trans. Biomed. Circuits Syst. 12, 171–181. doi: 10.1109/TBCAS.2017.2762721

PubMed Abstract | Crossref Full Text | Google Scholar

Fisher, R. S., Acevedo, C., Arzimanoglou, A., Bogacz, A., Cross, J. H., Elger, C. E., et al. (2014). ILAE offcial report: a practical clinical definition of epilepsy. Epilepsia 55, 475–482. doi: 10.1111/epi.12550

PubMed Abstract | Crossref Full Text | Google Scholar

Fu, K., Qu, J., Chai, Y., and Dong, Y. (2014). Classification of seizure based on the time-frequency image of EEG signals using HHT and SVM. Biomed. Signal Process. Control 13, 15–22. doi: 10.1016/j.bspc.2014.03.007

Crossref Full Text | Google Scholar

Gao, X., Yan, X., Gao, P., Gao, V., and Zhang, S. (2020). Automatic detection of epileptic seizure based on approximate entropy, recurrence quantification analysis and convolutional neural networks. Artif. Intell. Med. 102:101711. doi: 10.1016/j.artmed.2019.101711

PubMed Abstract | Crossref Full Text | Google Scholar

Ghosh-Dastidar, S., and Adeli, H. (2009). A new supervised learning algorithm for multiple spiking neural networks with application in epilepsy and seizure detection. Neural Netw. 22, 1419–1431. doi: 10.1016/j.neunet.2009.04.003

PubMed Abstract | Crossref Full Text | Google Scholar

Goksu, H. (2018). EEG based epileptiform pattern recognition inside and outside the seizure states. Biomed. Signal Process. Control 43, 204–215. doi: 10.1016/j.bspc.2018.03.004

Crossref Full Text | Google Scholar

Gotman, J. (1982). Automatic recognition of epileptic seizures in the EEG. Electroencephalogr. Clin. Neurophysiol. 54, 530–540. doi: 10.1016/0013-4694(82)90038-4

Crossref Full Text | Google Scholar

Gotman, J. (1990). Automatic seizure detection: improvements and evaluation. Electroencephalogr. Clin. Neurophysiol. 76, 317–324. doi: 10.1016/0013-4694(90)90032-F

Crossref Full Text | Google Scholar

Guo, L., Rivero, D., Dorado, J., Munteanu, C. R., and Pazos, A. (2011). Automatic feature extraction using genetic programming: an application to epileptic EEG classification. Expert Syst. Appl. 38, 10425–10436. doi: 10.1016/j.eswa.2011.02.118

Crossref Full Text | Google Scholar

Hassan, A. R., Siuly, S., and Zhang, Y. (2016). Epileptic seizure detection in EEG signals using tunable-Q factor wavelet transform and bootstrap aggregating. Comput. Methods Prog. Biomed. 137, 247–259. doi: 10.1016/j.cmpb.2016.09.008

PubMed Abstract | Crossref Full Text | Google Scholar

Hochreiter, S., and Schmidhuber, J. (1997). Long short-term memory. Neural Comput. 9, 1735–1780. doi: 10.1162/neco.1997.9.8.1735

Crossref Full Text | Google Scholar

Huang, N. E., Shen, Z., Long, S. R., Wu, M. C., Shih, H. H., Zheng, Q., et al. (1998). The empirical mode decomposition and the Hilbert spectrum for nonlinear and non-stationary time series analysis. Proc. R. Soc. London 454, 903–995. doi: 10.1098/rspa.1998.0193

Crossref Full Text | Google Scholar

Hussein, R., Palangi, H., Ward, R. K., and Wang, Z. J. (2019). Optimized deep neural network architecture for robust detection of epileptic seizures using EEG signals. Clin. Neurophysiol. 130, 25–37. doi: 10.1016/j.clinph.2018.10.010

PubMed Abstract | Crossref Full Text | Google Scholar

Indira, P. B., and Krishna, R. D. (2021). Optimized adaptive neuro fuzzy inference system (OANFIS) based EEG signal analysis for seizure recognition on FPGA. Biomed. Signal Process. Control 66:102484. doi: 10.1016/j.bspc.2021.102484

Crossref Full Text | Google Scholar

Jaiswal, A. K., and Banka, H. (2017). Local pattern transformation based feature extraction techniques for classification of epileptic EEG signals. Biomed. Signal Process. Control 34, 81–92. doi: 10.1016/j.bspc.2017.01.005

Crossref Full Text | Google Scholar

Joshi, V., Pachori, R. B., and Vijesh, A. (2014). Classification of ictal and seizure-free EEG signals using fractional linear prediction. Biomed. Signal Process. Control 9, 1–5. doi: 10.1016/j.bspc.2013.08.006

Crossref Full Text | Google Scholar

Kaleem, M., Gurve, D., Guergachi, A., and Krishnan, S. (2018). Patient-specific seizure detection in long-term EEG using signal-derived empirical mode decomposition (EMD)- based dictionary approach. J. Neural Eng. 15:056004. doi: 10.1088/1741-2552/aaceb1

PubMed Abstract | Crossref Full Text | Google Scholar

Kaya, Y., and Ertuğrul, Ö. F. (2018). A stable feature extraction method in classification epileptic EEG signals. Australas. Phys. Eng. Sci. Med. 41, 721–730. doi: 10.1007/s13246-018-0669-0

PubMed Abstract | Crossref Full Text | Google Scholar

Kaya, Y., Uyar, M., Tekin, R., and Yıldırım, S. (2014). 1D-local binary pattern based feature extraction for classification of epileptic EEG signals. Appl. Math. Comput. 243, 209–219. doi: 10.1016/j.amc.2014.05.128

Crossref Full Text | Google Scholar

Kumar, Y., Dewal, M., and Anand, R. (2014). Epileptic seizure detection using DWT based fuzzy approximate entropy and support vector machine. Neurocomputing 133, 271–279. doi: 10.1016/j.neucom.2013.11.009

Crossref Full Text | Google Scholar

Kundu, K., Costa, F., Huber, M., Reth, M., and Backofen, R. (2013). Semi-supervised prediction of SH2-peptide interactions from imbalanced highthroughput data. PLoS One 8:e62732. doi: 10.1371/journal.pone.0062732

PubMed Abstract | Crossref Full Text | Google Scholar

Li, M., and Chen, W. (2021). FFT-based deep feature learning method for EEG classification. Biomed. Signal Process. Control 66:102492. doi: 10.1016/j.bspc.2021.102492

Crossref Full Text | Google Scholar

Li, Y., Yu, Z., Chen, Y., Yang, C., Li, Y., Allen Li, X., et al. (2020). Automatic seizure detection using fully convolutional nested LSTM[J]. Int. J. Neural Syst. 30:2050019. doi: 10.1142/S0129065720500197

PubMed Abstract | Crossref Full Text | Google Scholar

Li, S., Zhou, W., Yuan, Q., Geng, S., and Cai, D. (2013). Feature extraction and recognition of ictal EEG using EMD and SVM. Comput. Biol. Med. 43, 807–816. doi: 10.1016/j.compbiomed.2013.04.002

PubMed Abstract | Crossref Full Text | Google Scholar

Nicolaou, N., and Georgiou, J. (2012). Detection of epileptic electroencephalogram based on permutation entropy and support vector machines. Expert Syst. Appl. 39, 202–209. doi: 10.1016/j.eswa.2011.07.008

Crossref Full Text | Google Scholar

Oliva, J. T., and Rosa, J. L. G. (2019). Classification for EEG report generation and epilepsy detection. Neurocomputing 335, 81–95. doi: 10.1016/j.neucom.2019.01.053

Crossref Full Text | Google Scholar

Oliva, J. T., and Rosa, J. L. G. (2021). Binary and multiclass classifiers based on multitaper spectral features for epilepsy detection. Biomed. Signal Process. Control 66:102469. doi: 10.1016/j.bspc.2021.102469

Crossref Full Text | Google Scholar

Orhan, U., Hekim, M., and Ozer, M. (2011). EEG signals classification using the K-means clustering and a multilayer perceptron neural network model. Expert Syst.Appl. 38, 13475–13481. doi: 10.1016/j.eswa.2011.04.149

Crossref Full Text | Google Scholar

Ozdemir, M. A., Cura, O. K., and Akan, A. (2021). Epileptic EEG classification by using time-frequency images for deep learning. Int. J. Neural Syst. 31:2150026. doi: 10.1142/S012906572150026X

PubMed Abstract | Crossref Full Text | Google Scholar

Pachori, R. B., and Patidar, S. (2014). Epileptic seizure classification in EEG signals using second-order difference plot of intrinsic mode functions. Comput. Methods Prog. Biomed. 113, 494–502. doi: 10.1016/j.cmpb.2013.11.014

PubMed Abstract | Crossref Full Text | Google Scholar

Qaisar, S. M., and Hussain, S. F. (2021). Effective epileptic seizure detection by using level-crossing EEG sampling sub-bands statistical features selection and machine learning for mobile healthcare. Comput. Methods Prog. Biomed. 203:106034. doi: 10.1016/j.cmpb.2021.106034

PubMed Abstract | Crossref Full Text | Google Scholar

Ren, W., and Han, M. (2019). Classification of EEG signals using hybrid feature extraction and ensemble extreme learning machine. Neural. Process. Lett. 50, 1281–1301. doi: 10.1007/s11063-018-9919-0

Crossref Full Text | Google Scholar

Richhariya, B., and Tanveer, M. (2018). EEG signal classification using universum support vector machine. Expert Syst. Appl. 106, 169–182. doi: 10.1016/j.eswa.2018.03.053

Crossref Full Text | Google Scholar

Samiee, K., Kovacs, P., and Gabbouj, M. (2015). Epileptic seizure classification of EEG timeseries using rational discrete short-time Fourier transform. I.E.E.E. Trans. Biomed. Eng. 62, 541–552. doi: 10.1109/TBME.2014.2360101

PubMed Abstract | Crossref Full Text | Google Scholar

Sayeed, M. A., Mohanty, S. P., Kougianos, E., and Zaveri, H. P. (2019). Neuro-detect: a machine learning-based fast and accurate seizure detection system in the IoMT. IEEE Trans. Consum. Electron. 65, 359–368. doi: 10.1109/TCE.2019.2917895

Crossref Full Text | Google Scholar

Şengür, A., Guo, Y., and Akbulut, Y. (2016). Time–frequency texture descriptors of EEG signals for efficient detection of epileptic seizure. Brain Inf. 3, 101–108. doi: 10.1007/s40708-015-0029-8

PubMed Abstract | Crossref Full Text | Google Scholar

Shanir, P. M., Khan, K. A., Khan, Y. U., Farooq, O., and Adeli, H. (2018). Automatic seizure detection based on morphological features using one-dimensional local binary pattern on long-term EEG. Clin. EEG Neurosci. 49, 351–362. doi: 10.1177/1550059417744890

PubMed Abstract | Crossref Full Text | Google Scholar

Sharma, P., Khan, Y. U., Farooq, O., Tripathi, M., and Adeli, H. (2014). A wavelet-statistical features approach for nonconvulsive seizure detection. Clin. EEG Neurosci. 45, 274–284. doi: 10.1177/1550059414535465

PubMed Abstract | Crossref Full Text | Google Scholar

Sharma, M., Pachori, R. B., and Acharya, U. R. (2017). A new approach to characterize epileptic seizures using analytic time-frequency flexible wavelet transform and fractal dimension. Pattern Recogn. Lett. 94, 172–179. doi: 10.1016/j.patrec.2017.03.023

Crossref Full Text | Google Scholar

Sharmila, A., and Geethanjali, P. (2020). Evaluation of time domain features on detection of epileptic seizure from EEG signals. Heal. Technol. 10, 711–722. doi: 10.1007/s12553-019-00363-y

Crossref Full Text | Google Scholar

Shen, C. P., Lin, J. W., Lin, F. S., Lam, A. Y. Y., Chen, W., Zhou, W., et al. (2017). GA-SVM modeling of multiclass seizure detector in epilepsy analysis system using cloud computing. Soft. Comput. 21, 2139–2149. doi: 10.1007/s00500-015-1917-9

Crossref Full Text | Google Scholar

Sikdar, D., Roy, R., and Mahadevappa, M. (2018). Epilepsy and seizure characterisation by multifractal analysis of EEG subbands. Biomed. Signal Process. Control 41, 264–270. doi: 10.1016/j.bspc.2017.12.006

Crossref Full Text | Google Scholar

Singh, G., Kaur, M., and Singh, B. (2020). Detection of epileptic seizure EEG signal using multiscale entropies and complete ensemble empirical mode decomposition. Wirel. Pers. Commun. 116, 845–864. doi: 10.1007/s11277-020-07742-z

Crossref Full Text | Google Scholar

Siuly, S., Alcin OFBajaj, V., Sengur, A., and Zhang, Y. (2018). Exploring Hermite transformation in brain signal analysis for the detection of epileptic seizure. IET Sci. Meas. Technol. 13, 35–41. doi: 10.1049/iet-smt.2018.5358

Crossref Full Text | Google Scholar

Subasi, A., and Ismail Gursoy, M. (2010). EEG signal classification using PCA, ICA, LDA and support vector machines. Expert Syst. Appl. 37, 8659–8666. doi: 10.1016/j.eswa.2010.06.065

Crossref Full Text | Google Scholar

Swami, P., Gandhi, T. K., Panigrahi, B. K., Tripathi, M., and Anand, S. (2016). A novel robust diagnostic model to detect seizures in electroencephalography. Expert Syst. Appl. 56, 116–130. doi: 10.1016/j.eswa.2016.02.040

Crossref Full Text | Google Scholar

Tawfik, N. S., Youssef, S. M., and Kholief, M. (2016). A hybrid automated detection of epileptic seizures in EEG records. Comput. Electr. Eng. 53, 177–190. doi: 10.1016/j.compeleceng.2015.09.001

Crossref Full Text | Google Scholar

Truong, N. D., Nguyen, A. D., Kuhlmann, L., Bonyadi, M. R., Yang, J., Ippolito, S., et al. (2018). Convolutional neural networks for seizure prediction using intracranial and scalp electroencephalogram. Neural Netw. 105, 104–111. doi: 10.1016/j.neunet.2018.04.018

PubMed Abstract | Crossref Full Text | Google Scholar

Tsiouris, Κ. Μ., Pezoulas, V. C., Zervakis, M., Konitsiotis, S., Koutsouris, D. D., and Fotiadis, D. I. (2018). A long short-term memory deep learning network for the prediction of epileptic seizures using EEG signals. Comput. Biol. Med. 99, 24–37. doi: 10.1016/j.compbiomed.2018.05.019

PubMed Abstract | Crossref Full Text | Google Scholar

Tuncer, T., Dogan, S., Naik, G. R., and Pławiak, P. (2021). Epilepsy attacks recognition based on 1D octal pattern, wavelet transform and EEG signals. Multimed. Tools Appl. 80, 25197–25218. doi: 10.1007/s11042-021-10882-4

Crossref Full Text | Google Scholar

Tzallas, A. T., Tsipouras, M. G., and Fotiadis, D. I. (2007). “A time-frequency based method for the detection of epileptic seizures in EEG recordings” in Twentieth IEEE international symposium on computer-based medical systems (CBMS'07) (Maribor, Slovenia: IEEE), 135–140.

Google Scholar

Ullah, I., Hussain, M., and Aboalsamh, H. (2018). An automated system for epilepsy detection using EEG brain signals based on deep learning approach. Expert Syst. Appl. 107, 61–71. doi: 10.1016/j.eswa.2018.04.021

Crossref Full Text | Google Scholar

Wang, Z., Yan, W., and Oates, T. (2017). Time series classification from scratch with deep neural networks: a strong baseline. Int. Joint Conf. Neural Networks 2017, 1578–1585. doi: 10.48550/arXiv.1611.06455

Crossref Full Text | Google Scholar

Wang, Y., Zhou, W., Yuan, Q., Li, X., Meng, Q., Zhao, X., et al. (2013). Comparison of ictal and interictal EEG signals using fractal features. Int. J. Neural Syst. 23:1350028. doi: 10.1142/S0129065713500287

PubMed Abstract | Crossref Full Text | Google Scholar

Wang, H., Zhuo, G., and Zhang, Y. (2016). Analyzing EEG signal data for detection of epileptic seizure: introducing weight on visibility graph with complex network feature. Austr. Database Conf. 9877, 56–66. doi: 10.1007/978-3-319-46922-5_5

Crossref Full Text | Google Scholar

Wijayanto, I., Hadiyoso, S., Aulia, S., and Atmojo, B. S. (2020). Detecting ictal and Interictal condition of EEG signal using Higuchi fractal dimension and support vector machine. J. Physics 1577:012016. doi: 10.1088/1742-6596/1577/1/012016

Crossref Full Text | Google Scholar

World Health Organization (2021) Epilepsy. Available at: https://www.who.int/en/news-room/fact-sheets/detail/measles (Accessed March 30, 2022)

Google Scholar

Wu, J. M-T., Tsai, M-H., Hsu, C-T., Huang, H-C., and Chen, H-C. (2019). Intelligent signal classifier for brain epileptic EEG based on decision tree, multilayer perceptron and over-sampling approach[C]//future of information and communication conference. Cham: Springer, 11–24.

Google Scholar

Xiang, J., Li, C., Li, H., Cao, R., Wang, B., Han, X., et al. (2015). The detection of epileptic seizure signals based on fuzzy entropy. J. Neurosci. Methods 243, 18–25. doi: 10.1016/j.jneumeth.2015.01.015

PubMed Abstract | Crossref Full Text | Google Scholar

Yavuz, E., Kasapbaşı, M. C., Eyüpoğlu, C., and Yazıcı, R. (2018). An epileptic seizure detection system based on cepstral analysis and generalized regression neural network, Biocybern. Biomed. Eng. 38, 201–216. doi: 10.1016/j.bbe.2018.01.002

Crossref Full Text | Google Scholar

Yuan, Y., Xun, G., Jia, K., and Zhang, A. (2017). A multi-view deep learning method for epileptic seizure detection using short-time Fourier transform, in Proc. 8th ACM Int. Conf. Bioinformatics, computational biology, and health informatics (ACM, New York)

Google Scholar

Yuan, Q., Zhou, W., Yuan, S., Li, X., Wang, J., and Jia, G. (2014). Epileptic EEG classification based on kernel sparse representation[J]. Int. J. Neural Syst. 24:1450015. doi: 10.1142/S0129065714500154

PubMed Abstract | Crossref Full Text | Google Scholar

Zeng, K., Yan, J., Wang, Y., Sik, A., Ouyang, G., and Li, X. (2016). Automatic detection of absence seizures with compressive sensing EEG. Neurocomputing 171, 497–502. doi: 10.1016/j.neucom.2015.06.076

Crossref Full Text | Google Scholar

Zhu, G., Li, Y., and Wen, P. P. (2014). Epileptic seizure detection in EEGs signals using a fast weighted horizontal visibility algorithm. Comput. Methods Prog. Biomed. 115, 64–75. doi: 10.1016/j.cmpb.2014.04.001

PubMed Abstract | Crossref Full Text | Google Scholar

Keywords: electroencephalogram, fast Fourier transformation, seizure detection, convolutional neural network, long-short term memory

Citation: Nie J, Shu H and Wu F (2024) An epilepsy classification based on FFT and fully convolutional neural network nested LSTM. Front. Neurosci. 18:1436619. doi: 10.3389/fnins.2024.1436619

Received: 22 May 2024; Accepted: 16 July 2024;
Published: 30 July 2024.

Edited by:

Da Ma, Wake Forest University, United States

Reviewed by:

M. Sandeep Kumar, VIT University, India
S. Saravanan, Vel Tech Rangarajan Dr. Sagunthala R&D Institute of Science and Technology, India

Copyright © 2024 Nie, Shu and Wu. 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: Huazhong Shu, shu.list@seu.edu.cn

Disclaimer: 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.