Next Article in Journal
MES-CTNet: A Novel Capsule Transformer Network Base on a Multi-Domain Feature Map for Electroencephalogram-Based Emotion Recognition
Previous Article in Journal
Transcriptional Responses of Different Brain Cell Types to Oxygen Decline
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Unsupervised Multivariate Feature-Based Adaptive Clustering Analysis of Epileptic EEG Signals

1
School of Automation, Guangdong University of Technology, Guangzhou 510006, China
2
School of Automation, China University of Geosciences, Wuhan 430074, China
*
Author to whom correspondence should be addressed.
Brain Sci. 2024, 14(4), 342; https://doi.org/10.3390/brainsci14040342
Submission received: 29 February 2024 / Revised: 22 March 2024 / Accepted: 28 March 2024 / Published: 30 March 2024
(This article belongs to the Section Computational Neuroscience and Neuroinformatics)

Abstract

:
Supervised classification algorithms for processing epileptic EEG signals rely heavily on the label information of the data, and existing supervised methods cannot effectively solve the problem of analyzing unlabeled epileptic EEG signals. In the traditional unsupervised clustering algorithm, the number of clusters and the global parameters must be predetermined, and the algorithm’s analytical results are combined with a huge number of subjective errors, which affects the detection accuracy. For this reason, this paper proposes an unsupervised multivariate feature adaptive clustering analysis algorithm based on epileptic EEG signals. First, CEEMDAN and CWT are introduced into the epileptic EEG signal after preprocessing for joint denoising to further improve the signal quality. Then, the multivariate feature set of the signal is extracted and constructed, which includes nonlinear, time, frequency, and time-frequency characteristics. To reveal the hidden structures and correlations in the high-dimensional feature data, t-SNE dimensionality reduction is introduced. Finally, the DBSCAN clustering algorithm is optimized using the SSA algorithm to achieve adaptive selection of cluster number and global parameters.It not only enhances the clustering performance and reliability of the clustering results, but also avoids subjective errors in the analysis results. It provides a pre-theoretical foundation for the successful development of future seizure prediction devices and has good application prospects in clinical diagnosis and daily monitoring of patients.

1. Introduction

Machine learning-based models for recognizing epileptic EEG signals are becoming an increasingly popular research topic are becoming an increasingly popular research topic. In 2007, the first open EEG database for seizure prediction appeared internationally and an algorithmic competition on seizure prediction was initiated to facilitate the comparison of algorithmic performances and to keep updating them [1]. Shoeb et al. used scalp EEG from the CHB-MIT dataset to apply machine learning to seizure detection and found excellent results [2]. Tiwari et al. classified and identified seizures and seizure-free seizures using a keypoint-based computing local binary pattern (LBP) approach using an Support Vector Machine classifier [3]. Al-Hadeethi et al.to achieve satisfactory results for the Adaptive Boosting-Least Squares-Support Vector Machine (AB-LS-SVM) classification model. First, a covariance matrix is used to lower the dimension of the EEG signal, then its statistical features are extracted, and the set with the most significant features is obtained using a non-parametric test [4]. Vicnesh et al. classified distinct epilepsy types by extracting nonlinear characteristics from EEG data and putting them into a decision tree [5].
From 2015 to the present, deep learning technology is increasingly developing rapidly, and the models of neural networks are widely used in several fields. Zheng et al. introduced an epilepsy prediction approach using Convolutional Neural Network, and the modeling process does not require steps such as signal preprocessing or data conversion [6]. Zhang et al. extracted the scalp EEG signal’s time and frequency domain differentiating characteristics using wavelet packet decomposition and standard spatial pattern methods. The pre-seizure and inter-seizure phases were then classified using a shallow Convolutional Neural Network [7]. Ma et al. applied Recurrent Neural Network with Long Short-Term Memory(LSTM) for the first time in epileptic seizure prediction, where they fed the statistical properties of the acquired EEG data into the LSTM architecture [8]. Daoud et al. created an LSTM-based seizure prediction algorithm to target specific individuals [9]. To identify epileptic seizures from EEG recordings, Jana et al. input the produced spectral graph matrix into a one-dimensional convolutional neural network [10]. Hu et al. present a unique strategy that uses a deep bidirectional long short-term memory network for seizure detection [11]. To enhance seizure prediction performance, Tsiouris et al. built a two-layer LSTM network and four preseizure windows of varying lengths [12].
The existing seizure detection techniques have shown good performance and can accurately classify epileptic seizures from non-epileptic cases. However, since classification algorithms need to use a large amount of data with known labels when training classifiers, that is when using classification algorithms to process epileptic EEG data, it requires a lot of time and manpower to label a huge amount of EEG signals. Therefore, the use of supervised classification algorithms to process EEG signals is not compatible with practical applications and cannot be effectively migrated to the task of analyzing unlabeled EEG signals.To explore unlabeled epileptic EEG signals, Wen et al. built a model that utilized deep convolution and autoencoder to perform unsupervised learning of epileptic EEG signal properties [13]. Giridhar P et al. analyzed epileptic EEG signals of epileptic patients by Fuzzy C-mean cluster analysis method to observe the relationship between seizures and clustering coefficients [14]. Liu et al. extracted various features of epileptic EEG signals for cluster analysis [15]. Wu et al. collected four distinctive characteristics from epileptic EEG data and utilized Fuzzy C-means cluster analysis with cluster center number n [16]. Carolina et al. suggested a detection algorithm that uses both the S-transform and the Gaussian Mixture Model, which first performs the Stockwell transform on EEG signals and extracts features, and then uses the Gaussian Mixture Model to detect and analyze epileptic seizures [17]. Wan et al. combined several signal analysis methods, and the epileptic EEG signals were processed by Stockwell’s positive inverse transform and singular value decomposition, respectively, and four features were extracted and analyzed by clustering with the improved Fuzzy C-means algorithm [18]. Carolina et al. applied the Gaussian Mixture Model clustering method to evaluate the EEG waveforms of pediatric epileptic patients [19].
The importance of the clustering algorithm is to discover the information of the data Without any prior information, however, in classical clustering algorithms, the amount of clusters and algorithm parameters must be predetermined, and the algorithm analysis findings are mixed with a large number of subjective errors, which affects the detection accuracy, the parameters that apply to data sets with different structures and do not rely on the selection of a priori information are very important for the clustering algorithm. For this reason, this paper proposes an unsupervised multivariate feature adaptive clustering analysis algorithm for epileptic EEG signals. Compared with other artificial intelligence methods, the adaptive clustering method, which does not need to train the data before analysis, is more objective when analyzing epileptic EEG signals. In this study, the sparrow search method was used to improve the DBSCAN clustering algorithm by adaptively determining the number of clusters and global parameters, which avoids subjective errors in the analysis results, further enhances clustering performance and trustworthiness, which is helpful for healthcare personnel’s clinical diagnosis and the patient’s daily home monitoring in later stages. The flow chart of the full paper is shown in Figure 1. This paper will describe the research content and method in detail step by step.

