Skip to main content

ORIGINAL RESEARCH article

Front. Neurosci., 22 May 2023
Sec. Neuroprosthetics
This article is part of the Research Topic Brain Functional Analysis and Brain-like Intelligence View all 11 articles

Epileptic seizure detection with deep EEG features by convolutional neural network and shallow classifiers

\r\nWei Zeng,
Wei Zeng1,2*Liangmin Shan,Liangmin Shan1,2Bo Su,Bo Su1,2Shaoyi DuShaoyi Du3
  • 1School of Physics and Mechanical and Electrical Engineering, Longyan University, Longyan, China
  • 2School of Mechanical Engineering and Automation, Fuzhou University, Fuzhou, China
  • 3Institute of Artificial Intelligence and Robotics, Xi'an Jiaotong University, Xi'an, China

Introduction: In the clinical setting, it becomes increasingly important to detect epileptic seizures automatically since it could significantly reduce the burden for the care of patients suffering from intractable epilepsy. Electroencephalography (EEG) signals record the brain's electrical activity and contain rich information about brain dysfunction. As a non-invasive and inexpensive tool for detecting epileptic seizures, visual evaluation of EEG recordings is labor-intensive and subjective and requires significant improvement.

Methods: This study aims to develop a new approach to recognize seizures automatically using EEG recordings. During feature extraction of EEG input from raw data, we construct a new deep neural network (DNN) model. Deep feature maps derived from layers placed hierarchically in a convolution neural network are put into different kinds of shallow classifiers to detect the anomaly. Feature maps are reduced in dimensionality using Principal Component Analysis (PCA).

Results: By analyzing the EEG Epilepsy dataset and the Bonn dataset for epilepsy, we conclude that our proposed method is both effective and robust. These datasets vary significantly in the acquisition of data, the formulation of clinical protocols, and the storage of digital information, making processing and analysis challenging. On both datasets, extensive experiments are performed using a cross-validation by 10 folds strategy to demonstrate approximately 100% accuracy for binary and multi-category classification.

Discussion: In addition to demonstrating that our methodology outperforms other up-to-date approaches, the results of this study also suggest that it can be applied in clinical practice as well.

1. Introduction

Epileptic seizures are brain's electrical activities that occurs suddenly and unexpectedly (Arab et al., 2010). It affects the daily life of more than 50 million individuals in the world due to the brain dysfunction (Solaija et al., 2018). The recurrent epileptic seizure usually occurs without any obvious external symptoms (Zhou et al., 2020). Currently, using metal electrodes fixed to the brain scalp in a standard configuration, electroencephalogram (EEG) signals record neural activity. Physiologically, they offer deep insight into the brain's state and can be used to detect seizure onsets non-invasively and economically. Traditionally, clinical diagnosis relies on the visual screening and inspection of pronged EEG recordings by board-certified physicians, which is cumbersome, subjective and error-prone (Martis et al., 2015). A reliable, efficient, and accurate EEG analysis and classification system is therefore urgently needed to detect seizures in a timely manner. To handle this problem, different tools have been developed and applied rapidly in recent years, including signal processing and artificial intelligence (Gupta et al., 2018; Li et al., 2019; Subasi et al., 2019; Shoeibi et al., 2021; Tuncer et al., 2021a).

Detection of seizures using EEG generally involves two phases: separating features and classifying them. In the first phase, numerous features generated from four domains, including time, frequency, time-frequency, and non-linear, are incorporated. To analyse time-domain characteristics, morphological parameters, including duration, amplitude, kurtosis, and peak are representative (Wang et al., 2020). There is widespread use of fast Fourier transform (Li and Chen, 2021), as well as power spectral density in frequency domain analysis, provided the EEG signal is static (Al Ghayab et al., 2018). The EEG signal, however, does not display stationarity. Hence, methods of time-frequency domain analysis are usually used for the analysis o time-varying properties of the EEG signal (Sharma et al., 2020), such as time-frequency distribution (Wu et al., 2021) and wavelet transform (Tuncer et al., 2021b). In wavelet transforms, relative frequency information, which is present at low frequencies as well as relative time information, is captured at high frequencies via multiresolution analysis (Sharmila and Geethanjali, 2019). In addition to the wavelet transform, other variations have been proposed, such as the empirical wavelet transform, wavelet packet transform, and wavelet packet entropy. Another popular approach to extracting features is the empirical mode decomposition (EMD) in combination with its variants (Li et al., 2021). Intrinsic mode functions (IMFs) are created when the EEG signal is broken into subsignals. Nonetheless, EMD cannot handle multi-channel signals. Cura and Akan (2021) proposed a single- and multi-channel EEG-based dynamic pattern decomposition (DMD) method to analyze epileptic signals. They extracted high-order spectral moments and subband powers to detect seizure. In non-linear domain, complexity metrics are proposed to depict chaotic properties of the EEG signal, like Hurst exponent, Lyapunov exponent, and various entropies. Other kinds of non-linear metrics, such as Lempel-Ziv complexity, have also been widely used. Rout et al. (2021) used variational mode decomposition (VMD) to identify three band-limited eigenmode functions (BLIMFs) in EEG raw data. In order to derive information-rich spectral and temporal features from BLIMFs, the Hilbert Transform was applied. In addition, the most discriminatory compressed form of privileged information was analyzed based on approximate entropy (ApEn). Anuragi et al. (2022) employed EWT to break down the EEG recordings into Fourier Bessel Series Expansion (FBSE) based subbands. These subbands were then reconstructed as a three-dimensional (3D) phase space representation (PSR). An Euclidean distance of the 3D PSR was used in order to calculate features like line length, log energy entropy, and norm energy entropy. Shankar et al. (2021) used a recurrence plot (RP) technique to analyze brain rhythms with two-dimensional images generated from the EEG signal, which could preserve the non-linear characteristics of EEG. As an additional assessment of image quality, RP entropy and root mean square skewness were used along with RP image criteria.

