Next Article in Journal
Batch and Column Adsorption of Phosphorus by Modified Montmorillonite
Next Article in Special Issue
Effect of Rehabilitation on Brain Functional Connectivity in a Stroke Patient Affected by Conduction Aphasia
Previous Article in Journal
Extended Chaotic-Map-Based User Authentication and Key Agreement for HIPAA Privacy/Security Regulations
Previous Article in Special Issue
EEG Signal Processing and Supervised Machine Learning to Early Diagnose Alzheimer’s Disease
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Wavelet-Based Multi-Class Seizure Type Classification System

by
Hezam Albaqami
1,2,*,
Ghulam Mubashar Hassan
1 and
Amitava Datta
1
1
Department of Computer Science and Software Engineering, The University of Western Australia, Perth 6009, Australia
2
Department of Computer Science and Artificial Intelligence, University of Jeddah, Jeddah 201589, Saudi Arabia
*
Author to whom correspondence should be addressed.
Submission received: 4 May 2022 / Revised: 30 May 2022 / Accepted: 1 June 2022 / Published: 3 June 2022

Abstract

:
Epilepsy is one of the most common brain diseases that affects more than 1% of the world’s population. It is characterized by recurrent seizures, which come in different types and are treated differently. Electroencephalography (EEG) is commonly used in medical services to diagnose seizures and their types. The accurate identification of seizures helps to provide optimal treatment and accurate information to the patient. However, the manual diagnostic procedures of epileptic seizures are laborious and require professional skills. This paper presents a novel automatic technique that involves the extraction of specific features from epileptic seizures’ EEG signals using dual-tree complex wavelet transform (DTCWT) and classifying them into one of the seven types of seizures, including absence, complex-partial, focal non-specific, generalized non-specific, simple-partial, tonic-clonic, and tonic seizures. We evaluated the proposed technique on the TUH EEG Seizure Corpus (TUSZ) ver.1.5.2 dataset and compared the performance with the existing state-of-the-art techniques using the overall F1-score due to class imbalance of seizure types. Our proposed technique achieved the best results of a weighted F1-score of 99.1% and 74.7% for seizure-wise and patient-wise classification, respectively, thereby setting new benchmark results for this dataset.

1. Introduction

1.1. Background

Epilepsy is the most widespread brain disease among children and adults after stroke [1]. It is defined as “a sudden and recurrent brain malfunction and is a disease that reflects an excessive and hypersynchronous activity of the neurons within the brain” [2]. Over 60 million of the world’s population are diagnosed with epilepsy, whose defining feature is recurrent seizures. Such seizure attacks impair the brain’s normal functions, leading the patient to be vulnerable and unsafe.
Seizures are medically classified into two main categories—focal seizures or generalized seizures—depending on the extent to which regions of the brain are affected. Focal seizures are seizures that originate and affect a circumscribed region of the brain. Focal seizures are further classified into simple or complex, based on the patient’s level of awareness. Generalized seizures, on the other hand, involve most areas of the brain. Based on motor and non-motor symptoms, generalized seizure classifications can be absence, tonic, atonic, clonic, tonic-clonic, or myoclonic seizures [3,4]. Classification of seizure is very essential for accurate diagnosis and treatment.
Identifying the type of seizure, although sometimes difficult, can be done by clinical observation and referencing medical history and demographic information, and is supported by general brain imaging techniques such as EEG, magnetoencephalography (MEG), and fMRI [5,6]. EEG is the most practical and cost-effective tool to diagnose epilepsy currently [7]. Video-EEG monitoring is often required to support the decision for seizure classification [8].
For treatment, seizures can be controlled in most cases (up to 70%) of patients by consuming medication to achieve a steady-state concentration in the blood. Surgical intervention is another option for certain conditions. For up to 20% of epileptic patients, there is no medical treatment that exists to control seizures [2]. The accurate identification of the type of seizures influences medication choice and provides information to patients, families, researchers, and clinicians caring for patients with epilepsy [4,9].
It is a challenging task to classify the type of seizure accurately. Several factors make the classification difficult. Firstly, some types of seizures share the same clinical and EEG symptoms. For instance, it has been shown that even for a highly experienced neurologist, sometimes it is hard to distinguish between focal and generalized seizures [10]. Secondly, in some cases, it is required to perform long-term monitoring (i.e., video-EEG monitoring), which may last for days [7]. Therefore, manual analysis of these long recordings requires a substantial amount of effort and time from neurologists.
In addition, signal interpretation is known to have a low inter-rater agreement, which fully depends on the level of expertise of the expert. Moreover, inter-subject variability significantly adds to the difficulties associated with the diagnosis of an epileptic seizure, leading to a variety of manifestations of the same type of seizures across different patients, and sometimes for the same individual over time. Finally, signal artifacts also hinder the correct interpretation of EEG. With these challenges, in a field that already has a shortage of healthcare experts, computer-aided diagnostic (CAD) methods have great potential to support decision making in the diagnosis of such a critical disease.

1.2. Review of Related Work