2. Complete Ensemble Empirical Modal Decomposition of Adaptive Noise

In recent years, TORRES et al. proposed an adaptive noise complete ensemble empirical modal decomposition, also known as complete ensemble empirical modal decomposition (CEEMDAN) [20]. CEEMDAN introduces an adaptive noise-assisted method to better deal with high-frequency noise in signals. CEEMDAN can decompose complex vibration signals into multiple intrinsic modal components (IMFs) related to changes in the sampling frequency and the signal itself, and add the IMF component of the white noise at each decomposition, the additional noise is gradually decreased, and there is less residual noise in the inherent modal components, which significantly decreases the rebuilding error. The CEEMDAN decomposition conducts overall averaging on the first-order IMF components acquired to produce the final first-order IMF components, then repeats the aforesaid procedure on the leftover parts. This efficiently solves the problem of moving white noise from high frequency to low frequency, with a global stopping condition at each level of the decomposition, which makes the computation fast and the decomposition most efficient.
To highlight the superiority of CEEMDAN decomposition, Empirical Mode Decomposition (EMD), Ensemble Empirical Mode Decomposition (EEMD), and CEEMDAN decomposition are used in this paper for comparison. From the EMD decomposition components, the low-frequency component modal aliasing phenomenon can be seen more obviously. The complex frequency domain diagram of EMD signal decomposition is shown in Figure 2. In response to the shortcomings of EMD decomposition, EEMD decomposition adds white noise to the original signal for analysis, which can suppress modal aliasing to a certain extent, but is prone to false modal components, signal distortion, and the difficulty of not being able to eliminate the equal transmission of white noise.The complex frequency domain diagram of EEMD signal decomposition is shown in Figure 3. Based on the shortcomings of the above two methods, the CEEMDAN decomposition method can adaptively add white noise to the original EEG signal, and the method can better eliminate its unequal transmission defect.The complex frequency domain diagram of CEEMDAN signal decomposition is shown in Figure 4.

3. Continuous Wavelet Transform

Continuous Wavelet Transform (CWT) is a frequently used signal processing approach based on multi-scale wavelet analysis and frequency selectivity that may be used to eliminate noise. In CWT, the signal undergoes a convolution operation with a series of wavelet functions that are concurrent in both the frequency and time domains. Wavelet functions of different scales can provide sensitivity to different frequency components. By performing CWT on the signal, a plot of the wavelet coefficients of the signal at different scales and frequencies can be obtained. Typically, noise is characterized by a random distribution in the wavelet coefficient maps. To remove the noise, the sparseness of the wavelet coefficients can be utilized. That is, a clear signal usually has only a small number of distinctly non-zero wavelet coefficients, whereas noise produces smaller amplitudes that are more evenly distributed across multiple wavelet coefficients. Therefore, noise can be effectively removed by thresholding the wavelet coefficients by setting coefficients less than some threshold value to zero. To get the optimal denoising impact, the threshold value can be adaptively set based on the characteristics of the signal and noise. The steps are as follows:
Suppose F t L 2 R is a wavelet basis function.
R F w 2 w 1 d w <
where: F w is the Fourier transform of.
The continuous wavelet basis function is obtained by telescoping and translating the F t transformation.
F a , b t = 1 a F t b a
where: a is the scale factor; b is the translation factor.
For any time series, its CWT is:
y t = y t 1 + γ C y + ϕ t y t 1 y t 2
From Equations (2) and (3), the CWT decomposes the original time series at different scales, each corresponding to a different center frequency, by varying the value of the scale factor a.

4. t-Distributed Stochastic Neighbor Embedding

t-Distributed Stochastic Neighbor Embedding (t-SNE) is a strong tool for the display and dimensionality reduction of high-dimensional data. This algorithm was first proposed by Maaten and Hinton in 2008 [21]. Unlike other dimensionality reduction algorithms, t-SNE better preserves the local features of the data during the dimensionality reduction process, avoids the loss of important information, and overcomes the limitations that exist when dealing with high-dimensional nonlinear data. t-SNE algorithm’s main contribution is that it uses a probabilistic-based approach to measure the resemblance between high-dimensional points of information and attempts to keep these parallels in the space of low dimensions. t-SNE uses a special probability distribution (t-distribution) to be able to effectively deal with outliers in high-dimensional data and to generate better clustering effects in low-dimensional space, revealing hidden structures and associations in high-dimensional data.
To illustrate the superiority of the t-SNE algorithm, this paper utilizes Principal Component Analysis (PCA), Multidimensional Scaling (MDS), Kernel Principal Component Analysis (KPCA), Isometric Mapping (Isomap), and Singular Value Decomposition (SVD) algorithms for data downscaling visualization of some high-dimensional feature data, respectively. Figure 5 show the two-dimensional and three-dimensional distributions after dimensionality reduction of the algorithms, respectively. As may be observed, when compared to various dimensionality reduction techniques, the t-SNE dimensionality reduction algorithm effectively reveals the hidden structures and associations in the high-dimensional data and produces more meaningful clusters.

5. SSA-DBSCAN Clustering Algorithm

5.1. Density-Based Spatial Clustering of Applications with Noise

Density-Based Spatial Clustering of Applications With Noise (DBSCAN) is a density-based method of clustering whose clustering results are independent of the original order in which the data items. The advantage of the DBSCAN clustering algorithm is that it automatically determines the number and shape of clusters by the range of the radius E p s and the number of dots M i n P t s , which do not need to be specified in advance. The algorithm’s central premise is that for every data object in a cluster, the neighborhood of a given E p s must contain at least M i n P t s data objects. E p s Nearest Neighbors denote the nearest neighbors within the E p s radius of a given object are called the E p s nearest neighbors of that object and are denoted as N E p s p .
N E p s p = q D | d i s t p , q E p s
Direct density reachability means that for a given M i n P t s and E p s , a direct density reachability from an object q to p is possible, subject to the following conditions.
p N E p s q , N E p s q M i n P t s
Although DBSCAN clustering does not need specifying the amount of initial clustering points, it tends to be susceptible to the selection of global parameters E p s and M i n P t s , which relies on human intervention and is selected entirely based on subjective experience in the process of practical application and lacks adaptivity, which has a great impact on the breadth of the algorithm’s application and the credibility of the clustering results. This paper proposes an SSA-optimized DBSCAN clustering algorithm to automatically obtain E p s and M i n P t s , accomplish adaptable choice of global parameters and increase the trustworthiness of the clustering findings.

5.2. Sparrow Search Algorithm

Sparrow Search Algorithm (SSA) is a novel form of swarm intelligence optimization algorithm that has the advantages of high optimality finding capability and quick convergence speed. The method, introduced by Xue and Shen from Donghua University, primarily replicates the foraging and anti-predation behaviors of sparrow groups [22]. The processes of the method are listed below:
  • Initialization of sparrow population position, fitness and initial values of N, n and S T parameters (maximum number of iterations N, population size n, safety value S T , pre-warning values R 2 );
  • Start the loop with i t e r a t i o n < N ;
  • The population is sorted to derive the current location of the optimal sparrow individual, and the best fitness value (for the first generation of sparrows, the initial optimum is derived. The optimal individual can prioritize access to food);
  • Foraging behavior, the P N sparrows with the best position in each generation are selected as explorers and the remaining n P N sparrows as followers. Update the explorer position by the following equation:
    x i , d t + 1 = x i , d t · exp ( i α · i t e r max ) , R 2 < S T x i , d t + Q ,       R 2 S T
    Equation x i , d t + 1 denotes the dth dimensional position of the ith sparrow in generation t in the population. α is a uniform random number in (0, 1]. Q is a standard normally distributed random number. S T is the warning threshold, which takes the value in the range of (0.5, 1.0]. R 2 is a uniform random number in (0, 1]. When R 2 is larger than S T , the explorer moves randomly to the neighborhood of the current position according to the normal distribution, and its value converges to the optimal position;
  • Update the follower position according to the following formula:
    x i , d t + 1 = Q · exp ( x w i , d t x i , d t α · i t e r max ) , i > n / 2 x b i , d t + 1 D d = 1 D rand 11 · x b i , d t x i , d t , i n / 2
    The equation x w denotes the position of the worst-positioned sparrow in the population. x b denotes the position of the optimally positioned sparrow in the population. When i > n / 2 is used, the function value is the product of a standard normally distributed random number and an exponential function with a natural logarithmic base. When the population converges, the value is consistent with a standard normally distributed random number. When i n / 2 is used, the function value is the current optimal sparrow location plus a random addition or subtraction of that sparrow’s distance from the optimal location in each dimension, dividing the sum equally into each dimension;
  • Anti-predation behavior to update sparrow population locations:
    x i , d t + 1 = x b i , d t + β · x i , d t x b i , d t , f i f g x i , d t + K · x i , d t x w i , d t f i f w + ε , f i = f g
    When a sparrow population forages for food, individuals in the population are simultaneously alert to their surroundings. When danger is detected, both explorers and followers abandon the food and move to a new location. In the formula, the absolute value of the denominator is increased to prevent the denominator from taking the value 0. β is a random number that conforms to the standard normal distribution. k is a uniform random number of [−1,1]. To prevent the denominator from being unique ε is a smaller number. f w is the fitness value of the sparrow in the worst position;
  • Update the historical optimal fitness;
  • When the maximum number of iterations has been achieved, complete steps 3–7 and exit the loop. Produce the ideal individual posture and fitness value.

5.3. SSA-DBSCAN

To overcome the primary shortcoming of the DBSCAN algorithm: the global parameters E p s and M i n P t s are dependent on manual empirical selection, which is a heavy and unreasonable workload. In this paper, the SSA algorithm is introduced based on DBSCAN’s clustering algorithm, the contour coefficient is used as a measure of the fitness function, and the labels of the clusters are recorded in each optimization to realize the adaptive selection of the global parameters, which further improves the clustering effect. The flow of the SSA-DBSCAN clustering algorithm is shown in the Figure 6.
  • Initialization of algorithm parameters. Initialize parameters such as the maximum number of sparrow iterations and population size, set the range of global parameters, and randomly generate the initial position of sparrows;
  • Calculate the individual fitness value of the sparrow flock. Calculate the individual fitness value of the sparrow flock according to the objective function equation, and obtain the optimal value of the individual and the group by comparison;
  • Update the position of the individual sparrow. Determine the position of the sparrow according to the warning value of the individual sparrow. Update the explorer position according to Equation (6) and update the follower position according to Equation (7). Calculate the individual adaptation value after updating the position of the sparrow flock, sort all the individual adaptation values, and record and save the well-adapted individuals;
  • The anti-predation behavior of sparrows generates a new population, updates the position of the sparrow population according to Equation (8), and calculates the SC profile coefficients to update the historical optimal fitness values based on the labels obtained from clustering;
  • Determine the relationship between the maximum number of iterations and the current number of iterations, when the maximum number of iterations is less than the current number of iterations, the search for the optimal end, the output of the optimal global parameters E p s and M i n P t s , and get the corresponding clustering results, otherwise return to step 2.

6. Experimental Results and Analysis

6.1. EEG Data

The dataset in this paper is a sample segmented EEG time series recordings of ten epileptic patients collected from the Neurology and Sleep Center, Hauz Khas, New Delhi [23]. Patients were placed scalp EEG electrodes according to a 10–20 electrode system with a sampling rate of 200 HZ. The signal is filtered at 0.5–70 Hz and divided into three distinct periods. Each stage contains a MAT file of 50 EEG time series signals with a time length of 5.12 s. During artificial cropping, cardiac EMG and some industrial frequency interferences were removed, so no preprocessing of the signals was required. The representative signals of each stage are shown in the Figure 7: it can be seen that there exists a portion of waveforms with small differences, and it is easy to make a misjudgment only by the naked eye.

6.2. Joint Denoising

Raw epileptic EEG signals still inevitably have some noisy data even after manual processing, and this paper further improves the signal quality by introducing signal decomposition. The CEEMDAN algorithm enhances the stability of the EMD method by adding a noise adjustment parameter when performing signal decomposition. However, this method is more sensitive to noise, and the decomposition results of the CEEMDAN algorithm may be greatly affected when the noise level is high. Especially for non-smooth signals or signals containing more noise, the decomposition results of the CEEMDAN algorithm may deteriorate. Therefore, in practical applications, the decomposed signals need to be processed appropriately. On the one hand, after the EEG signal is decomposed by CEEMDAN, each IMF component is arranged from high to low according to the instantaneous frequency, but it is difficult to select the optimal IMF component from all the components. As a result, the correlation coefficient, which measures the degree of correlation between the original signal and each component, is used as a criterion for selecting the best IMF component. The correlation coefficient is computed as follows:
ρ = t = 1 n x t x ¯ f I M F K t f ¯ I M F K t = 1 n x t x ¯ 2 t = 1 n f I M F K t f ¯ I M F K 2
where x ¯ is the average value of x t , f ¯ I M F K is the average value of f I M F K t .
On the other hand, some IMF components, especially high-frequency IMF components, often contain both signal and noise components, and directly discarding that element of the IMF component increases the danger of losing the effective signal while eliminating noise.. Therefore, the reconstructed signal after CEEMDAN decomposition and screening is processed by CWT, which can decompose it in the frequency domain and obtain the sub-time series on different scales. According to the characteristics of multi-scale analysis and frequency selectivity of CWT, the sparsity of wavelet coefficients is utilized to remove the noise from the signal, thus further improving the signal quality.The CEEMDAN decomposition findings are displayed in Figure 8.
The CEEMDAN decomposition technique is used to produce numerous IMF components from epileptic EEG data, and the correlation coefficients between each IMF component and the original EEG signal are obtained. The correlation coefficient will be low when the noise content in the IMF components is high. In this paper, We decide to eliminate the IMF components with correlation coefficients less than 0.3 and recreate the signal of the remaining high correlation IMF components, and use the db5 wavelet basis function for CWT processing after reconstruction. The correlation coefficients of each IMF component are shown in the Table 1. The results of CWT processing are shown in the Figure 9.
To analyze the experimental results qualitatively and quantitatively, the evaluation indexes of the denoising effect are introduced: signal-to-noise ratio (SNR), root mean square error (RMSE), normalized correlation coefficient (NCC), and peak signal-to-noise ratio (PSNR). The larger the SNR after denoising, the better the denoising effect is. RMSE represents the square root of the variance between the initial signal and the denoised signal, the smaller the value, the higher the measurement accuracy. NCC reflects the difference between the waveforms of the initial signal and the denoised signal, the smaller the difference is, the better the denoising effect is proved. The larger the PSNR is, the more feature peak information is retained after denoising, and the better the denoising effect is.
The signal-to-noise ratio equation is as follows:
SNR = 20 lg t = 1 N x 2 t t = 1 N x t x t * 2
The waveform similarity formula is as follows:
NCC = t = 1 N x t x t * t = 1 N x 2 t t = 1 N x t 2 *
The formula for the root mean square error is as follows:
RMSE = 1 N t = 1 N x t x t * 2
The formula for the peak signal-to-noise ratio is as follows:
PSNR = 20 lg x 2 t max × N t = 1 N x t x t * 2
The Table 2 displays metrics like the ratio of signal to noise after joint and single noise reduction. The comparison reveals that CEEMDAN joint CWT denoising is the most effective, with the greatest ratio of signal to noise and the least error in root mean square, the smallest difference in the similarity between the waveform and the reconstructed signal, and the greatest peak ratio between signal and noise.

6.3. Feature Dimension Reduction and Clustering

Currently, the major approaches for analyzing epileptic EEG data are time-domain, frequency-domain, and time-frequency-domain analysis. However, It is not feasible to thoroughly evaluate epileptic EEG data from either the time domain or the frequency domain perspective. Only by combining various aspects of epileptic EEG data at the same time can we obtain a more comprehensive study of EEG signals. Twelve characteristics were extracted to reflect the original epileptic EEG data’ characteristics, including Mean, Skewness, Shannon Entropy, Mean Teager Energy, Hjorth parameter, Fluctuation index, and Root mean square, including time, frequency, time-frequency, and nonlinear characteristics. By introducing t-SNE dimensionality reduction translates the highly dimensional characteristic data to a space with few dimensions while keeping the critical information in the data. This not only allows for improved data analysis and processing, but additionally decreases the complexity of computation and enhances the efficiency of the clustering algorithms. The DBSCAN clustering algorithm does not require a predetermined amount of clusters, and using the SSA algorithm to achieve adaptive adjustment of global parameters enhances the reliability of the clustering findings.
This study uses the assessment metrics Silhouette Coefficient (SC), Calinski-Harbasz Score (CH), and Davies-Boulding (DBI) to assess the effectiveness of the suggested clustering algorithm. These indicators are defined below:
SC = b a max a , b
where a represents the average distance between the current sample point and other sample points of the same class, and b represents the mean distance between the current sample point and the closest other sample point of another class. A collection’s contour coefficient is the average of all samples’ contour coefficients. The contour coefficient has the following range of values: [−1, 1], and the closer the examples of the same class are near each other, and the farther apart the samples of different classes are from each other, the higher the score.
CH = t r B k n E k t r W k k 1
where n E is the number of samples and k is the number of categories. B k is the covariance matrix between categories, W k is the covariance matrix of internal data, and t r is the trace of the matrix. In simple terms, the lower the covariance of the data inside the categories, the bigger the covariance across the categories, and the higher the CH score, the stronger the clustering effect.
DBI = 1 N i = 1 N max j i S ¯ i + S ¯ j w i w j 2
where S ¯ i is the average Euclidean distance from the samples of the i class to its class center, and w i w j 2 is the Euclidean distance from the class centers of the i and j classes. The lower the value of DBI, the lesser the level of dispersion and the higher the categorization outcome.
To reflect the application value of the SSA-DBSCAN algorithm in processing unlabeled epileptic EEG signals, some traditional clustering algorithms are selected for clustering comparison experiments in this paper. Traditional methods of clustering need a predetermined number of clusters, and this research divides them into three groups based on the composition of the the information set, and the particular findings are displayed in the Figure 10 and the Table 3.

6.4. Comprehensive Performance Evaluation

Most of the current epilepsy studies use a single metric to measure the performance of the algorithm, such as accuracy, sensitivity, false prediction rate, etc., and only a few studies have confirmed the significance and rigor of their results in a statistically significant way. To provide a complete evaluation of algorithm performance measures, this work introduces the coefficient of variation technique. The coefficient of variation technique assigns weights by discovering patterns in the data itself. The method uses the degree of variation of the indicators of the evaluated object to determine the weight of the indicators, which can realize the dynamic assignment of the indicators of the evaluated object. The large degree of variation of the indicator indicates that it is more important in the evaluation of the object indicators, and is given a larger weight; conversely, it is given a smaller weight. In this paper, the Silhouette Coefficient (SC) and Calinski-Harbasz Score (CH) are set as positive indicators, Davies-Boulding (DBI) is established as a negative indicator, and the bigger the number, the lower the score, and the way of using the inverse approach to positively normalize the negative indicators. The steps are shown below:
Assuming that the normalization and standardization processed constitute the data matrix R = r i j m × n , the mean value of the indicator is calculated:
A j = 1 n i = 1 m r i j
Calculate the standard deviation of the indicator:
S j = 1 n i = 1 m r i j A 2
Calculate the coefficient of variation:
V j = S j / A j
Calculate the weights:
W j = V j j = 1 n V j
Calculate the score:
S c o r e j = j = 1 n W j r i j
The final scoring results of the coefficient of variation method are shown in the Figure 11. As can be seen, the method in this article received the highest score of 0.67969, and the score of the DBSCAN algorithm is 0.50883, which is significantly improved after optimization. the GMM algorithm performs poorly. Because both the ISODATA and K-medoids methods are based on the K-means algorithm, their scores are comparable and superior than the K-means algorithm.

6.5. Generalizability Analysis

An ideal epileptic EEG signal recognition algorithm should have strong generalization ability and universality. To evaluate the generalizability and efficacy of the technique in this research, the epilepsy dataset from the University of Bonn (Germany) was selected as the generalisation experimental data. The Bonn dataset was published in 2001 by Andrzejak RG, which is an intracranial epilepsy dataset [24]. It comprises of five datasets, Z, O, N, F, and S, with Z and O representing the EEG signals of healthy participants in the cephalic cortex with eyes open and closed, respectively, and the subjects were required to be in the stage of awake and self-relaxation in the acquisition process; F and S are the electrical activity recordings of the epileptogenic region in the focal area during the interictal and ictal phases, respectively; and Category N is the recording of EEG signals from patients located in the intracranial hippocampus structure in the interictal phases. In this paper, a triple categorization task (Z-S-F, O-S-F, Z-S-N) of normal EEG signals, and EEG signals during seizure and interictal periods was designed using the Bonn dataset.
This work introduces the original DBSCAN method for comparative tests in order to properly assess the generalization performance of the improved clustering algorithm. The particular findings are presented in the Table 4. Based on the experimental findings, it can be seen that both algorithms realize effective clustering, and the ultimate number of clusters aligns with the dataset’s class division. The algorithm shown in this articleis better than the DBSCAN algorithm in all indicators due to the introduction of global parameter adaptive selection, and the generalization ability and universality have been further improved.

7. Conclusions

Unsupervised multivariate feature-based adaptive clustering analysis algorithm for epileptic EEG signals has superior performance and more objective outcomes in the processing of epileptic EEG data. In this paper, we integrate the multivariate features of epileptic EEG signals to realize a more comprehensive EEG signal analysis. The SSA-DBSCAN clustering model can discover the information of the dataset without any a priori information, and adaptively select the global parameters and the number of clusters to avoid subjective error, to improve the performance of the clustering and the credibility of the clustering results. The final testing findings revealed that the indexes of SC, CH, and DBI reached 0.6775, 4615.198, and 0.53475, respectively. Instead of utilizing a single index to quantify the performance of the method, this study presents the coefficient of variation approach to examine the experimental findings, which confirms the rigor of the results in a statistical sense. The subsequent plan of this paper is to statistically analyze the test results of patients of different genders and age groups, to provide a pre-theoretical basis for the wide application of actual epilepsy clinical assisted diagnostic technology, and to provide reliable algorithmic validation for the development of convenient epilepsy detection devices.

8. Discussion

The brain, as an extremely important organ in the human body, is the most complex and advanced part of the central nervous system. Epilepsy, as a disease directly related to the brain, is very difficult to deal with and has no cure for the time being. Epilepsy not just causes bodily agony for sufferers, but it also aggravates their mental load and may easily develop to other ailments. In clinical practice, the diagnosis of epilepsy mainly relies on the judgment of experienced doctors, but the manual judgment will consume a lot of time and energy of experienced doctors on the one hand, and on the other hand, it is prone to subjective differences due to the experience and experience of different doctors. In this paper, we propose an unsupervised multivariate feature adaptive clustering analysis of epileptic EEG signals, but there are some limitations in this study and worthy of future research:
  • This research uses the same extraction of features approach for EEG recordings in various times of epileptic episodes. In the future, We should investigate various extraction of features approaches for different durations of epileptic EEG recordings, and multi-dimensional features should be fused into the model effectively to achieve a better and more stable recognition rate for each period.
  • This paper’s categorization of pre-seizure, inter-seizure, and post-seizure phases is based on the experience of previous researchers. Since each epileptic patient has different physical characteristics, seizure type and reaction time, we need to develop an adaptive classification method according to the patient’s own characteristics in order to accurately predict each epileptic patient in the future.
  • Due to the limitations of the experimental conditions, this study only achieved good results on the public data set, and whether this algorithm can be applied to epileptic patients of all ages needs to be verified. Whether the algorithm in this study meets the needs of clinical treatment remains to be verified.
  • In terms of hardware implementation, because of the intricacy of signals from the EEG, deploying the algorithm to run on a hardware platform requires consideration of hardware-software co-design, and the model can be subsequently lightened to meet the clinical demand for efficient online epilepsy detection on low-power hardware systems.

Author Contributions

Methodology, Y.D. and G.L.; formal analysis, G.L.; Software, G.L.; writing—original draft preparation, Y.D. and G.L.; Validation, Y.D.; writing—review and editing, Y.D., G.L., M.W. and F.C.; Funding acquisition, Y.D., M.W. and F.C.; Resources, Y.D., M.W. and F.C.; Visualization, M.W. and F.C.; Supervision, M.W. and F.C.; Data curation, G.L.; Investigation, G.L. All authors have read and agreed to the published version of the manuscript.

Funding

This work was supported by the Foundation of National Natural Science Foundation of China (Grant No. 61640213 and Grant No. 61976059).

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

The database used in this study is publicly available at websites: https://www.researchgate.net/publication/308719109_EEG_Epilepsy_Datasets, accessed on 30 March 2024.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Maimaiti, B.; Meng, H.; Lv, Y.; Qiu, J.; Zhu, Z.; Xie, Y.; Lie, Y.; Cheng, Y.; Zhao, W.; Liu, J.; et al. An Overview of EEG-based Machine Learning Methods in Seizure Prediction and Opportunities for Neurologists in this Field. Neuroscience 2021, 481, 197–218. [Google Scholar] [CrossRef] [PubMed]
  2. 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]
  3. Tiwari, A.K.; Pachori, R.B.; Kanhangad, V.; Panigrahi, B.K. Automated Diagnosis of Epilepsy Using Key-Point-Based Local Binary Pattern of EEG Signals. IEEE J. Biomed. Health Inform. 2017, 21, 888–896. [Google Scholar] [CrossRef] [PubMed]
  4. Al-Hadeethi, H.; Abdulla, S.; Diykh, M.; Deo, R.C.; Green, J.H. Adaptive boost LS-SVM classification approach for time-series signal classification in epileptic seizure diagnosis applications. Expert Syst. Appl. 2020, 161, 113676. [Google Scholar] [CrossRef]
  5. Ojala, T.; Pietikäinen, M.; Maenpaa, T. Accurate detection of seizure using nonlinear parameters extracted from EEG signals. IEEE Trans. Pattern Anal. Mach. Intell. 2002, 24, 971–987. [Google Scholar] [CrossRef]
  6. Zheng, H.; Hu, X.; Callejas, Z.; Schmidt, H.; Griol, D.; Baumbach, J.; Dickerson, J.; Zhang, L. Convolutional Neural Networks for Epileptic Seizure Prediction. In Proceedings of the 2018 IEEE International Conference on Bioinformatics and Biomedicine (BIBM).Madrid, Spain, 3–6 December 2018; pp. 2577–2582. [Google Scholar]
  7. Zhang, Y.; Guo, Y.; Yang, P.; Chen, W.; Lo, B. Epilepsy seizure prediction on EEG using common spatial pattern and convolutional neural network. IEEE J. Biomed. Health Inform. 2019, 24, 465–474. [Google Scholar] [CrossRef] [PubMed]
  8. Ma, X.; Qiu, S.; Zhang, Y.; Lian, X.; He, H. Predicting epileptic seizures from intracranial EEG using LSTM-based multi-task learning. In Proceedings of the Chinese Conference on Pattern Recognition and Computer Vision (PRCV), Guangzhou, China, 23–26 November 2018; Springer: Berlin/Heidelberg, Germany, 2018; pp. 157–167. [Google Scholar]
  9. Daoud, H.; Bayoumi, M.A. Efficient epileptic seizure prediction based on deep learning. IEEE Trans. Biomed. Circuits Syst. 2019, 13, 804–813. [Google Scholar] [CrossRef] [PubMed]
  10. Jana, G.C.; Sharma, R.; Agrawal, A. A 1D-CNN-spectrogram based approach for seizure detection from EEG signal. Procedia Comput. Sci. 2020, 167, 403–412. [Google Scholar] [CrossRef]
  11. Hu, X.; Yuan, S.; Xu, F.; Leng, Y.; Yuan, K.; Yuan, Q. Scalp EEG classification using deep Bi-LSTM network for seizure detection. Comput. Biol. Med. 2020, 124, 103919. [Google Scholar] [CrossRef]
  12. Tsiouris, K.M.; Pezoulas, V.C.; Zervakis, M.; Konitsiotis, S.; Koutsouris, D.D.; Fotiadis, D.I. A long short-term memory deep learning network for the prediction of epileptic seizures using EEG signals. Comput. Biol. Med. 2018, 99, 24–37. [Google Scholar] [CrossRef]
  13. Wen, T.; Zhang, Z. Deep convolution neural network and autoencoders-based unsupervised feature learning of EEG signals. IEEE Access 2018, 6, 25399–25410. [Google Scholar] [CrossRef]
  14. Kalamangalam, G.P.; Chelaru, M. F125. Brain connectivity related to sleep-wake state: An intracranial EEG study. Clin. Neurophysiol. 2018, 129, e114. [Google Scholar] [CrossRef]
  15. Liu, S.; Ince, N.F.; Sabanci, A.; Aydoseli, A.; Aras, Y.; Sencer, A.; Bebek, N.; Sha, Z.; Gurses, C. Detection of high frequency oscillations in epilepsy with k-means clustering method. In Proceedings of the 2015 7th International IEEE/EMBS Conference on Neural Engineering (NER), Montpellier, France, 22–24 April 2015; IEEE: Piscataway, NJ, USA, 2015; pp. 934–937. [Google Scholar]
  16. Wu, M.; Wan, T.; Ding, M.; Wan, X.; Du, Y.; She, J. A new unsupervised detector of high-frequency oscillations in accurate localization of epileptic seizure onset zones. IEEE Trans. Neural Syst. Rehabil. Eng. 2018, 26, 2280–2289. [Google Scholar] [CrossRef]
  17. Migliorelli, C.; Bachiller, A.; Alonso, J.F.; Romero, S.; Aparicio, J.; Jacobs-Le Van, J.; Mañanas, M.A.; San Antonio-Arce, V. SGM: A novel time-frequency algorithm based on unsupervised learning improves high-frequency oscillation detection in epilepsy. J. Neural Eng. 2020, 17, 026032. [Google Scholar] [CrossRef]
  18. Wan, X.; Fang, Z.; Wu, M.; Du, Y. Automatic detection of HFOs based on singular value decomposition and improved fuzzy c-means clustering for localization of seizure onset zones. Neurocomputing 2020, 400, 1–10. [Google Scholar] [CrossRef]
  19. Migliorelli, C.; Romero, S.; Bachiller, A.; Aparicio, J.; Alonso, J.F.; Mañanas, M.A.; San Antonio-Arce, V. Improving the ripple classification in focal pediatric epilepsy: Identifying pathological high-frequency oscillations by Gaussian mixture model clustering. J. Neural Eng. 2021, 18, 0460f2. [Google Scholar] [CrossRef]
  20. Torres, M.E.; Colominas, M.A.; Schlotthauer, G.; Flandrin, P. A complete ensemble empirical mode decomposition with adaptive noise. In Proceedings of the 2011 IEEE International Conference on Acoustics, Speech and Signal Processing (ICASSP), Prague, Czech Republic, 22–27 May 2011; IEEE: Piscataway, NJ, USA, 2011; pp. 4144–4147. [Google Scholar]
  21. Van der Maaten, L.; Hinton, G. Visualizing data using t-SNE. J. Mach. Learn. Res. 2008, 9, 2579–2605. [Google Scholar]
  22. Xue, J.; Shen, B. A novel swarm intelligence optimization approach: Sparrow search algorithm. Syst. Sci. Control Eng. 2020, 8, 22–34. [Google Scholar] [CrossRef]
  23. Swami, P.; Panigrahi, B.; Nara, S.; Bhatia, M.; Gandhi, T. EEG Epilepsy Datasets. 2016. Available online: https://www.researchgate.net/publication/308719109_EEG_Epilepsy_Datasets (accessed on 28 February 2024). [CrossRef]
  24. Andrzejak, R.G.; Lehnertz, K.; Mormann, F.; Rieke, C.; David, P.; Elger, C.E. 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 2001, 64, 061907. [Google Scholar] [CrossRef] [PubMed]