In the second phase, a variety of machine learning algorithms were proposed to extract EEG signal features, such as artificial neural networks and logistic regression (Abbasi and Goldenholz, 2019; Beniczky et al., 2021). EEG signals during seizures were differentiated using DWT and arithmetic coding by Amin et al. (2020). Various classifiers were then used to detect seizure activity, including Naïve Bayes (NB), multi-layer perceptron (MLP), k nearest neighbors (KNN), and support vector machine (SVM). Anter et al. (2022) utilize a NB based hybrid genetic whale optimization algorithm for feature selection. Afterwards, the ictal and non-ictal EEG signals were classified using an adaptive ELM based on a differential evolution algorithm. To separate EEG signals into distinct bands, Shoeibi et al. (2022) used TQWT. Then, 13 different types of fuzzy entropies were calculated as features from different subbands. Afterwards, EEG recordings were separated using an adaptive neuro-fuzzy inference system.

Due to rapid development in deep learning (DL) over the past few years, several emerging algorithms have been utilized to handle seizure detection problems. While building a multi-layer neural network, DL approaches can minimize the impact of irrelevant features and alleviate computation costs. Acharya et al. (2018) developed a multi-layer deep convolutional neural network (CNN) to determine whether a patient was in a normal, preictal, or seizure state. At present, the generalization and classification abilities of existing DL models may be limited by the use of inter-layer static connection weights. To overcome such problems, A new network architecture called Variable Weight Convolutional Neural Networks (VWCNN) was proposed by Jia et al. (2022). In its convolutional and fully-connected layers, dynamic weights were used instead of static weights to adapt to different EEG characteristics. This model could handle a variety of situations. Sahani et al. (2021) used modified particle swarm optimization based on log energy entropy maxima to calculate optimized values. Then, epileptic seizures were detected using a combination of multiple complex deep neural networks.

Among machine learning systems, representative features have often been hand-designed and empirically chosen. Such systems are more likely to produce false positives and are prone to misdiagnosis. By contrast, DL automatically generates features instead of using any hard-crafted features, and have the potential to provide superior classification performance (Murat et al., 2021). These techniques automate feature extraction and no manual feature extraction is required due to the end-to-end structure of DL models. In this work, we build an efficient and reliable deep neural network (DNN) to recognize epilepsy, utilizing features from CNN layers without any preprocessing of input EEG signals. This study makes a major contribution to the identification of presence and developing stages of seizure using information from deep feature maps of CNN together with shallow classifiers. An effective way for reduction of the dimensionality of deep feature maps is the employment of Principal Component Analysis (PCA) (Jolliffe and Cadima, 2016).

Throughout the article, the following structures are followed. The proposed method is described in detail in Section 2, which includes description of EEG data, extraction of deep feature, and EEG classification for seizure detection. Section 3 designs comprehensive experiments and provides corresponding results. Section 4 presents a comprehensive discussion about the results and contribution. Section 5 gives a brief conclusion.

2. Materials and methods

This section briefly introduces a method for distinguishing normal and abnormal EEG signals with information extracted through deep features for detecting epileptic seizures. It consists of a feature extraction phase and a classification phase, which includes several steps. Firstly, EEG recordings are subjected to DNN-based feature extraction without any preprocessing, followed by PCA reduction of feature dimension. Secondly, features are put into five traditional machine learning classifiers to detect epileptic seizures. It includes binary classification (seizure vs. seizure-free or preictal vs. interictal) and multi-class classification (preictal vs. interictal vs. ictal). A flowchart showing our method is available in Figure 1.

FIGURE 1
www.frontiersin.org

Figure 1. An illustration of the proposed method for classifying EEG recordings with deep features and shallow classifiers for the detection of epileptic seizures (binary and multi-class classification).

2.1. EEG database

2.1.1. Dataset-1

A part of the experimental data for this study comes from the Bonn dataset, which is publicly available (Andrzejak et al., 2001). Each subset of the dataset contains 100 artifact-free, single-channel intracranial EEG clips of 23.6 s each, labeled A, B, C, D, and E (also Z, O, N, F, and S, accordingly). An amplifier system with 128 channels and a band-pass filter between 0.53 and 40 Hz was used to record the EEG signals at 173.61 Hz. Therefore, each signal contains 4,097 records, that is, each signal has a data length of 4,097. These data are demonstrated in Figure 2. Table 1 summarizes details about this dataset.

FIGURE 2
www.frontiersin.org

Figure 2. Samples of Dataset-1 Bonn dataset and Dataset-2 EEG Epilepsy dataset. (A) Dataset-1 Bonn dataset A, B, C, D, and E. (B) Dataset-2 EEG Epilepsy dataset F, G, and H.

TABLE 1
www.frontiersin.org

Table 1. Overview of Dataset-1.

2.1.2. Dataset-2

In Dateset-2, segmented EEG recordings were obtained from 10 epilepsy patients (Swami et al., 2016). With a GrassTelefactor Comet AS40 amplifier system and a 200 Hz sampling rate, all EEG recordings were acquired. The duration of each EEG recording is approximately 5.12 s (1,024 samples). These data are demonstrated in Figure 2. The scalp electrodes for EEG recordings were gold-plated and adhered to the 10-20 standard in compliance with the recording procedure. First, an EEG signal was filtered with a bandpass filter having a cutoff frequency of 0.5 and 70 Hz. Afterwards, It was divided by clinical experts into ictal (group F), interictal (group G), and preictal (group H) phases. Table 2 summarizes details about this dataset.

TABLE 2
www.frontiersin.org

Table 2. Overview of Dataset-2.

2.2. Deep feature extraction

DL techniques learn a set of empirical features at multiple abstraction levels, capable of learning complex functions through input data independent of hand-crafted features. It undergoes a learning process by progressively extracting multiple features from low layers to high layers (Murat et al., 2021). Therefore, we use the DNN-based model to automatically generate features. Figure 3 demonstrates this DNN-based model.

FIGURE 3
www.frontiersin.org

Figure 3. Deep neural network model and feature extraction used in this study. Conv, convolution.

Our DNN model outputs feature maps after we have connected the convolutional layer. PCA is used to remove useless features and reduce redundancy, which can alleviate the computational cost and enhance the performance and generalization. Figure 3 demonstrates the feature extraction steps and details.

Table 3 summarizes a detailed parameter representation of the DNN model. We add a Batch Normalization (BatchNorm) layer after each convolutional layer, with axis 2 and momentum 0.9 to speed up training. An activation function for rectified linear unit (ReLU) follows each BatchNorm layer. We use L2 regularization to alleviate overfitting with a dropout of 0.4 upon reaching the first fully connected layer. Aggregate data are used for subject-level assessments. Our neural network weights are updated by using the cross-entropy loss function and Adam optimization. There are three settings: 0.0001, 50, and 300, which are the learning rate, batch size, and epochs. A 0.001 learning rate is applied to the data, a batch size of 50, and 300 epochs are used when training the model. A feature map sized 23 × 128 is exported from the MaxPooling layer ahead of the flatten layer. We split the eigenvectors into 128 small eigenvectors of shape size 23 × 1. PCA is then used to perform dimensionality reduction on each of the small eigenvectors, resulting in 128 eigenvectors of shape size 1 × 1. These feature vectors are concatenated with 1 × 128 shape size and fed into shallow classifiers below for classification.

TABLE 3
www.frontiersin.org

Table 3. Model summary of DNN.

2.3. Machine learning classifiers

For epileptic seizure detection, in addition to support vector classifier (SVC) (Lau and Wu, 2003), several classical machine learning classifiers are employed, including k-nearest neighbors (KNN) (Kramer, 2013), gradient boosting (GB) (Natekin and Knoll, 2013), random forest (RF) (Lau and Scornet, 2016), Gaussian Naïve Bayes (GNB) (Griffis et al., 2016), decision tree (DT) (Safavian and Landgrebe, 1991), and multi-layer perception (MLP) (Murtagh, 1991). Shallow classifiers are still the classifier of choice despite deep learning approaches becoming increasingly overwhelming. To solve supervised classification problems, discriminant analysis is utilized to reduce the distance between each class and increase the variability between different classes (Ye et al., 2004; Murat et al., 2021).

3. Results

We design comprehensive experiments on two databases and illustrate the results of classifying EEG categories into binary and multi-class. The DNN model is implemented in TensorFlow backend using a 10-core Intel Core i9 CPU and RTX3090 GPU on a high-performance computer.

Cross-validation using a K-fold (K = 10) method verifies the effectiveness of the classification. Each iteration will use K−1 folds to train and the remaining folds to test. In addition to accuracy (ACC), specificity (SPF), and sensitivity (SEN), we use another four classic performance indicators: negative predictive value (NPV), positive predictive value (PPV), F1 score, and Matthews correlation coefficient (MCC). Here is the calculation: a True Positive is equal to TP, a False Negative is equal to FN, a True Negative is equal to TN, and a False Positive is equal to FP. For larger MCC value, the classifier performs better.

SEN=TPTP + FN×100(%)    (1)
SPF=TNTN + FP×100(%)    (2)
ACC=TP + TNTP + TN + FN + FP×100(%)    (3)
PPV=TPTP + FP×100(%)    (4)
NPV=TNTN + FN×100(%)    (5)
MCC=TP × TN - FN × FP(TP + FN)(TP + FP)(TN + FN)(TN + FP)×100(%)    (6)
F1 score=2 × TP2×TP + FN + FP×100(%)    (7)

Table 4 shows the comprehensive experiments setting. Using the Bonn and EEG Epilepsy datasets, twelve and five different classification problems are proposed, respectively. They focus on differentiating between preictal (normal), interictal, and ictal EEG signals, including binary and multi-class classification.

TABLE 4
www.frontiersin.org

Table 4. Different experimental cases for Bonn and EEG Epilepsy datasets.

Figures 4, 5 show the overall accuracy and loss curves for the model trained on two datasets. It is obvious that after almost 300 epochs the network converges.

FIGURE 4
www.frontiersin.org

Figure 4. CNN model training on Bonn dataset: (A) accuracy curve, (B) loss curve.

FIGURE 5
www.frontiersin.org

Figure 5. CNN model training on EEG Epilepsy dataset: (A) accuracy curve, (B) loss curve.

Tables 5, 6 illustrate the classification results for different cases on two datasets, respectively. To further illustrate the performance of each shallow classifier, Figures 6, 7 show the ROC curves and associated AUC for 12 cases of the Bonn dataset and 5 cases of the EEG epilepsy dataset. Our study demonstrates improved accuracy in discriminating between preictal, interictal, and ictal EEG signals. As a whole, the proposed method performs well and yields good results, demonstrating that it can distinguish various classes of EEG signals effectively.

TABLE 5
www.frontiersin.org

Table 5. The evaluation of the performance of the proposed approach using 10-fold cross-validation style on Bonn dataset with 12 cases.

TABLE 6
www.frontiersin.org

Table 6. An evaluation of the performance of the proposed approach using 10-fold cross-validation with 5 cases of EEG epilepsy dataset.

FIGURE 6
www.frontiersin.org

Figure 6. Seizure detection ROC curves and AUC from Bonn dataset. (A) Case 1: A-E. (B) Case 2: B-E. (C) Case 3: AB-E. (D) Case 4: C-E. (E) Case 5: D-E. (F) Case 6: CD-E. (G) Case 7: A-D. (H) Case 8: ABCD-E. (I) Case 9: AB-CDE. (J) Case 10: A-C-E. (K) Case 11: AB-CD-E. (L) Case 12: A-B-C-D-E.

FIGURE 7
www.frontiersin.org

Figure 7. Seizure detection ROC curves and AUC from EEG Epilepsy dataset. (A) Case I: F-G. (B) Case II: F-H. (C) Case III: G-H. (D) Case IV: F-G. (E) Case V: F-G-H.

4. Discussion

The seizure detection literature shows that several methods are currently available to handle binary and multi-category classification issues. Experimental results for 17 epilepsy detection cases have been presented and discussed in detail. A comparison of our algorithm with other up-to-date solutions is provided in Table 7.

TABLE 7
www.frontiersin.org

Table 7. Summary of literature comparison results (10-fold cross-validation style).

For Bonn dataset, the first three cases handle binary classification. Regarding Case 1 (A-E), when using the EEG spectrum as input, Cetin et al. (2015) calculated autoregressive coefficients, which were then fed into back propagation (BP) and Elman neural networks. A 98.3% accuracy rate was reported as the best. Jiang et al. (2020) used a symplectic geometric decomposition method to derive features from EEG signals and put them into an SVM for EEG classification. It was reported that the accuracy was 100%. In an attempt to find the optimal parameters of an SVM to classify epileptic EEG, a mixture model was constructed using genetic algorithms (GA), as well as particle swarm optimization (PSO) by Subasi et al. (2019). A 99.38% accuracy rate was reported as the best. Using New Weighted Complex Networks (NWCNs), Supriya et al. (2021) extracted three features from EEG data: Modular Gain (MG), Average Weighted Degree (AWD), and Edge Weight Fluctuation (EWF). Three features' separation performance was examined using an SVM model with three different kernels. They obtained 100% classification accuracy. Prabhakar and Lee (2022) employed K-singular value decomposition (K-SVD) to derive sparse descriptions from EEG signals and extracted features using self-organizing maps (SOMs). The data was then fed into ELM, deep learning, and transfer learning models for classification, with an accuracy rate of 98.35%. Unlike previous methods, ours is 100% accurate.

According to Swami et al. (2016), a dual-tree complex wavelet transform (DT-CWT) was employed to divide EEG recordings into multiple subbands on a six-level scale in Case 2 (B-E). These subbands acted as features and classified EEG signals with a general regressive neural network (GRNN). A 98.9% accuracy rate was reported as the best. Ahmedt-Aristizabal et al. (2018) achieved 94.75% accuracy by using a recurrent neural network (RNN) embedded an LSTM network. Jiang et al. (2020), Supriya et al. (2021), and Prabhakar and Lee (2022) also studied on this classification issue and reported 99.33, 100, and 97.57% accuracies, respectively. Our method, on the other hand, achieves 100% accuracy.

Regarding Case 3 (AB-E), EEG clips are divided into two types: non-ictal and ictal. It was reported that Swami et al. (2016) had an accuracy rate of 99.2%. Sharma et al. (2017) used analytic time-frequency flexible wavelet transform (ATFFWT) and fractal dimensions to export features and put them into a least squares support vector machine (LS-SVM). Afterwards, a 100% accuracy rate was reported as the best. Jiang et al. (2020) and Prabhakar and Lee (2022) also studied on this classification issue and reported 100 and 97.84% accuracies, respectively. Our method, on the other hand, achieves 100% accuracy.

Regarding Cases 4 through 6, EEG signals are divided into interictal and ictal types (C-E, D-E, and CD-E). It was reported that Swami et al. (2016) had 98.7, 93.3, and 95.2% accuracies. Sharma et al. (2017) indicated 99, 98.5, and 98.67% accuracy rates. In Raghu et al. (2019), descriptive and bivariate histogram analysis, and polar histogram were used to provide matrix determinant features. The effectiveness was verified on three cases, using the MLP classifier to achieve accuracies of 97.60, 97.60, and 96.85%, respectively. Jiang et al. (2020) also studied on these issues and reported accuracies of 99.33, 100, and 99.28%, respectively. In contrast, our proposed method achieves 100, 100, and 100% accuracies, respectively.

Case 7 (A-D) addresses the classification of normal vs. interictal. Gupta et al. (2018) utilized discrete cosine transform (DCT) to build a multirate filterbank structure, which decomposed EEG signals into their respective brain rhythms. Then, the Hurst exponent together with the autoregressive moving average (ARMA) parameters were derived from the statistical results of the brain rhythms as features. The SVM classifier reported an accuracy of 98.4%. Using Local Military Patterns (LSPs), Tuncer et al. (2019) extracted binary features through EEG signals. A standard deviation based strategy was used to deal with threshold value problems of ternary functions. Then, extracted features were put into SVM for classification with an accuracy rate of 99.5%. Unlike previous methods, ours is 100% accurate.

In Case 8, the EEG is classified as seizure or non-seizure (ABCD-E). An objective method of identifying intrinsic modes was proposed in Hassan et al. (2020) by using complete ensemble empirical mode decomposition with adaptive noise (CEEMDAN). Modeling these mode functions with normal inverse Gaussian (NIG) parameters follows. They employed Adaptive Boosting to classify EEG signals and reported 99.2% accuracy. For feature derivation, Mursalin et al. (2017) examined an improved correlation-based feature selection method (ICFS). A 97.4% accuracy rate was reported for an RF classifier. Jiang et al. (2020) also focused on this issue and a 99.97% accuracy rate was reported as the best. Our method, on the other hand, achieves 100% accuracy.

Regarding Case 9 (AB-CDE), EEG signals are divided into normal and epileptic types. In Peng et al. (2021), EEG signals were classified in symmetric positive definite (SPD) matrix spaces by using Stein kernel-based sparse representations (SR). They reported accuracy rate of 98.20%. Acharya et al. (2018) developed a multiple-layer CNN algorithm to avoid feature extraction and selection. They reported 88.7% accuracy. Jiang et al. (2020) studied on this classification issue with an accuracy of 99.17%. Unlike previous methods, ours is 99.8% accurate.

In Cases 10 and 11, ternary classification is addressed by both A-C-E and AB-CD-E. We report 100% and 99.80% classification accuracies, respectively. To deal with Case 10, in Jaiswal and Banka (2017), the Local Neighborhood Description Pattern (LNDP) together with the 1D Local Gradient Pattern (1D-LGP) was utilized to export features. An adaptive neural network (ANN) was designed for classification, reporting 98.22% accuracy. Gupta and Banka (2019) achieved feature extraction of rhythms based on a combination of Weighted Multiscale Renyi Permutation Entropy (WMRPE) and Fourier-Bessel Series Expansion (FBSE). To classify these features, LS-SVM was used, and the best accuracy rate was 97.3%. Zhang et al. (2021) proposed a fusion method for feature extraction based on Frequency Sliced Wavelet Transform (FSWT). Then, these feature were fed into a KNN classifier with a classification accuracy of 99.69%. Regarding Case 11, according to Bhardwaj et al. (2016), EEG recordings were split into multiple IMFs, each with a set of bandwidth parameters extracted. They constructed genetic programming for classification and a 98.33% accuracy rate was reported as the best. Peker et al. (2015) used DT-CWT to extract features from EEG signals. EEG data was classified using a complex-valued adaptive neural network (CVANN) and a 97.79% accuracy rate was reported. In Raghu et al. (2019), a 96.5% accuracy rate was reported as the best. Jiang et al. (2020) studied on these classification issues with reported accuracies of 99.22 and 99.80%, respectively. Zarei and Asl (2021) exported different coefficients from EEG signals using DWT and Orthogonal Matching Pursuit (OMP) techniques. Then, some non-linear features and several statistical features were computed using DWT and OMP coefficients. They were put into an SVM classifier, which reported 99.33% accuracy.

In Case 12, the EEG is separated into five categories (A-B-C-D-E). Sharma et al. (2020) used third-order cumulants (ToC) to export features from EEG recording and put them into deep neural networks for classification, reporting 97.2% accuracy. In Zahra et al. (2017), using the MVEMD algorithm, the EEG recordings were decomposed into multiple intrinsic scales. An ANN model was created to classify valid IMFs with a reported accuracy of 87.2%. Zhang et al. (2021) reported 93.62% accuracy. In contrast, our proposed method achieves 99.80% accuracy.

For EEG Epilepsy dataset, Cases I to IV deal with binary classification. Zhou et al. (2020) decomposed the EEG recordings into singular values using singular spectrum analysis (SSA). Then, the log-normalized function values are calculated, forming the eigenvector. They were fed into shallow classifiers, including SVM, ELM, and ANN, to perform with the highest accuracy of 94, 95, 93, and 91% in the four cases. Wang et al. (2021) proposed an autoregressive (AR) model based time-varying (TV) modeling framework to describe EEG recordings. The multiwavelet basis function expansion (MWBF) method was used to approximate the TV parameters of the AR model (TVAR). Afterwards, the resulting extended model was reduced and refined using the Ultra-regularized Orthogonal Regression (UROFR) algorithm. The SVM achieved the highest accuracies of 98.18, 100, 88.95, and 98.08% for the four cases, respectively. Peng et al. (2021) also dealt with Cases I, II and IV and reported accuracies of 98.00, 99, and 97.5%, respectively. The EMD-MSPCA method, developed by Sukriti et al. (2021), combined empirical mode decomposition with multiscale PCA, to denoise EEG recordings. Following that, three complexity measures were used as features. DT, LDA, SVM, and KNN shallow classifiers were used for classification of Cases I, II, and III. The documented accuracy for each is 96.38, 100, and 97.15%. Due to its inherent self-similarity, Tajmirriahi and Amini (2021) used stochastic differential equations (SDEs) to model EEG signals with self-similar fractional Levy stabilization processes. They Fit the probability distribution to the derived EEG signal histogram, and extracted the parameters of the fitted histogram. A SVM classifier was used to classify them, with 99.1, 96.8, and 91.5% accuracies for cases I, II, and III, respectively. In contrast, our approach reports 100, 100, 100, and 100% accuracies for the four cases, respectively.

Case V address ternary classification. Peng et al. (2021) and Sukriti et al. (2021) reported accuracies of 97.21 and 93.49%, respectively. We report the accuracy of 100%, which also outperforms other approaches.

Unlike the aforementioned algorithms, this study designs an DNN model to automatically extract deep features from layer outputs during raining. Afterwards, extracted features are filtered by PCA for dimensionality reduction and directly put into seven shallow classifiers to classify EEG signals. The process is simple, high efficient along with high accuracy. Table 7 illustrates the comparison results on the classification performance between our approaches and other approaches recently proposed. Our method illustrates superior performance and has potential for serving as an adjunct to fMRI in epilepsy diagnosis.

Our experimental results have indicated that the proposed method is highly accurate in detecting epilepsy for binary, three-class, and five-class classification problems, illustrating the suitability of our scheme for solving problems involving multiple classes. The clinical potential of automated analysis of epileptic seizure activity is significant. Additionally, once high-performance computers are utilized, its computational simplicity is enhanced, allowing it to be deployed in clinical applications. As a result, this new approach is better equipped to satisfy clinical demands in terms of efficiency, functionality, universality, and simplicity, while providing satisfactory accuracy. These traits make it an appealing alternative option for clinical diagnosis. Real-time seizure detection for smart healthcare and Internet of Medical Things (IoMT) applications is a potential use case for the proposed method.

5. Conclusion

This study uses different kinds of machine learning classifiers to detect seizure with features derived from the max pooling layers of a DNN model. The suggested algorithm separates EEG recordings into two, three and five classes. The results show that performance of the advised classifier is promising for seizure detection. This model may provide neurologists with additional assistance when diagnosing epilepsy. The work in the future will incorporate a number of handcrafted features (such as intrinsic fuzzy entropy, Lyapunov exponent, and Lempel-Ziv complexity) as well as deep features to design deep learning models and compare them with current model performance. In conclusion, the proposed protocol will speed up epilepsy diagnosis, assist clinicians to implement clinical epilepsy monitoring devices with less burden.

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.

Ethics statement

Ethical review and approval was not required for the study on human participants in accordance with the local legislation and institutional requirements. The patients/participants provided their written informed consent to participate in this study.

Author contributions

WZ and SD contributed to the study concept and design. WZ, LS, and BS performed the experiments and data analysis and prepared the draft manuscript. All authors participated manuscript organization and approved the submitted version.

Funding

This work was supported by the Natural Science Foundation of Fujian Province (Grant No. 2022J011146).

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

Abbasi, B., and Goldenholz, D. M. (2019). Machine learning applications in epilepsy. Epilepsia 60, 2037–2047. doi: 10.1111/epi.16333

PubMed Abstract | 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

Ahmedt-Aristizabal, D., Fookes, C., Nguyen, K., and Sridharan, S. (2018). “Deep classification of epileptic signals,” in 40th Annual International Conference of the IEEE Engineering in Medicine and Biology Society (EMBC) (Honolulu, HI), 332–335. doi: 10.1109/EMBC.2018.8512249

PubMed Abstract | CrossRef Full Text | Google Scholar

Al Ghayab, H. R., Li, Y., Siuly, S., and Abdulla, S. (2018). Epileptic EEG signal classification using optimum allocation based power spectral density estimation. IET Signal Process. 12, 738–747. doi: 10.1049/iet-spr.2017.0140

CrossRef Full Text | Google Scholar

Amin, H. U., Yusoff, M. Z., and Ahmad, R. F. (2020). A novel approach based on wavelet analysis and arithmetic coding for automated detection and diagnosis of epileptic seizure in EEG signals using machine learning techniques. Biomed. Signal Process. Control 56, 101707. doi: 10.1016/j.bspc.2019.101707

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

Anter, A. M., Abd Elaziz, M., and Zhang, Z. (2022). Real-time epileptic seizure recognition using Bayesian genetic whale optimizer and adaptive machine learning. Future Gen. Comput. Syst. 127, 426–434. doi: 10.1016/j.future.2021.09.032

CrossRef Full Text | Google Scholar

Anuragi, A., Sisodia, D. S., and Pachori, R. B. (2022). Epileptic-seizure classification using phase-space representation of FBSE-EWT based EEG sub-band signals and ensemble learners. Biomed. Signal Process. Control 71, 103138. doi: 10.1016/j.bspc.2021.103138

CrossRef Full Text | Google Scholar

Arab, M. R., Suratgar, A. A., and Ashtiani, A. R. (2010). Electroencephalogram signals processing for topographic brain mapping and epilepsies classification. Comput. Biol. Med. 40, 733–739. doi: 10.1016/j.compbiomed.2010.06.001

PubMed Abstract | CrossRef Full Text | Google Scholar

Beniczky, S., Karoly, P., Nurse, E., Ryvlin, P., and Cook, M. (2021). Machine learning and wearable devices of the future. Epilepsia 62, S116–S124. doi: 10.1111/epi.16555

PubMed Abstract | CrossRef Full Text | Google Scholar

Bhardwaj, A., Tiwari, A., Krishna, R., and Varma, V. (2016). A novel genetic programming approach for epileptic seizure detection. Comput. Methods Prog. Biomed. 124, 2–18. doi: 10.1016/j.cmpb.2015.10.001

PubMed Abstract | CrossRef Full Text | Google Scholar

Biau, G., and Scornet, E. (2016). A random forest guided tour. Test 25, 197–227. doi: 10.1007/s11749-016-0481-7

CrossRef Full Text | Google Scholar

Cetin, G. D., Cetin, O., and Bozkurt, M. R. (2015). The detection of normal and epileptic EEG signals using ANN methods with matlab-based GUI. Int. J. Comput. Appl. 114, 45–50. doi: 10.5120/20034-2145

CrossRef Full Text | Google Scholar

Cura, O. K., and Akan, A. (2021). Analysis of epileptic EEG signals by using dynamic mode decomposition and spectrum. Biocybern. Biomed. Eng. 41, 28–44. doi: 10.1016/j.bbe.2020.11.002

CrossRef Full Text | Google Scholar

Griffis, J. C., Allendorfer, J. B., and Szaflarski, J. P. (2016). Voxel-based Gaussian naive Bayes classification of ischemic stroke lesions in individual T1-weighted MRI scans. J. Neurosci. Methods 257, 97–108. doi: 10.1016/j.jneumeth.2015.09.019

PubMed Abstract | CrossRef Full Text | Google Scholar

Gupta, A., Singh, P., and Karlekar, M. (2018). A novel signal modeling approach for classification of seizure and seizure-free EEG signals. IEEE Trans. Neural Syst. Rehabil. Eng. 26, 925–935. doi: 10.1109/TNSRE.2018.2818123

PubMed Abstract | CrossRef Full Text | Google Scholar

Gupta, V., and Pachori, R. B. (2019). Epileptic seizure identification using entropy of FBSE based EEG rhythms. Biomed. Signal Process. Control 53, 101569. doi: 10.1016/j.bspc.2019.101569

CrossRef Full Text | Google Scholar

Hassan, A. R., Subasi, A., and Zhang, Y. (2020). Epilepsy seizure detection using complete ensemble empirical mode decomposition with adaptive noise. Knowledge Based Syst. 191, 105333. doi: 10.1016/j.knosys.2019.105333

PubMed Abstract | 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

Jia, G., Lam, H. K., and Althoefer, K. (2022). Variable weight algorithm for convolutional neural networks and its applications to classification of seizure phases and types. Pattern Recogn. 121, 108226. doi: 10.1016/j.patcog.2021.108226

CrossRef Full Text | Google Scholar

Jiang, Y., Chen, W., and Li, M. (2020). Symplectic geometry decomposition-based features for automatic epileptic seizure detection. Comput. Biol. Med. 116, 103549. doi: 10.1016/j.compbiomed.2019.103549

PubMed Abstract | CrossRef Full Text | Google Scholar

Jolliffe, I. T., and Cadima, J. (2016). Principal component analysis: a review and recent developments. Philos. Trans. R. Soc. A Math. Phys. Eng. Sci. 374, 20150202. doi: 10.1098/rsta.2015.0202

PubMed Abstract | CrossRef Full Text | Google Scholar

Kramer, O. (2013). “K-nearest neighbors,” in Dimensionality Reduction With Unsupervised Nearest Neighbors, eds J. Kacprzyk, and L. C. Jain (Berlin; Heidelberg: Springer), 13–23. doi: 10.1007/978-3-642-38652-7_2

CrossRef Full Text | Google Scholar

Lau, K. W., and Wu, Q. H. (2003). Online training of support vector classifier. Pattern Recogn. 36, 1913–1920. doi: 10.1016/S0031-3203(03)00038-4

CrossRef Full Text | Google Scholar

Li, C., Zhou, W., Liu, G., Zhang, Y., Geng, M., Liu, Z., et al. (2021). Seizure onset detection using empirical mode decomposition and common spatial pattern. IEEE Trans. Neural Syst. Rehabil. Eng. 29, 458–467. doi: 10.1109/TNSRE.2021.3055276

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., Cui, W. G., Huang, H., Guo, Y. Z., Li, K., and Tan, T. (2019). Epileptic seizure detection in EEG signals using sparse multiscale radial basis function networks and the Fisher vector approach. Knowledge Based Syst. 164, 96–106. doi: 10.1016/j.knosys.2018.10.029

CrossRef Full Text | Google Scholar

Martis, R. J., Tan, J. H., Chua, C. K., Loon, T. C., Yeo, S. W. J., and Tong, L. (2015). Epileptic EEG classification using nonlinear parameters on different frequency bands. J. Mech. Med. Biol. 15, 1550040. doi: 10.1142/S0219519415500402

PubMed Abstract | CrossRef Full Text | Google Scholar

Murat, F., Yildirim, O., Talo, M., Demir, Y., Tan, R. S., Ciaccio, E. J., et al. (2021). Exploring deep features and ECG attributes to detect cardiac rhythm classes. Knowledge Based Syst. 232, 107473. doi: 10.1016/j.knosys.2021.107473

CrossRef Full Text | Google Scholar

Mursalin, M., Zhang, Y., Chen, Y., and Chawla, N. V. (2017). Automated epileptic seizure detection using improved correlation-based feature selection with random forest classifier. Neurocomputing 241, 204–214. doi: 10.1016/j.neucom.2017.02.053

CrossRef Full Text | Google Scholar

Murtagh, F. (1991). Multilayer perceptrons for classification and regression. Neurocomputing 2, 183–197. doi: 10.1016/0925-2312(91)90023-5

CrossRef Full Text | Google Scholar

Natekin, A., and Knoll, A. (2013). Gradient boosting machines, a tutorial. Front. Neurorobot. 7, 21. doi: 10.3389/fnbot.2013.00021

PubMed Abstract | CrossRef Full Text | Google Scholar

Peker, M., Sen, B., and Delen, D. (2015). A novel method for automated diagnosis of epilepsy using complex-valued classifiers. IEEE J. Biomed. Health Inform. 20, 108–118. doi: 10.1109/JBHI.2014.2387795

PubMed Abstract | CrossRef Full Text | Google Scholar

Peng, H., Lei, C., Zheng, S., Zhao, C., Wu, C., Sun, J., et al. (2021). Automatic epileptic seizure detection via Stein kernel-based sparse representation. Comput. Biol. Med. 132, 104338. doi: 10.1016/j.compbiomed.2021.104338

PubMed Abstract | CrossRef Full Text | Google Scholar

Prabhakar, S. K., and Lee, S. W. (2022). ENIC: ensemble and nature inclined classification with sparse depiction based deep and transfer learning for biosignal classification. Appl. Soft Comput. 117, 108416. doi: 10.1016/j.asoc.2022.108416

CrossRef Full Text | Google Scholar

Raghu, S., Sriraam, N., Hegde, A. S., and Kubben, P. L. (2019). A novel approach for classification of epileptic seizures using matrix determinant. Expert Syst. Appl. 127, 323–341. doi: 10.1016/j.eswa.2019.03.021

CrossRef Full Text | Google Scholar

Rout, S. K., Sahani, M., Dash, P. K., and Biswal, P. K. (2021). Multifuse multilayer multikernel RVFLN+ of process modes decomposition and approximate entropy data from iEEG/sEEG signals for epileptic seizure recognition. Comput. Biol. Med. 132, 104299. doi: 10.1016/j.compbiomed.2021.104299

PubMed Abstract | CrossRef Full Text | Google Scholar

Safavian, S. R., and Landgrebe, D. (1991). A survey of decision tree classifier methodology. IEEE Trans. Syst. Man Cybernet. 21, 660–674. doi: 10.1109/21.97458

CrossRef Full Text | Google Scholar

Sahani, M., Rout, S. K., and Dash, P. K. (2021). FPGA implementation of epileptic seizure detection using semisupervised reduced deep convolutional neural network. Appl. Soft Comput. 110, 107639. doi: 10.1016/j.asoc.2021.107639

CrossRef Full Text | Google Scholar

Shankar, A., Khaing, H. K., Dandapat, S., and Barma, S. (2021). Analysis of epileptic seizures based on EEG using recurrence plot images and deep learning. Biomed. Signal Process. Control 69, 102854. doi: 10.1016/j.bspc.2021.102854

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

Sharma, R., Pachori, R. B., and Sircar, P. (2020). Seizures classification based on higher order statistics and deep neural network. Biomed. Signal Process. Control 59, 101921. doi: 10.1016/j.bspc.2020.101921

PubMed Abstract | CrossRef Full Text | Google Scholar

Sharmila, A., and Geethanjali, P. (2019). A review on the pattern detection methods for epilepsy seizure detection from EEG signals. Biomed. Eng. 64, 507–517. doi: 10.1515/bmt-2017-0233

PubMed Abstract | CrossRef Full Text | Google Scholar

Shoeibi, A., Ghassemi, N., Alizadehsani, R., Rouhani, M., Hosseini-Nejad, H., Khosravi, A., et al. (2021). A comprehensive comparison of handcrafted features and convolutional autoencoders for epileptic seizures detection in EEG signals. Expert Syst. Appl. 163, 113788. doi: 10.1016/j.eswa.2020.113788

CrossRef Full Text | Google Scholar

Shoeibi, A., Ghassemi, N., Khodatars, M., Moridian, P., Alizadehsani, R., Zare, A., et al. (2022). Detection of epileptic seizures on EEG signals using ANFIS classifier, autoencoders and fuzzy entropies. Biomed. Signal Process. Control 73, 103417. doi: 10.1016/j.bspc.2021.103417

CrossRef Full Text | Google Scholar

Solaija, M. S. J., Saleem, S., Khurshid, K., Hassan, S. A., and Kamboh, A. M. (2018). Dynamic mode decomposition based epileptic seizure detection from scalp EEG. IEEE Access 6, 38683–38692. doi: 10.1109/ACCESS.2018.2853125

CrossRef Full Text | Google Scholar

Subasi, A., Kevric, J., and Canbaz, M. A. (2019). Epileptic seizure detection using hybrid machine learning methods. Neural Comput. Appl. 31, 317–325. doi: 10.1007/s00521-017-3003-y

CrossRef Full Text | Google Scholar

Sukriti Chakraborty, M., and Mitra, D. (2021). A novel automated seizure detection system from EMD-MSPCA denoised EEG: refined composite multiscale sample, fuzzy and permutation entropies based scheme. Biomed. Signal Process. Control 67, 102514. doi: 10.1016/j.bspc.2021.102514

CrossRef Full Text | Google Scholar

Supriya, S., Siuly, S., Wang, H., and Zhang, Y. (2021). New feature extraction for automated detection of epileptic seizure using complex network framework. Appl. Acoust. 180, 108098. doi: 10.1016/j.apacoust.2021.108098

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

Tajmirriahi, M., and Amini, Z. (2021). Modeling of seizure and seizure-free EEG signals based on stochastic differential equations. Chaos Solitons Fractals 150, 111104. doi: 10.1016/j.chaos.2021.111104

CrossRef Full Text | Google Scholar

Tuncer, T., Dogan, S., and Acharya, U. R. (2021a). Automated EEG signal classification using chaotic local binary pattern. Expert Syst. Appl. 182, 115175. doi: 10.1016/j.eswa.2021.115175

CrossRef Full Text | Google Scholar

Tuncer, T., Dogan, S., and Akbal, E. (2019). A novel local senary pattern based epilepsy diagnosis system using EEG signals. Austral. Phys. Eng. Sci. Med. 42, 939–948. doi: 10.1007/s13246-019-00794-x

PubMed Abstract | CrossRef Full Text | Google Scholar

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

CrossRef Full Text | Google Scholar

Wang, Q., Wei, H. L., Wang, L., and Xu, S. (2021). A novel time-varying modeling and signal processing approach for epileptic seizure detection and classification. Neural Comput. Appl. 33, 5525–5541. doi: 10.1007/s00521-020-05330-7

CrossRef Full Text | Google Scholar

Wang, Z., Wu, D., Dong, F., Cao, J., Jiang, T., and Liu, J. (2020). A novel spike detection algorithm based on multi-channel of BECT EEG signals. IEEE Trans. Circ. Syst. II Exp. Briefs 67, 3592–3596. doi: 10.1109/TCSII.2020.2992285

CrossRef Full Text | Google Scholar

Wu, M., Wan, T., Wan, X., Fang, Z., and Du, Y. (2021). A new localization method for epileptic seizure onset zones based on time-frequency and clustering analysis. Pattern Recogn. 111, 107687. doi: 10.1016/j.patcog.2020.107687

CrossRef Full Text | Google Scholar

Ye, J., Janardan, R., and Li, Q. (2004). “Two-dimensional linear discriminant analysis,” in Advances in Neural Information Processing Systems 17, eds L. Saul, Y. Weiss, and L. Bottou (British Columbia: MIT Press), 1569–1576.

Google Scholar

Zahra, A., Kanwal, N., ur Rehman, N., Ehsan, S., and McDonald-Maier, K. D. (2017). Seizure detection from EEG signals using multivariate empirical mode decomposition. Comput. Biol. Med. 88, 132–141. doi: 10.1016/j.compbiomed.2017.07.010

PubMed Abstract | CrossRef Full Text | Google Scholar

Zarei, A., and Asl, B. M. (2021). Automatic seizure detection using orthogonal matching pursuit, discrete wavelet transform, and entropy based features of EEG signals. Comput. Biol. Med. 131, 104250. doi: 10.1016/j.compbiomed.2021.104250

PubMed Abstract | CrossRef Full Text | Google Scholar

Zhang, T., Han, Z., Chen, X., and Chen, W. (2021). Subbands and cumulative sum of subbands based nonlinear features enhance the performance of epileptic seizure detection. Biomed. Signal Process. Control 69, 102827. doi: 10.1016/j.bspc.2021.102827

CrossRef Full Text | Google Scholar

Zhou, X., Ling, B. W. K., Li, C., and Zhao, K. (2020). Epileptic seizure detection via logarithmic normalized functional values of singular values. Biomed. Signal Process. Control 62, 102086. doi: 10.1016/j.bspc.2020.102086

CrossRef Full Text | Google Scholar

Keywords: electroencephalogram (EEG), epileptic seizure detection, deep features, shallow classifiers, deep neural network (DNN), convolution neural network

Citation: Zeng W, Shan L, Su B and Du S (2023) Epileptic seizure detection with deep EEG features by convolutional neural network and shallow classifiers. Front. Neurosci. 17:1145526. doi: 10.3389/fnins.2023.1145526

Received: 16 January 2023; Accepted: 02 May 2023;
Published: 22 May 2023.

Edited by:

Zhengwang Wu, University of North Carolina at Chapel Hill, United States

Reviewed by:

Longwang Huang, Chongqing University of Posts and Telecommunications, China
Qingbo Meng, University College London, United Kingdom

Copyright © 2023 Zeng, Shan, Su and Du. 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: Wei Zeng, zengwei@lyun.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.