A considerable amount of research has been published on automated seizure detection and prediction. However, the automatic classification of seizure types has received little attention due to two main reasons: firstly, the difficulties inherent in the classification problem for seizure types, and secondly, a lack of clinical data [11].
Since the start of this century, considerable research outcomes have focused on the automation of epileptic seizure diagnoses [8,9]. Generally, the procedure of automatic seizure analysis involves two phases: feature extraction and classification [12,13]. Various methods have been proposed for feature extraction over time, including time-domain [14], frequency-domain [13,15], and time-frequency domain [16].
Time-frequency methods became popular due to inclusion of both time and frequency features. Among time-frequency methods, wavelet transform (WT)-based feature extraction is the most promising method to extract robust features from EEG signals [17]. The strategies in wavelet-based feature extraction from EEGs use continuous wavelet transform (CWT) [18], discrete wavelet transform (DWT) [19], wavelet packet decomposition (WPD) [19,20], tunable Q-factor wavelet transform (TQWT) [21,22], and dual-tree wavelet transform (DTCWT) [23].
Regarding the availability of clinical data, it has been observed that in recent years, hospitals and universities have made appreciative efforts to encourage research on the automatic diagnosis of epileptic seizures by generating large volumes of openly available clinical EEG data. One of the most extensive publicly obtainable EEG datasets, the Temple University Hospital EEG Corpus (TUH EEG), is comprised of 14,000 subjects and has more than 25,000 clinical recordings [24]. The Corpus has various subsets, each focusing on different scopes of research interests. The TUH EEG Seizure Corpus (TUSZ) [25], one of the subsets, was created to motivate research on developing high-performance epileptic seizure detection algorithms using advances in machine learning algorithms [25]. This dataset contains manually annotated seizure events based on archival neurologist reports and careful examinations of the signals by students and neurologists from Temple University [25]. The seizure events in the TUSZ are labeled with eight different types of seizures: focal non-specific seizure (FNSZ), generalized non-specific seizure (GNSZ), simple partial seizure (SPSZ), complex partial seizure (CPSZ), absence seizure (ABSZ), tonic seizure (TNSZ), tonic-clonic seizure (TCSZ), and myoclonic seizure (MYSZ). The details of these labels are presented in Table 1. The corpus team continuously updates the corpus, and Table 2 presents the distribution of data for the last two versions of TUSZ.
To the best of our knowledge, we found only eight published research studies which used TUSZ for the problem of seizure type classification; the summary is presented in Table 3. Regarding the seven (7) types of seizure classification, Roy et al. [9] applied extreme gradient boosting (XGBoost) and KNN to classify the EEG signals into seven classes of seizures. The study reported F1-scores of 85.1% and 90.1% for XGBoost and K-nearest neighbor (KNN), respectively. Similarly, Aristizabal et al. [26] developed a deep learning model known as neural memory networks (NMN) to classify seven types of seizures. The study reported a 94.50% F1-score. In another study related to the seven-class problem, Asif et al. [11] applied a deep learning framework, called SeizureNet with ensemble learning and multiple DenseNets that achieved a 95% F1-score.
Raghu et al. [27] extracted EEG image features using a pretrained Google Inception 3 and classified them using support vector machine (SVM), achieving an accuracy of 88.3% to classify seven types of seizure classes and a normal class. Similarly, in [28], a convolutional neural network (CNN) model, AlexNet, is applied to classify EEG images based on the technique of short-time Fourier transform (STFT) to classify seven types of seizure and non-seizure class. The study yielded an accuracy of 84.06%. Liu et al. [8] applied a hybrid bi-linear model consisting of CNN and long short-term memory (LSTM) to classify eight types of seizures. The study reported a 97.4% F1-score.
For the four-class classification of seizures, Wijayanto et al. [29] applied empirical mode decomposition (EMD) to EEGs for feature extraction and quadratic SVM for classification. The study reported an accuracy of 95%. In another study, Ramadhani et al. [30] applied EMD, Mel frequency cepstral coefficients (MFCC), and independent component analysis (ICA) to EEG data for feature extraction and SVM for classification of four classes of seizures and achieved 91.4% accuracy. For three classes of seizure classification, Saric et al. [31] developed a field programmable gate array (FPGA)-based framework for the classification of generalized and focal epileptic seizures using a feed-forward multi-layer neural network and achieved an accuracy of 95.14%.
In spite of the good performance reported in the aforementioned studies, it is expected that the reported techniques cannot be used in real world situations as the studies either did not report the performance when tested on data from new patients or reported lower performance. Out of the eight studies presented in Table 3, only two studies [9,11] considered the generalization of their proposed techniques. Both studies mentioned a considerable decrease in the performance of their system, where the performance decreased by 45%. This shows that there is still a large gap for advancement for better generalization capability for the classification systems.
It is interesting to observe from Table 3 that the authors of these studies chose a different number of seizure classes, ranging from a three-class problem to an eight-class problem for seizure type classification. The reason behind the choice of the number of classes is not discussed in most of these studies. The authors of [9,11,26,27,28] excluded the seizure type MYSZ from their experiments because the signals of this type were only recorded from two patients (see Table 2). However, in [8], the authors chose to utilize all seizure types in the dataset regardless of the number of patients. Table 3 presents the investigated seizure types for each study.
It can be observed from Table 1 that in TUSZ, there are six specific types of seizures and two non-specific general types. From a pathological point of view, these types are not completely disjoint but form a hierarchical sub-grouping [4,26]. It has been stated in [7] that when there is inadequate evidence to label the type of seizure confidently, the corpus team tends to label an event as either focal non-specific or generalized non-specific based on the seizure’s focality and locality [25]. Both of these types are not medically distinct from one another, whereas SPNS and CPSZ are more specific types of FNSZ, and ABSZ, TNSZ, TNSZ, and MYSZ are more specific types of GNSZ [4,26]. Thus, considering the label FNSZ as a unique type of seizure against the specific focal types CPSZ and SPSZ might cause the classifier not to perform well, and similarly for the classification of GNSZ.
Therefore, in this study, we are considering two different classification problems. In the first problem, each label is considered in the dataset as a unique seizure type, and results are compared with the existing state-of-the-art results. On the other hand, the second problem is the introduction of a new challenge, which is more important pathologically, that deals with the specific seizure type classification to investigate the effect of the non-specific labels in TUSZ (five-class classification).
In order to solve the above mentioned problems, we propose a novel technique that focuses on wavelet-based machine learning methods for automatic seizure type classification in multi-channel EEG recordings. We only utilized EEG data and decomposed the EEG signals into different levels of components using DTCWT to extract specific features from these decomposed components. We used shift-invariant DTCWT for feature extraction from a biomedical signal and its classification, which is done for the first time in the literature for seizure type classification. Moreover, we tested our proposed technique on the largest available seizure EEG database, containing various types of epileptic seizures. In order to ensure the effectiveness and generalization of our technique, we thoroughly tested our proposed technique across subjects in addition to normal testing. The experimental results show that our proposed novel technique performs well for both problems of seizure-type classification.
The rest of this paper is organized as follows: Table 2 discusses information about the data utilized in this research and the details of our proposed technique. Table 3 presents the evaluation methodology and the analyses of the obtained results. A thorough discussion is provided in Table 4. Table 5 concludes the article with a future research plan.
Table 3. Summary of existing state-of-the-art techniques for seizure classification.
Table 3. Summary of existing state-of-the-art techniques for seizure classification.
MethodNo. of Seizure ClassesClasses ConsideredFeaturesPerformance (%)
Transfer learning Inceptionv3 [27]8 *GNSZ, FNSZ, SPSZ, CPSZ, ABSZ, TNSZ, TCSZ, NORMSFFT88.3 Accuracy
AlexNet [28]8 *GNSZ, FNSZ, SPSZ, CPSZ, ABSZ, TNSZ, TCSZ, NORMSFFT84.06 Accuracy
CNN+LSTM+MLP [8]8GNSZ, FNSZ, SPSZ, CPSZ, ABSZ, TNSZ, TCSZ, MYSZSFFT97.40 F1-score
SeizureNet Ensemble CNNs [11]7GNSZ, FNSZ, SPSZ, CPSZ, ABSZ, TNSZ, TCSZFFT95 F1-score
Plastic NMN [26]7GNSZ, FNSZ, SPSZ, CPSZ, ABSZ, TNSZ, TCSZFFT94.5 F1-score
K-NN [9]7GNSZ, FNSZ, SPSZ, CPSZ, ABSZ, TNSZ, TCSZFFT90.1 F1
XGBoost [9]7GNSZ, FNSZ, SPSZ, CPSZ, ABSZ, TNSZ, TCSZFFT85.1 F1-score
SVM [30]4 *GNSZ, FNSZ, TCSZ, NORMMFCC+HD+ICA91.4 Accuracy
FPGA-based ANN [31]3 *GNSZ, FNSZ, NORMCWT95.14 Accuracy
SVM [29]4GNSZ, FNSZ, SPSZ, TNSZEMD95 Accuracy
* Including non-seizure EEG class. +Normal EEGs.
Table 4. EEG channel names included in our study.
Table 4. EEG channel names included in our study.
#Channels#Channels
1FP1-F72F7-T3
3T3-T54T5-O1
5FP2-F86F8-T4
7T4-T68T6-O2
9T3-C310C3-CZ
11CZ-C412C4-T4
13FP1-F314F3-C3
15C3-P316P3-O1
17FP2-F418F4-C4
19C4-P420P4-O2
Table 5. Hyperparameters for LightGBM classifier.
Table 5. Hyperparameters for LightGBM classifier.
HyperparameterValue
boosting typegbdt
Learning_rate0.2
n_estimators1500
colsample_bytree0.13151
importance_typesplit
num_leaves31
subsample0.8