Figure 1. Full text flow chart.
Figure 1. Full text flow chart.
Brainsci 14 00342 g001
Figure 2. Complex frequency domain diagram of EMD signal decomposition.
Figure 2. Complex frequency domain diagram of EMD signal decomposition.
Brainsci 14 00342 g002
Figure 3. Complex frequency domain diagram of EEMD signal decomposition.
Figure 3. Complex frequency domain diagram of EEMD signal decomposition.
Brainsci 14 00342 g003
Figure 4. Complex frequency domain diagram of CEEMDAN signal decomposition.
Figure 4. Complex frequency domain diagram of CEEMDAN signal decomposition.
Brainsci 14 00342 g004
Figure 5. Two-dimensional and Three-dimensional distribution after dimensionality reduction.
Figure 5. Two-dimensional and Three-dimensional distribution after dimensionality reduction.
Brainsci 14 00342 g005
Figure 6. Flowchart of the SSA-DBSCAN algorithm.
Figure 6. Flowchart of the SSA-DBSCAN algorithm.
Brainsci 14 00342 g006
Figure 7. Different stages of epileptic EEG signals.
Figure 7. Different stages of epileptic EEG signals.
Brainsci 14 00342 g007
Figure 8. IMF component obtained by CEEMDAN decomposition and its corresponding spectral graph.
Figure 8. IMF component obtained by CEEMDAN decomposition and its corresponding spectral graph.
Brainsci 14 00342 g008
Figure 9. The result of CWT joint denoising.
Figure 9. The result of CWT joint denoising.
Brainsci 14 00342 g009
Figure 10. Clustering results of different algorithms.
Figure 10. Clustering results of different algorithms.
Brainsci 14 00342 g010
Figure 11. The results of comprehensive evaluation by coefficient of variation method.
Figure 11. The results of comprehensive evaluation by coefficient of variation method.
Brainsci 14 00342 g011
Table 1. Correlation coefficient for each IMF component.
Table 1. Correlation coefficient for each IMF component.
IMFsIMF1IMF2IMF3IMF4IMF5IMF6IMF7IMF8IMF9IMF10
Data0.16980.15250.38840.54310.69040.77460.32330.04660.02350.0193
Table 2. Comparison of noise reduction effect of different methods.
Table 2. Comparison of noise reduction effect of different methods.
MethodSNR/dBRMSENCCPSNR
CEEMDAN25.72110.28720.9942939.5367
CWT25.06390.32610.9896539.2795
CEEMDAN + CWT26.12060.22160.9998740.4548
Table 3. Different algorithm clustering results evaluation index data.
Table 3. Different algorithm clustering results evaluation index data.
AlgorithmSCCHDBI
GMM0.58222242.1940.81623
K-means0.64643032.3120.75618
K-medoids0.62773863.0540.70741
ISODATA0.61013432.4060.72068
DBSCAN0.63184226.5640.61713
SSA-DBSCAN0.67754615.1980.53475
Table 4. Evaluation index data of different classification tasks.
Table 4. Evaluation index data of different classification tasks.
GroupAlgorithmSCCHDBICategories
Z-S-FDBSCAN0.63254209.3170.619383
SSA-DBSCAN0.66814583.2740.541863
O-S-FDBSCAN0.62974231.4620.608653
SSA-DBSCAN0.67124607.2910.531693
Z-S-NDBSCAN0.63064217.6140.614373
SSA-DBSCAN0.66594592.8630.538623
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Du, Y.; Li, G.; Wu, M.; Chen, F. Unsupervised Multivariate Feature-Based Adaptive Clustering Analysis of Epileptic EEG Signals. Brain Sci. 2024, 14, 342. https://doi.org/10.3390/brainsci14040342

AMA Style

Du Y, Li G, Wu M, Chen F. Unsupervised Multivariate Feature-Based Adaptive Clustering Analysis of Epileptic EEG Signals. Brain Sciences. 2024; 14(4):342. https://doi.org/10.3390/brainsci14040342

Chicago/Turabian Style

Du, Yuxiao, Gaoming Li, Min Wu, and Feng Chen. 2024. "Unsupervised Multivariate Feature-Based Adaptive Clustering Analysis of Epileptic EEG Signals" Brain Sciences 14, no. 4: 342. https://doi.org/10.3390/brainsci14040342

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