2. Materials and Methods

2.1. Data

Our study is based on TUSZ ver. 1.5.2 dataset [25], which is the largest publicly available dataset released in 2020. This dataset includes 3050 seizure events, consisting of various seizure morphologies and recorded from over 300 different patients. The TUSZ was collected from archival hospital data at Temple University Hospital (TUH), where clinical EEG data was retrieved and stored in .EDF format [25]. The signals were recorded based on the international 10-20 EEG system. Table 2 presents the details of the distribution of TUSZ. The EEG signals in TUSZ are annotated based on electrographic, electro-clinical, and clinical manifestations. More details about the dataset can be found in [25], and the dataset is available online at the corpus website (https://isip.piconepress.com/projects/tuh_eeg/, accessed on 1 May 2021). The seizure type MYSZ is excluded from our study due to its scarcity in the dataset, as it is recorded from only two patients in the recently released version (see Table 2). As mentioned earlier, this decision is in accordance with previous research studies in the same field [9,11,26,27,28].

2.2. Proposed Technique

Our proposed technique involves multiple steps which include preprocessing of the data, extracting the important features, and then classifying them. The architecture of our proposed technique is presented in Figure 1, and all the steps are explained below.

2.2.1. Preprocessing

All the data in TUSZ do not have the same montage and sampling rate, as those recordings were collected from real hospital data (see Section 2.1). As a result, we performed some initial procedures to generalize the input data prior to feature extraction. Firstly, the EEG segments which are exclusively responsible for seizures were extracted from the dataset. This was achieved using the annotation file provided with the dataset, including the start and the stop time of each seizure event. After extracting the seizure events, we used the transverse central parietal (TCP) montage to accentuate spike activity [9]. Montage is a differential view of the data, which consists of differencing the signals collected from two electrodes (e.g., Fp1-F7, F7-T3) [32]. In fact, neurologists are very particular about the type of montage used when interpreting an EEG because it helps in noise reduction [32,33]. Different experiments on montage selection have been done in [32,34], and TCP was found to be the most efficient montage that helps different machine learning algorithms to detect seizures. Secondly, we re-sampled all recordings at 250 Hz, as the EEG recordings in the TUSZ have various sampling rates ranging from 250 Hz to 512 Hz [8]. Finally, we cropped each extracted signal into equally non-overlapped segments such that each segment is of the length of two seconds. This choice was influenced by [9], where the authors investigated different window lengths, and they reported that the two second window length of the signal is the most optimal choice to achieve the best classification results. In summary, we took the following preprocessing steps in sequence to generalize the input data for processing:
  • Used the transverse central parietal (TCP) montage to accentuate spike activity. Table 4 presents the EEG channels considered in our study.
  • Re-sampled all recordings at 250 Hz.
  • Cropped the signal into equally non-overlapped segments such that each segment is of 2 seconds, resulting in 500 data points.
After the initial preprocessing steps, the input data were generalized and ready to be processed for transformation.

2.2.2. Feature Extraction

Wavelet transform (WT) methods have been employed successfully to solve various non-stationary signal problems [17,35,36], including EEG [20]. WT is a spectral estimation method that provides another representation of the signal at different scale components. Wavelet Transform (DWT) is one of the WT’s most popular techniques that decomposes a given signal x [ k ] into a mutually orthogonal set of wavelets through convolution with filter banks. For j levels of decomposition, a signal x [ k ] is passed through two bandpass filters: high H p [ . ] and low L p [ . ] starting from level j = 1 . The output of each level is two down sampled components, approximation A j [ i ] and detail D j [ i ] , which are represented as
D j [ i ] = k x [ k ] · H p [ 2 · i k ]
A j [ i ] = k x [ k ] · L p [ 2 · i k ]
The approximation component A j [ i ] can be further decomposed into another level of A j + 1 and D j + 1 as shown in Figure 2 until the maximum or required level of j is reached.
DWT has many successful applications; however, it has some drawbacks, such as insufficient information in high-frequency components, shift-variance, low directionality, and absence of phase shift. Over time, different enhancements have been introduced to cover the shortcomings of DWT. Dual-tree complex wavelet transform (DTCWT) is an extension of DWT which was proposed by Kingsbury [37] and developed later by Selesnick et al. [38]. It uses extra double low-pass filters and an additional two high-pass filters to produce four components at each level which include real and imaginary parts. DTCWT can be imagined as two parallel DWTs, as shown in Figure 3. This transformation is approximately shift-invariant and directionally selective in two and higher dimensions, which are very important in applications such as pattern recognition and signal analysis. Therefore, DTCWT has less shift variance and more directionality as compared to DWT.
In our proposed technique, we decomposed the EEG signals into four levels using DTCWT using the Python library DTCWT [39] (https://github.com/rjw57/dtcwt/tree/0.12.0, accessed on 10 May 2021). The level of decomposition was set manually based on trial and error after experimenting with different levels of decomposition based on the performance evaluation and computational efficiency. The decomposition process produces real and imaginary parts of complex wavelet coefficients, and we selected the magnitude of the complex coefficients. After the decomposition, we computed a set of statistical features from each of the coefficients. Although these coefficients may be directly fed into the machine learning algorithm, it has been observed that these decomposed signals are very sensitive to noise [40]. Therefore, we computed a set of statistical features from each of the coefficients as suggested in [1,19]. Those sets of features were successfully applied in EEG research to discriminate between the signals, such as in abnormality detection [20]. The computed features and their corresponding mathematical representations are presented below. For mathematical representations, M is the length of the signal in each sub-band, which is taken as 500 in this study, while Y { y 1 , y 2 , y M } and Z { z 1 , z 2 , z M } are two adjacent sub-bands [19,20,41].
  • Mean absolute values (MAV) of the coefficients in each sub-band, μ .
    μ = 1 M j = 1 M y j
  • Average power (AVP) of the coefficients in each sub-band, λ .
    λ = 1 M j = 1 M y j 2
  • Standard deviation (SD) of the coefficients in each sub-band, σ .
    σ = 1 M j = 1 M y j μ 2
  • Ratio of the absolute mean values (RMAV) of adjacent sub-bands, χ .
    χ = j = 1 M y j j = 1 M z j
  • Skewness (skew) of the coefficients in each sub-band, ϕ .
    ϕ = 1 M j = 1 M y j μ 3 σ 3
  • Kurtosis (Kurt) of the coefficients in each sub-band, ϕ k .
    ϕ k = 1 M j = 1 M y j μ 4 σ 4
The features across all the statistical coefficients corresponding to this interval signal are stacked together, which forms a 6 × 5 (statistical feature × DTCWT coefficients) feature matrix. We have 20 channels in TCP montage as mentioned in Table 4. Therefore, our resulting feature matrix is of size 20 × 6 × 5 (number of channels × statistical features × DTCWT coefficients), which is flattened to 1 × 600 vector for classification.

2.2.3. Feature Analysis

We analyzed the involved features to understand the importance of the features extracted by DTCWT. We used two feature analysis methods: filtering using ANOVA (analysis of variance) and LightGBM feature importance scores. In both techniques, selecting the top important features, such as 5, 10, or 20 top features, always led to a decrease in classification results regardless of the choice of the number of selected features. Figure 4 and Figure 5 present the results of features obtained by DTCWT using ANOVA and LightGBM feature importance, respectively. We analyzed the extracted features channel-wise and presented the average of all those channels’ features. It can be observed from the presented results that all extracted features by DTCWT in our technique play important roles in improving the performance of classification. Therefore, we used all the features, as we believe all features contribute to improving the classification results.

2.2.4. Classification

As mentioned in Table 1, we defined our problem in two classification problems: (1) classification of seven seizure types, including both specific and non-specific seizure types in TUSZ (see Table 1), and (2) classification of five seizure types, including only specific seizure types (see Table 1).
For both problems, we used Light Gradient Boosting Machine (LightGBM ver. 3.2.1) for classification. LightGBM is a gradient boosting decision tree framework which utilizes a tree-based learning algorithm. It is a proven to be an optimal choice to handle a large amount of data, as it is memory efficient, trains faster, and provides high accuracy [42]. The key characteristic of LightGBM is that it uses Gradient-based One-side Sampling (GOSS) in order to find the best split value. In addition, the exclusive feature bundling (EFB) technique is used in LightGBM to reduce the feature space complexity, and the tree growth in LightGBM is leaf-wise growth that leads to faster training [42].
In a recent study of EEG binary classification for abnormality detection [20], different classifiers were tested, and LightGBM was found to be one of the most effective classifiers in terms of results and training speed [42]. Therefore, we selected LightGBM for classification. Hyperopt [43] was used to discover the best hyperparameters for our LightGBM. The optimized hyperparameters are presented in Table 5.

3. Results

In this paper, we used TUSZ EEG Corpus ver.1.5.2 to test our proposed technique for seizure type classification. Firstly, we applied some preprocessing methods to remove noise and to accentuate spike activity. Afterwards, the DTCWT feature extraction method was applied, and finally, the LightGBM machine learning method was used for classification.

3.1. Experimental Settings

A desktop computer with 16 GB main memory (RAM), a 255 GB solid-state disk (SDD), a 3.6 GHz microprocessor (CPU), and the Windows 10 operating system was used for the experiments. The technique was developed in Python 3.7. using the DTCWT Python package library ver. 0.12.0.

3.2. Performance Evaluation

It can be observed from Table 2 that the TUSZ multi-class dataset suffers from the problem of class imbalance and the class distribution varies significantly. FNSZ, GNSZ, and CPSZ classes have a higher number of instances in the data as compared to the remaining classes. With this uneven class distribution, the accuracy alone cannot represent the performance of the proposed technique. Therefore, the average weighted F1-score is used to evaluate the performance of our proposed technique. Indeed, we report the average weighted sensitivity, specificity, and Cohen’s Kappa scores.
As mentioned earlier, we applied our technique to two different classification problems: seven-class and five-class classification. Moreover, we also tested our technique for both seizure-wise and patient-wise cross-validation classification. In seizure-wise cross-validation, we used a stratified five-fold cross-validation to robustly evaluate and validate the performance of the proposed technique, which is inspired by a state-of-the-art technique [8]. The dataset is split into five folds, where in each fold, the proportional distribution of classes in the entire dataset is randomly allocated to five folds. The class distribution after this split is approximately equal in each fold. During classification, the model is estimated on four folds and tested on the remaining fifth fold (test set); this process is repeated until all folds have been used as a test set. For patient-wise cross-validation, we adopted the validation technique of Asif et al. [11], in which they applied three-fold cross-validation across patients. In this scenario, the data presented in Table 2 are split into three folds, as the selected classes of seizures include data from a minimum of three patients. Therefore, this ensures that data used for testing are always from distinct patients whose data have never been used in the training phase.

3.3. Experimental Results

In this section, we compare the obtained results for both evaluation scenarios. We present our proposed technique’s performance for the seven-class problem followed by the five-class problem for each seizure-wise and patient-wise validation.

3.3.1. Seizure-Level Cross-Validation

For both classification problems, we performed a five-fold cross-validation. For a seven-class problem, our proposed technique achieved a weighted average F1-score of 96.04%. Figure 6 presents the classification performance in terms of F1-score for each class in the dataset for all five folds, while Figure 7 presents the confusion matrix for our proposed technique’s performance on the seven-class classification problem.
For the five-class problem, when only the specific types of seizures are included (see Table 2), our method achieved a weighted average F1-score of 99.1%. This means that the non-specific seizures in the dataset have a big impact on the performance of the machine learning algorithm, as the results improved by more than 2%; we discuss this in more detail in later sections. Figure 8 and Figure 9 present the classification performance in terms of F1-score for each class in the dataset for all five folds and the confusion matrix for the five-class classification problem, respectively.
Moreover, the performance results of the proposed technique in terms of F1-score, sensitivity, specificity, and Cohen’s Kappa for each fold and for both classification problems are presented in Table 6.

3.3.2. Patient-Wise Cross-Validation

For patient-wise cross-validation, three-fold cross-validation was performed. We first evaluated our method for a seven-class problem, and our proposed technique achieved the weighted average F1-score of 56.22%. Similarly, for five-class classification problem, the performance of our proposed technique significantly improved, and the proposed technique achieved a 75.97% weighted average F1-score.

4. Discussion

Table 3 presents state-of-the-art techniques applied to the problem of seizure-type classification. It is difficult to compare the performance of our proposed technique with the existing studies in the literature, as each of the studies chose a different number of seizure classes. Therefore, we selected all the state-of-the-art studies considering more than three classes and compared our technique’s performance with them, as presented in Table 7.
It can be observed from Table 7 that our proposed technique’s performance for specific seizure type classification is the best among all the techniques at both seizure-level classification as well as patient-level classification, achieving F1-scores of 99.1% and 74.7%, respectively. For the seven-class problem, ref. [11] reported an F1-score of 96.0% using an ensemble architecture of three DenseNets. Similarly, F1-scores of 94.5% and 90.1% were reported in [9,26], respectively. Our proposed technique outperformed all existing studies considering the same seven classes of seizures.
For an eight-class problem, refs. [27,28] proposed CNN-based solutions and reported an accuracy of 84.06% and 88.3%, respectively. Similarly, Liu et al. [8] reported a high F1-score of 97.4% obtained by a symmetric bi-linear deep learning model consisting of two feature extractor models, CNN and LSTM. The study demonstrates a limitation in testing. The 1-second segments considered in the dataset have a 50% overlap, which always has the potential of data leaking, as mentioned by [8]. Most of the work mentioned in Table 7 is based on fast Fourier transform (FFT) [9,11,26], which has a high resolution in the frequency-domain but zero resolution in the time-domain, which is very essential for EEG signal processing [44]. The other approaches [8,27,28] were based on short-time Fourier transform (STFT), which is the known solution to overcome the limitation of FFT. STFT analyzes the frequency of the signals at a particular short time period to avoid losing temporal information. However, STFT cannot catch sharp signal events because of the use of a fixed window length and fixed basis function [44]. On the other hand, our proposed technique overcomes these shortcomings by providing a smooth representation of EEG signals. It enables generating detailed features that have strong correlations with the latent structure of seizure types in EEG signals. Additionally, our proposed method also demonstrated very high classification results compared to other classical machine learning techniques [9,29,30,31]. Moreover, all of the research studies mentioned in Table 7 utilized an older version of the TUSZ, which is ver.1.4.0, whereas the number of seizure events in the current version is much larger as compared to the previous version, as shown in Table 2. With a more challenging new version of TUSZ ver.1.5.2, which contains 1000 additional seizure events, our proposed method achieves better results for the seven-class classification problem as compared to existing techniques.
Most of the research studies in the literature chose to evaluate their methods only at the seizure level. Out of the eight studies presented in Table 3, only [9,11] considered the generalization of their models over different patients, or, in other words, the model is trained and evaluated on data from different patients. This ensures that the performance of the model is general and can be adopted for different patients. The performance of both studies [9,11] sharply decreases when evaluated using the patient-wise cross-validation technique, as shown in Table 7. Comparatively, our proposed method showed a competitive result for the seven-class problem, and it demonstrated more stable performance when evaluated across different patients for the five-class problem. Our proposed technique achieved F1-scores of 56.22% and 74.7% for the classification of the seven-class and five-class problems, respectively.
Regarding [23], DTCWT was employed to extract features from EEGs to classify epileptic vs. non-epileptic patients; however, in this study, we are using the DTCWT with a different set of features for a more complex problem, which is the identification of the seizure types, including specific and non-specific focal and generalized seizures. Moreover, we evaluated this technique seizure-wise and patient-wise on the most extensive available EEG dataset, TUSZ ver.1.5.2 [25], containing data from more than 300 patients. In [23], the data used for evaluation were obtained from only 21 subjects. This study has explored the generalization of our technique to be evaluated across different patients for better generalization capability.
In addition to the evaluation, we speculated that when only considering the EEG signals, it is not appropriate to treat the main seizure categories as unique seizure types against any of their sub-types. Since both SPSZ and CPSZ are sub-categories of focal seizures, it is unreasonable to train the machine learning algorithm to differentiate between them. According to the dataset, the reason for labeling an event as a focal non-specific seizure is the lack of information to make a decision [25]. After excluding the non-specific seizure labels, the experimental results demonstrated the stability of the classifier across different patients, as shown in Table 7. The performance of our proposed technique for specific seizure type classification showed nearly perfect results when evaluated at the seizure level, and it has the ability to generalize itself better on signals recorded from new patients, as compared to [9,11]. Therefore, considering the non-specific seizure labels in TUSZ as unique types of seizures, when only utilizing EEG data, does not reveal meaningful results. Instead, one must include clinical features that neurologists look for when making a diagnosis (i.e., video EEG monitoring). By doing so, the machine learning algorithm knows the reason for labeling an event as non-specific, as there is not enough information to make a decision. This is beyond the scope of this paper, as we focused solely on utilizing the EEG data. By knowing that the other specific seizure types in the corpus medically must be either focal or generalized at some point, we excluded the non-specific labels from our experiment, and, in turn, the results demonstrated high and stable performance.
During patient-wise cross-validation, we noticed that the majority of the seizure events of type SPSZ were classified as CPSZ. Again, and from medical perspectives, we can relate this misclassification to the fact that the difference between focal CPSZ and focal SPSZ can mainly be determined by clinical characteristics, as described in [4,25]. Therefore, considering the neurologist report in this situation might help in distinguishing between the two types. Moreover, as most epileptic conditions are age-determined [2], we suggest that one could also include age, gender, and medical history as extra input features to the machine learning model to obtain more accurate results, which is beyond our scope in this paper.

5. Conclusions

Epilepsy is one of the most common neurological diseases that affects people of all ages. It is characterized by sudden and recurrent seizure attacks that appear in different forms and are treated in different ways. Correct assessment of epileptic seizures is vital in overcoming the complications of the disease, and it provides accurate information to the affected person. This paper presents a novel technique utilizing DTCWT and machine learning for automatic seizure type classification in EEGs. The proposed method demonstrates a significant improvement in classification, achieving 96.04% and 99.1% for seven-class and five-class classification problems, respectively. We evaluated our proposed technique across different subjects, which is a very challenging task due to the limited amount of training data that are generalized to unseen test patients’ EEG data. The achieved results show that our proposed technique performs significantly better as compared to the existing methods in the literature and is more general. The findings in this study enhance the applicability of artificial intelligence applications in assisting neurologists’ decisions. In future research, we plan to investigate the use of different methods for feature extraction that can finely detect the differences between the seizures in an EEG.

Author Contributions

Conceptualization, H.A., G.M.H. and A.D.; methodology, H.A.; software, H.A.; validation, H.A., G.M.H. and A.D.; formal analysis, H.A.; investigation, H.A.; resources, A.D.; data curation, H.A.; writing—original draft preparation, H.A.; writing—review and editing, H.A., G.M.H. and A.D.; visualization, H.A.; supervision, G.M.H. and A.D. All authors have read and agreed to the published version of the manuscript.

Funding

This work was supported by a scholarship from University of Jeddah, Jeddah, Saudi Arabia.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

The dataset used in this research is publicly available as open source from the TUH EEG seizure corpus (TUSZ) v1.5.2. The TUSZ v1.5.2 was released in early 2020. It can be downloaded using the following link: https://www.isip.piconepress.com/projects/tuh_eeg/downloads.html, accessed on 1 May 2021.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Subasi, A.; Kevric, J.; Abdullah Canbaz, M. Epileptic seizure detection using hybrid machine learning methods. Neural Comput. Appl. 2019, 31, 317–325. [Google Scholar] [CrossRef]
  2. Sanei, S.; Chambers, J.A. EEG Signal Processing; John Wiley & Sons: Hoboken, NJ, USA, 2013. [Google Scholar]
  3. Scheffer, I.E.; Berkovic, S.; Capovilla, G.; Connolly, M.B.; French, J.; Guilhoto, L.; Hirsch, E.; Jain, S.; Mathern, G.W.; Moshé, S.L.; et al. ILAE classification of the epilepsies: Position paper of the ILAE Commission for Classification and Terminology. Epilepsia 2017, 58, 512–521. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  4. Fisher, R.S.; Cross, J.H.; French, J.A.; Higurashi, N.; Hirsch, E.; Jansen, F.E.; Lagae, L.; Moshé, S.L.; Peltola, J.; Roulet Perez, E.; et al. Operational classification of seizure types by the International League Against Epilepsy: Position Paper of the ILAE Commission for Classification and Terminology. Epilepsia 2017, 58, 522–530. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  5. Alotaiby, T.N.; Alshebeili, S.A.; Alotaibi, F.M.; Alrshoud, S.R. Epileptic seizure prediction using CSP and LDA for scalp EEG signals. Comput. Intell. Neurosci. 2017, 2017, 1240323. [Google Scholar] [CrossRef]
  6. Goldenberg, M.M. Overview of drugs used for epilepsy and seizures: Etiology, diagnosis, and treatment. Pharm. Ther. 2010, 35, 392. [Google Scholar]
  7. Obeid, I.; Picone, J. Machine learning approaches to automatic interpretation of EEGs. Signal Process. Mach. Learn. Biomed. Big Data 2018, 70, 271–300. [Google Scholar]
  8. Liu, T.; Truong, N.D.; Nikpour, A.; Zhou, L.; Kavehei, O. Epileptic Seizure Classification with Symmetric and Hybrid Bilinear Models. IEEE J. Biomed. Health Inform. 2020, 24, 2844–2851. [Google Scholar] [CrossRef] [Green Version]
  9. Roy, S.; Asif, U.; Tang, J.; Harrer, S. Seizure type classification using EEG signals and machine learning: Setting a benchmark. In Proceedings of the IEEE Signal Processing in Medicine and Biology Symposium, New York, NY, USA, 10 December 2020; pp. 1–6. [Google Scholar]
  10. Panayiotopoulos, C. Optimal use of the EEG in the diagnosis and management of epilepsies. In The Epilepsies: Seizures, Syndromes and Management; Bladon Medical Publishing: Oxfordshire, UK, 2005. [Google Scholar]
  11. Asif, U.; Roy, S.; Tang, J.; Harrer, S. SeizureNet: Multi-spectral deep feature learning for seizure type classification. In Machine Learning in Clinical Neuroimaging and Radiogenomics in Neuro-Oncology; Springer: Cham, Switzerland, 2020; pp. 77–87. [Google Scholar]
  12. Shoeibi, A.; Ghassemi, N.; Alizadehsani, R.; Rouhani, M.; Hosseini-Nejad, H.; Khosravi, A.; Panahiazar, M.; Nahavandi, S. A comprehensive comparison of handcrafted features and convolutional autoencoders for epileptic seizures detection in EEG signals. Expert Syst. Appl. 2021, 163, 113788. [Google Scholar] [CrossRef]
  13. Varone, G.; Gasparini, S.; Ferlazzo, E.; Ascoli, M.; Tripodi, G.G.; Zucco, C.; Calabrese, B.; Cannataro, M.; Aguglia, U. A comprehensive machine-learning-based software pipeline to classify EEG signals: A case study on PNES vs. control subjects. Sensors 2020, 20, 1235. [Google Scholar] [CrossRef] [Green Version]
  14. Altunay, S.; Telatar, Z.; Erogul, O. Epileptic EEG detection using the linear prediction error energy. Expert Syst. Appl. 2010, 37, 5661–5665. [Google Scholar] [CrossRef]
  15. Polat, K.; Güneş, S. Classification of epileptiform EEG using a hybrid system based on decision tree classifier and fast Fourier transform. Appl. Math. Comput. 2007, 187, 1017–1026. [Google Scholar] [CrossRef]
  16. Subasi, A. EEG signal classification using wavelet feature extraction and a mixture of expert model. Expert Syst. Appl. 2007, 32, 1084–1093. [Google Scholar] [CrossRef]
  17. Faust, O.; Acharya, U.R.; Adeli, H.; Adeli, A. Wavelet-based EEG processing for computer-aided seizure detection and epilepsy diagnosis. Seizure 2015, 26, 56–64. [Google Scholar] [CrossRef] [Green Version]
  18. Acharya, U.; Sree, V.; Martis, R.; Suri, J. Automated diagnosis of epileptic electroencephalogram using independent component analysis and discrete wavelet transform for different electroencephalogram durations. Proc. Inst. Mech. Eng. Part J. Eng. Med. 2013, 227, 234–244. [Google Scholar]
  19. Subasi, A.; Jukic, S.; Kevric, J. Comparison of EMD, DWT and WPD for the localization of epileptogenic foci using random forest classifier. Measurement 2019, 146, 846–855. [Google Scholar] [CrossRef]
  20. Albaqami, H.; Hassan, G.M.; Subasi, A.; Datta, A. Automatic detection of abnormal EEG signals using wavelet feature extraction and gradient boosting decision tree. Biomed. Signal Process. Control 2021, 70, 102957. [Google Scholar] [CrossRef]
  21. Hassan, A.R.; Siuly, S.; Zhang, Y. Epileptic seizure detection in EEG signals using tunable-Q factor wavelet transform and bootstrap aggregating. Comput. Methods Programs Biomed. 2016, 137, 247–259. [Google Scholar] [CrossRef]
  22. Bhattacharyya, A.; Pachori, R.B.; Upadhyay, A.; Acharya, U.R. Tunable-Q wavelet transform based multiscale entropy measure for automated classification of epileptic EEG signals. Appl. Sci. 2017, 7, 385. [Google Scholar] [CrossRef] [Green Version]
  23. Swami, P.; Gandhi, T.K.; Panigrahi, B.K.; Tripathi, M.; Anand, S. A novel robust diagnostic model to detect seizures in electroencephalography. Expert Syst. Appl. 2016, 56, 116–130. [Google Scholar] [CrossRef]
  24. Obeid, I.; Picone, J. The temple university hospital EEG data corpus. Front. Neurosci. 2016, 10, 196. [Google Scholar] [CrossRef] [Green Version]
  25. Shah, V.; Von Weltin, E.; Lopez, S.; McHugh, J.R.; Veloso, L.; Golmohammadi, M.; Obeid, I.; Picone, J. The temple university hospital seizure detection corpus. Front. Neuroinform. 2018, 12, 83. [Google Scholar] [CrossRef] [PubMed]
  26. Ahmedt-Aristizabal, D.; Fernando, T.; Denman, S.; Petersson, L.; Aburn, M.J.; Fookes, C. Neural memory networks for seizure type classification. In Proceedings of the 42nd Annual International Conference of the IEEE Engineering in Medicine & Biology Society (EMBC), Montreal, QC, Canada, 20–24 July 2020. [Google Scholar]
  27. Raghu, S.; Sriraam, N.; Temel, Y.; Rao, S.V.; Kubben, P.L. EEG based multi-class seizure type classification using convolutional neural network and transfer learning. Neural Netw. 2020, 124, 202–212. [Google Scholar] [CrossRef] [PubMed]
  28. Sriraam, N.; Temel, Y.; Rao, S.V.; Kubben, P.L. A convolutional neural network based framework for classification of seizure types. In Proceedings of the 2019 41st Annual International Conference of the IEEE Engineering in Medicine and Biology Society (EMBC), Berlin, Germany, 23–27 July 2019; pp. 2547–2550. [Google Scholar]
  29. Wijayanto, I.; Hartanto, R.; Nugroho, H.A.; Winduratna, B. Seizure Type Detection in Epileptic EEG Signal using Empirical Mode Decomposition and Support Vector Machine. In Proceedings of the 2019 International Seminar on Intelligent Technology and Its Application, ISITIA, Yogyakarta, Indonesia, 20–21 July 2019; pp. 314–319. [Google Scholar]
  30. Saputro, I.R.D.; Maryati, N.D.; Solihati, S.R.; Wijayanto, I.; Hadiyoso, S.; Patmasari, R. Seizure type classification on EEG signal using support vector machine. In Proceedings of the Journal of Physics: Conference Series, Surabaya, Indonesia, 29–30 January 2019; Volume 1201, p. 012065. [Google Scholar]
  31. Sarić, R.; Jokić, D.; Beganović, N.; Pokvić, L.G.; Badnjević, A. FPGA-based real-time epileptic seizure classification using artificial neural network. Biomed. Signal Process. Control 2020, 62, 102106. [Google Scholar] [CrossRef]
  32. López, S.; Golmohammadi, M.; Obeid, I.; Picone, J. An analysis of two common reference points for EEGs. In Proceedings of the IEEE Signal Processing in Medicine and Biology Symposium, Philadelphia, PA, USA, 2 December 2016; pp. 1–4. [Google Scholar]
  33. Ferrell, S.; Mathew, V.; Refford, M.; Tchiong, V.; Ahsan, T.; Obeid, I.; Picone, J. The temple university hospital eeg corpus: Electrode location and channel labels. Inst. Signal Inf. Process. Rep. 2020, 1, 1. [Google Scholar]
  34. Shah, V.; Golmohammadi, M.; Ziyabari, S.; Von Weltin, E.; Obeid, I.; Picone, J. Optimizing channel selection for seizure detection. In Proceedings of the 2017 IEEE Signal Processing in Medicine and Biology Symposium (SPMB), Philadelphia, PA, USA, 2 December 2017; pp. 1–5. [Google Scholar]
  35. Tuncer, T.; Dogan, S.; Subasi, A. Surface EMG signal classification using ternary pattern and discrete wavelet transform based feature extraction for hand movement recognition. Biomed. Signal Process. Control 2020, 58, 101872. [Google Scholar] [CrossRef]
  36. Georgieva-Tsaneva, G. Wavelet based interval varying algorithm for optimal non-stationary signal denoising. In Proceedings of the 20th International Conference on Computer Systems and Technologies, Ruse, Bulgaria, 21–22 June 2019; pp. 200–206. [Google Scholar]
  37. Kingsbury, N. Complex wavelets for shift invariant analysis and filtering of signals. Appl. Comput. Harmon. Anal. 2001, 10, 234–253. [Google Scholar] [CrossRef] [Green Version]
  38. Selesnick, I.W.; Baraniuk, R.G.; Kingsbury, N.C. The dual-tree complex wavelet transform. IEEE Signal Process. Mag. 2005, 22, 123–151. [Google Scholar] [CrossRef] [Green Version]
  39. Wareham, R.; Forshaw, S.; Roberts, T. DTCWT: A Python Dual Tree Complex Wavelet Transform Library. 2014. Available online: https://zenodo.org/record/9862#.Ypl5O-xBxPY (accessed on 3 May 2022).
  40. Shoeb, A.H. Application of Machine Learning to Epileptic Seizure Onset Detection and Treatment. Ph.D. Thesis, Massachusetts Institute of Technology, Cambridge, MA, USA, 2009. [Google Scholar]
  41. Kevric, J.; Subasi, A. Comparison of signal decomposition methods in classification of EEG signals for motor-imagery BCI system. Biomed. Signal Process. Control 2017, 31, 398–406. [Google Scholar] [CrossRef]
  42. Ke, G.; Meng, Q.; Finley, T.; Wang, T.; Chen, W.; Ma, W.; Ye, Q.; Liu, T.Y. Lightgbm: A highly efficient gradient boosting decision tree. Adv. Neural Inf. Process. Syst. 2017, 30, 3146–3154. [Google Scholar]
  43. Bergstra, J.; Komer, B.; Eliasmith, C.; Yamins, D.; Cox, D.D. Hyperopt: A python library for model selection and hyperparameter optimization. Comput. Sci. Discov. 2015, 8, 014008. [Google Scholar] [CrossRef]
  44. Rajoub, B. Characterization of biomedical signals: Feature engineering and extraction. In Biomedical Signal Processing and Artificial Intelligence in Healthcare; Elsevier: Amsterdam, The Netherlands, 2020; pp. 29–50. [Google Scholar]
Figure 1. Overall architecture of the proposed technique.
Figure 1. Overall architecture of the proposed technique.
Applsci 12 05702 g001
Figure 2. The structure of three-scale level discrete wavelet transform (DWT).
Figure 2. The structure of three-scale level discrete wavelet transform (DWT).
Applsci 12 05702 g002
Figure 3. The structure of three-scale level of DTCWT, giving real and imaginary parts of complex coefficients from tree A and tree B. In this study, the EEG signals were decomposed into four levels of decompositions.
Figure 3. The structure of three-scale level of DTCWT, giving real and imaginary parts of complex coefficients from tree A and tree B. In this study, the EEG signals were decomposed into four levels of decompositions.
Applsci 12 05702 g003
Figure 4. The obtained F-values of the features, using one-way ANOVA test.
Figure 4. The obtained F-values of the features, using one-way ANOVA test.
Applsci 12 05702 g004
Figure 5. Importance scores for each feature obtained using LightGBM classifier.
Figure 5. Importance scores for each feature obtained using LightGBM classifier.
Applsci 12 05702 g005
Figure 6. Performance of proposed technique on 7-class classification problem for each class having 5-fold cross-validation.
Figure 6. Performance of proposed technique on 7-class classification problem for each class having 5-fold cross-validation.
Applsci 12 05702 g006
Figure 7. Confusion matrix for 7-class classification problem having 5-fold cross-validation: 1st to 5th fold (Left to right, top to bottom).
Figure 7. Confusion matrix for 7-class classification problem having 5-fold cross-validation: 1st to 5th fold (Left to right, top to bottom).
Applsci 12 05702 g007
Figure 8. Performance of proposed technique on 5-class classification problem for each class having 5-fold cross-validation.
Figure 8. Performance of proposed technique on 5-class classification problem for each class having 5-fold cross-validation.
Applsci 12 05702 g008
Figure 9. Confusion matrix for 5-class classification problem having 5-fold cross-validation: 1st to 5th fold (left to right, top to bottom).
Figure 9. Confusion matrix for 5-class classification problem having 5-fold cross-validation: 1st to 5th fold (left to right, top to bottom).
Applsci 12 05702 g009
Table 1. Seizure type descriptions for TUH EEG Seizure Corpus (TUSZ).
Table 1. Seizure type descriptions for TUH EEG Seizure Corpus (TUSZ).
Seizure TypeSeizure Description
FNSZFocal seizures which cannot be specified with its type.
SPSZPartial seizures during consciousness which is specified by clinical signs only.
CPSZPartial Seizures during unconsciousness which is specified by clinical signs only.
GNSZGeneralized seizures which cannot be further specified with its type.
ABSZAbsence discharges observed on EEG where patient loses consciousness for few seconds (also known as petit mal).
TNSZStiffening of body during seizure (EEG effects disappear).
TCSZAt first stiffening and then jerking of body (also known as grand mal).
MYSZMyoclonous jerks of limbs.
Table 2. Data distribution for different types of seizures in two versions of TUSZ.
Table 2. Data distribution for different types of seizures in two versions of TUSZ.
Seizure TypeNo. of Seizure EventsDuration (s)No. of Patients
ver.1.4.0ver.1.5.2ver.1.4.0ver.1.5.2ver.1.4.0ver.1.5.2
FNSZ992183673,466121,139109150
GNSZ41558334,34859,7174481
CPSZ34236733,08836,3213441
ABSZ99998528521312
TNSZ67621271120423
TCSZ5048563055481112
SPSZ44521534214623
MYSZ331312131222
Table 6. Weighted average specificity, sensitivity, Cohen’s Kappa, and F1 score of the proposed method for 7-class and 5-class problems, having five folds each.
Table 6. Weighted average specificity, sensitivity, Cohen’s Kappa, and F1 score of the proposed method for 7-class and 5-class problems, having five folds each.
Specificity (%)Sensitivity (%)Cohen’s Kappa (%)F1 Score (%)
7-class problemFold 196.796.393.996.3
Fold 296.495.993.395.9
Fold 396.395.993.395.9
Fold 496.496.193.696.1
Fold 596.596.093.596.0
Average96.596.093.596.0
5-class problemFold 197.299.197.599.1
Fold 296.899.197.599.1
Fold 397.499.297.899.2
Fold 496.698.997.098.9
Fold 596.899.197.499.1
Average97.099.197.499.1
Table 7. Patient-wise cross-validation and seizure-wise cross-validation results for studies found in the literature.
Table 7. Patient-wise cross-validation and seizure-wise cross-validation results for studies found in the literature.
MethodNo. of Seizure TypesSeizure_Wise CV (%)Patient_Wise CV (%)
SVM [29]495.00 Acc
SVM [30]4 *95.14 Acc
SeizureNet [11]795.00 F162 F1
KNN [9]790.1 F140.1 F1
XGBoost [9]785.1 F154.2 F1
SGD [9]780.7 F146.9 F1
CNN [9]771.8 F152.5 F1
NMN [26]794.5 F1
Inceptionv3 [27]8 *88.3 Acc
AlexNet [28]8 *84.06 Acc
CNN+LSTM [8]897.40 F1
This Work599.1 F174.7 F1
This Work796.04 F156.22 F1
* Including non-seizure EEG class.
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Albaqami, H.; Hassan, G.M.; Datta, A. Wavelet-Based Multi-Class Seizure Type Classification System. Appl. Sci. 2022, 12, 5702. https://0-doi-org.brum.beds.ac.uk/10.3390/app12115702

AMA Style

Albaqami H, Hassan GM, Datta A. Wavelet-Based Multi-Class Seizure Type Classification System. Applied Sciences. 2022; 12(11):5702. https://0-doi-org.brum.beds.ac.uk/10.3390/app12115702

Chicago/Turabian Style

Albaqami, Hezam, Ghulam Mubashar Hassan, and Amitava Datta. 2022. "Wavelet-Based Multi-Class Seizure Type Classification System" Applied Sciences 12, no. 11: 5702. https://0-doi-org.brum.beds.ac.uk/10.3390/app12115702

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop