Skip to main content

ORIGINAL RESEARCH article

Front. Neurosci., 03 November 2023
Sec. Neuroprosthetics
This article is part of the Research Topic Advances, Challenges, and Applications in Brain-Computer Interface View all 20 articles

Cauchy non-convex sparse feature selection method for the high-dimensional small-sample problem in motor imagery EEG decoding

  • 1Guangdong Key Laboratory for Biomedical Measurements and Ultrasound Imaging, National-Regional Key Technology Engineering Laboratory for Medical Ultrasound, School of Biomedical Engineering, Shenzhen University Medical School, Shenzhen, China
  • 2School of Electronic Information and Automation, Guilin University of Aerospace Technology, Guilin, China
  • 3School of Electronic Engineering and Automation, Guilin University of Electronic Technology, Guilin, China
  • 4Institute of Computing and Intelligence, Harbin Institute of Technology, Shenzhen, China
  • 5School of Automation Science and Engineering, South China University of Technology, Guangzhou, China

Introduction: The time, frequency, and space information of electroencephalogram (EEG) signals is crucial for motor imagery decoding. However, these temporal-frequency-spatial features are high-dimensional small-sample data, which poses significant challenges for motor imagery decoding. Sparse regularization is an effective method for addressing this issue. However, the most commonly employed sparse regularization models in motor imagery decoding, such as the least absolute shrinkage and selection operator (LASSO), is a biased estimation method and leads to the loss of target feature information.

Methods: In this paper, we propose a non-convex sparse regularization model that employs the Cauchy function. By designing a proximal gradient algorithm, our proposed model achieves closer-to-unbiased estimation than existing sparse models. Therefore, it can learn more accurate, discriminative, and effective feature information. Additionally, the proposed method can perform feature selection and classification simultaneously, without requiring additional classifiers.

Results: We conducted experiments on two publicly available motor imagery EEG datasets. The proposed method achieved an average classification accuracy of 82.98% and 64.45% in subject-dependent and subject-independent decoding assessment methods, respectively.

Conclusion: The experimental results show that the proposed method can significantly improve the performance of motor imagery decoding, with better classification performance than existing feature selection and deep learning methods. Furthermore, the proposed model shows better generalization capability, with parameter consistency over different datasets and robust classification across different training sample sizes. Compared with existing sparse regularization methods, the proposed method converges faster, and with shorter model training time.

1. Introduction

Motor imagery-based brain-computer interface (BCI) systems have been widely applied in stroke rehabilitation, neuroprosthetics, and robot control (Liao et al., 2023). However, motor imagery electroencephalogram (EEG) signals are spontaneous, with poor signal quality and large individual differences, resulting in low accuracy and poor stability of motor imagery decoding (Zhang et al., 2021). Currently, motor imagery decoding is still a big challenge.

The time, frequency, and space information of EEG signals is crucial for motor imagery decoding (Zheng et al., 2022). Therefore, temporal-frequency-spatial feature-based motor imagery decoding has been widely studied (Chen et al., 2023). In the process of temporal-frequency-spatial feature extraction, the original EEG signals are first decomposed into multiple time-frequency units, then the common spatial pattern (CSP) algorithm is used to extract the spatial features on each time-frequency unit, and finally, the spatial features of multiple time-frequency units are cascaded into a feature vector (Miao et al., 2021), which significantly increases the feature dimension of EEG. The number of feature dimensions exceeds one hundred or even several hundred, while feature redundancy exists. In addition, due to the difficulty and high cost of collecting EEG samples, especially for patients, the sample size is generally relatively small, usually only a few dozen. Therefore, the temporal-frequency-spatial feature is high-dimensional small-sample data, which will bring a series of problems to the EEG classification model, such as the problem of overfitting and model solution underdetermination (Chadebec et al., 2022).

For high-dimensional small-sample problems, feature selection is an effective method (Chen et al., 2023), which can remove redundant information, reduce the feature dimension, simplify the model complexity, and effectively solve many problems (Shen and Zhang, 2022). Sparse regularization-based feature selection methods are commonly used in motor imagery decoding, such as the least absolute shrinkage and selection operator (LASSO; Zhang et al., 2022), group LASSO (gLASSO; Zhang et al., 2020), and sparse group LASSO (sgLASSO; Jiao et al., 2018). These methods are all convex sparse regularization models, which penalize the regression coefficients of the model by the l1 norm so that regression coefficients with small absolute values are automatically compressed to zero, thus generating sparse solutions and achieving feature selection. However, the l1 norm is a biased estimation that penalizes all components of the regression coefficients to the same extent. In addition to compressing the regression coefficients corresponding to the noisy features to zero, a certain degree of compression is applied to the target features, resulting in a biased estimation of the target features. Therefore, the biased estimation model applied to feature selection will result in the loss of useful information and degrade the classification performance.

Non-convex sparse regularization models penalize the regression coefficients to different degrees for different values of the regression coefficients, which are approximate unbiased estimation models and have stronger noise suppression and sparsity induction capabilities (Wang et al., 2018). The commonly used non-convex regularization models, such as smoothly clipped absolute deviation (SCAD; Chopra and Lian, 2010) and minimax concave penalty (MCP; You et al., 2019) models, have been widely used in the fields of image restoration and image denoising, and their effect is remarkable. SCAD and MCP models penalize the regression coefficients in chunks, reducing the compression of the regression coefficients corresponding to the target features and alleviating the biased estimation problem of the l1 norm to some extent (Wen et al., 2018). However, the SCAD and MCP models may still compress the regression coefficients of a portion of the target features. Therefore, there is still a need to explore new non-convex sparse regularization methods to better address the biased estimation problem and learn more accurate, discriminative, and effective feature information.

In addition, many deep learning methods for temporal-frequency-spatial feature learning have been proposed, which are mostly inspired by the FBCSP approach (Ang et al., 2008) in a machine learning framework, using convolutional neural network (CNN) for frequency band filtering followed by spatial filtering (Zancanaro et al., 2021). Earlier and more classical works include ConvNets (Schirrmeister et al., 2017) and EEGNet (Lawhern et al., 2018). There are also works that use traditional band-pass filtering banks to decompose the raw EEG signal into multiple frequency subbands and then use CNN to learn spatial domain or time domain information, such as FBCNet (Mane et al., 2020), FBMSNet (Liu et al., 2022), and the literature (Sakhavi et al., 2018; Kwon et al., 2019; Dai et al., 2020). Subsequent work uses multiscale convolution to learn frequency domain information in parallel and then learns either spatial domain or time domain information at each branch, such as MSFBCNN (Wu et al., 2019), MMCNN (Jia et al., 2020), and the literature (Chang et al., 2022; Li et al., 2023). Deep learning methods have a strong representation learning capability but require a large number of data samples (Autthasan et al., 2021). Although deep learning has been widely used in motor imagery decoding, feature selection is integrated into the overall network structure, and the theoretical support and physiological interpretability are relatively poor. Furthermore, the model training is time-consuming.

A new non-convex sparse regularization model is proposed to deal with high-dimensional small-sample problems for motor imagery decoding in this paper, which can learn more accurate, discriminative, and effective temporal-frequency-spatial features. Specifically, we propose a non-convex sparse regularization model based on the Cauchy function and design an effective solution algorithm based on the proximal gradient. The proposed model penalizes the weight coefficients of each feature independently with a better ability to induce sparsity while avoiding the compression of the weight coefficients of the target features to zero during noise suppression, which achieves approximately unbiased estimation. We conducted experiments on two publicly available motor imagery EEG datasets to fully and adequately validate the effectiveness of the proposed model, using subject-dependent and subject-independent assessment methods.

The main contributions and innovations of this paper are summarized below.

1. A new non-convex sparse regularization model based on the Cauchy function is proposed, which penalizes the weight coefficients of each feature independently, avoiding the compression of the weight coefficients of the target features to zero during noise suppression, thereby achieving closer-to-unbiased estimation than existing sparse models. Therefore, it can learn more accurate, discriminative, and effective feature information.

2. In addition to the proposed non-convex sparse regularization model, we introduced two other existing non-convex models (SCAD and MCP) for EEG temporal-frequency-spatial feature learning and demonstrated the effectiveness of the non-convex sparse regularization model in EEG decoding. The non-convex sparse regularization model significantly outperformed the convex sparse regularization model in subject-dependent decoding.

3. We conducted a comprehensive and adequate validation of the effectiveness of the proposed methods using subject-dependent and subject-independent assessment methods. Comparisons are made with nine existing feature selection methods and four deep learning methods. For filtered and wrapped methods, five classifiers are combined for data experiments.

The rest of this paper is organized as follows. Section II presents the experimental data; Section III introduces the temporal-frequency-spatial feature extraction method, the EEG decoding framework, and the Cauchy non-convex sparse regularization model proposed in this paper; Section IV presents and analyzes the experimental results. Sections V and VI are discussion and conclusion, respectively.

2. Data description

The proposed method was validated using two publicly available motor imagery EEG datasets, Dataset 1 from the international BCI competition and Dataset 2 from the database of the BNCI Horizon 2020 project with no. 002–2014. The basic information of both datasets is shown in Table 1, other detailed information can be found on the official website.

TABLE 1
www.frontiersin.org

Table 1. Description of all datasets.

For Dataset 1, we only study the binary classification problems, so the four types of tasks are arranged and combined to obtain six sets of binary classification problems (Zhang et al., 2022), namely, L vs. R, L vs. F, L vs. T, R vs. F, R vs. T, and F vs. T, where L vs. R denotes the left-hand and right-hand motor imagery tasks, the rest can be deduced accordingly. Note that, for the binary classification task, the number of both training and test sets is 144. For Dataset 2, the original data are downsampled to 256 Hz in this paper.

3. Methods

This section first introduces the temporal-frequency-spatial feature extraction method, then describes the EEG decoding framework based on temporal-frequency-spatial features, and finally proposes the non-convex sparse regularization model based on the Cauchy function.

3.1. Temporal-frequency-spatial feature extraction

As shown in Figure 1, the temporal-frequency-spatial feature extraction mainly consists of three steps. First, time window segmentation. A sliding time window is used to intercept the original EEG signal to obtain 5 time windows with a length of 2 s and an overlap rate of 0.5 s, i.e., 0–2 s, 0.5–2.5 s, …, 2–4 s. Second, band-pass filtering. Each time window is filtered with a band-pass filter bank to obtain 17 sub-bands with a width of 4 Hz and an overlap rate of 2 Hz, i.e., 4–8 Hz, 6–10 Hz, …, 36–40 Hz, the 6th-order Butterworth filter is selected. After the above signal processing, the original EEG signal is divided into a total of 85 time-frequency units. Third, feature extraction. For each time-frequency unit, the CSP method is used to extract the spatial features separately, thus obtaining multiple groups of temporal-frequency-spatial features containing rich EEG information. In this paper, the pair number of the spatial filter for CSP is set to be 1 (Blankertz et al., 2008; Lotte and Guan, 2011), i.e., each time-frequency unit contains two spatial features.

FIGURE 1
www.frontiersin.org

Figure 1. Temporal-frequency-spatial feature extraction. Time window interception is performed first, followed by frequency band filtering, and finally CSP features are extracted on each time-frequency unit.

3.2. EEG decoding framework

The EEG decoding framework is shown in Figure 2, where each group of temporal-frequency-spatial features is cascaded by the time window and frequency band to obtain a feature vector. One motor imagery task corresponds to one feature vector, and feature vectors from multiple tasks will form a sample matrix, each row of which is a sample and each column is a one-dimensional feature. Feature selection and classification are performed sequentially on the sample matrix. Filtered and wrapped methods need to be configured with additional classifiers, and the embedded methods can perform feature selection and classification simultaneously.

FIGURE 2
www.frontiersin.org

Figure 2. EEG decoding framework. The dashed boxes indicate the specific implementation methods of each data processing step. The embedded feature selection method based on sparse regularization performs feature selection and classification simultaneously.

The contents of the dashed boxes indicate the specific algorithms used for feature selection and feature classification, respectively. The feature selection methods used in this paper include Fisher score (F-score; Radman et al., 2021), mutual information (MI; Park et al., 2018), binary differential evolution (BDE; Datta and Dutta, 2012), binary particle swarm optimization (BPSO; Too et al., 2019), LASSO (Zhang et al., 2022), gLASSO (Zhang et al., 2020), sgLASSO (Jiao et al., 2018), SCAD (Chopra and Lian, 2010), MCP (You et al., 2019), and Cauchy. The classifiers configured for filtered and wrapped methods include Fisher linear discriminant analysis (FLDA; Hoffmann et al., 2008), Bayesian linear discriminant analysis (BLDA; Hoffmann et al., 2008), sparse BLDA (sBLDA; Bishop and Nasrabadi, 2006; Hoffmann et al., 2008), K-Nearest Neighbor (KNN), and Logistic Regression (LR).

Cauchy is a newly proposed embedded feature selection method. Next, we will introduce the Cauchy non-convex sparse regularization model in detail.

3.3. Cauchy non-convex sparse regularization model

The general mathematical model of the embedded feature selection method based on sparse regularization is as follows:

minw12yXw22+λPw    (1)

where X=x1x2xNTRN×P denotes the sample matrix, N is the total number of samples, and P is the feature dimension of one sample. w=w1w2wPTRP is the model regression coefficient vector, which represents the weight magnitude of the features. y=y1y2yNTRN denotes the sample labels, and yi1,1. 22 denotes the square of the l2 norm, and λ>0 denotes the regularization parameter. The first term of Eq. (1) is the data fidelity term and the second term is the penalty term. Pw is a function of the coefficient vector w, which penalizes or constraints w. During model training, some regression coefficients in w are compressed to zero by Pw. The features corresponding to a coefficient of zero will not work in the model fit. Therefore, sparse regularization models can simultaneously achieve feature selection and classification. When Pw takes a different penalty function, the model will obtain solutions with different structures.

LASSO is a biased convex sparse model, and its specific mathematical model is as follows (Zhang et al., 2022).

w=argminw12yXw22+λw1    (2)

where Pw=w1=i=1Pwi, 1 denotes the l1 norm, wi denotes the absolute value of wi. The LASSO model penalizes all components of the regression coefficients to the same extent, which results in a biased estimation. Similarly, gLASSO (Zhang et al., 2020) and sgLASSO (Jiao et al., 2018) are also biased convex sparse models.

3.3.1. Existing non-convex sparse regularization models

Non-convex sparse regularization are approximate unbiased estimation models, which have stronger noise suppression and sparsity induction capabilities than convex sparse regularization (Wang et al., 2018). In the following, we will provide a detailed introduction to two existing non-convex sparse regularization methods, namely SCAD and MCP.

SCAD is an approximate unbiased non-convex sparse model with the following objective function (Chopra and Lian, 2010).

w=argminw12yXw22+p=1Pφλ,γ1wp    (3)

where p1P, φλ,γ1 are SCAD penalties, defined as

φ    (4)λ,γ1θ={λθ,0θλθ22γλθ+λ22γ1,λ<θ<γλγ+1λ22,θγλ

where λ>0 is the regularization parameter. γ>2, γ is set to 3 in this paper. SCAD compresses each weight coefficient to different degrees. The compression of the weight coefficients corresponding to the noise variables (absolute values less than λ) has the same effect as the LASSO model, which tends to compress this part of the weight coefficients to zero; the compression of the weight coefficients corresponding to the target variables is gradually reduced. Since SCAD reduces or even avoids the compression of the weight coefficients corresponding to the target variables, it effectively overcomes the biased estimation of LASSO and improves its parameter estimation consistency and variable selection consistency.

MCP is also an approximate unbiased non-convex sparse model with the following objective function (You et al., 2019).

w=argminw12yXw22+p=1Pφλ,γ2wp    (5)

where p1P, φλ,γ2 are MCP penalties, defined as

φλ,γ    (6)2θ={λθθ22γ,θγλ12γλ2,θ>γλ

where γ>1, γ is set to 2 in this paper. Similar to SCAD, MCP also compresses each weight coefficient to different degrees. MCP compresses the weight coefficients corresponding to the noise variables (absolute values less than γλ), while it does not compress the weight coefficients corresponding to the target variables (absolute values greater than γλ). Thus, MCP also achieves approximately unbiased estimation.

The SCAD and MCP models penalize the regression coefficients in chunks, which mitigates the biased estimation problem to some extent, but still inaccurately compresses a portion of the target features.

3.3.2. The proposed Cauchy regularization models

To better solve the biased estimation problem in temporal-frequency-spatial feature selection, we propose a non-convex sparse regularization model based on the Cauchy function. The Cauchy function is defined as follows:

φCx=logγγ2+x2    (7)

where γ0. In this paper, the Cauchy function is used as a penalty term Pw, and a new non-convex regularized feature selection model is constructed, the mathematical model of which is specified as follows:

w=argminw12yXw22λlogγγ2+w12    (8)

where 12 denotes the square of the l1 norm. This concave log function imposes an uneven penalty on all regression coefficients (Zhang et al., 2020). It allows a larger penalty to be imposed on small-valued elements than on larger-valued elements, a property that makes the log function closer to unbiased estimation than the SCAD and MCP models. Also, the Cauchy model has a better ability to induce sparsity than the l1 norm (Zhang et al., 2020).

In this paper, the Cauchy non-convex regularized model is solved in two parts and iterated cyclically until convergence. The specific procedure is as follows:

1. Gradient solution. Gradient solution of the differentiable term of the model with an intermediate point vτ in the τ step iteration:

vτ=wτ1/βXTXwτy    (9)

where β=XTX2, wτ denote the feature weights of the τ step iteration.

(2) Proximity operator solution. Compute the proximity operator of the Cauchy function at the intermediate point vτ, i.e.

wτ+1=proxβ,Cauchyvτ=proxβ,Cauchywτ1/βXTXwτy    (10)

where proxβ,Cauchyvτ is the proximity operator of the Cauchy function, defined as follows (Karakuş et al., 2020):

proxβ,Cauchyvτ=argminwβ2wvτ22λlogγγ2+w12    (11)

Find the partial derivative of Eq. (9) with respect to w and make it zero, i.e.

wτ+13vτwτ+12+γ2+2λβwvτγ2=0    (12)

Next, the Cardano method (Karakuş et al., 2020) is used to solve for wτ+1 in Eq. (12), i.e.

wτ+1=vτ3+q/2+p3/27+q2/43+q/2p3/27+q2/43    (13)

where p=γ2+2λβvτ23,q=2vτ327+vτγ2vτ3γ2+2λβ. In this paper, γ is set to 0.007 in subject-dependent decoding and 0.003 in subject-independent decoding.

4. Experiments

4.1. Evaluation indicators and assessment methods

For each subject, the classification accuracy of the test set is used as an evaluation indicator, i.e., the number of correctly classified samples divided by the total number of test set samples. Two assessment methods, subject-dependent and subject-independent decoding, are used to verify the classification performance of the proposed method. For subject-dependent decoding, one model is trained for each subject, and the division of the training and test sets of the model is kept consistent with the original data set, as detailed in the data description section.

For subject-independent decoding, the training and test sets of all subjects except the target subject are used to train the model, and the test set of the target subject is used to evaluate the performance of the model. For example, if subject 1 in Dataset 1 is selected as the target subject, all training and test sets of the other 8 subjects constitute the training set of the model, and the test set of subject 1 constitutes the test set of the model.

4.2. Comparison methods and model parameter settings

There are nine feature selection methods involved in the comparison. F-score and MI are filtered methods, and BDE and BPSO are wrapped methods. LASSO, gLASSO, sgLASSO, SCAD, MCP, and Cauchy are embedded methods, among which LASSO, gLASSO, and sgLASSO are based on convex sparse regularization, and SCAD, MCP, and Cauchy are based on non-convex sparse regularization. We further divide the training set of the model into a training subset and a validation set and use the average accuracy of 10 cross-validations as the selection criterion for the optimal model.

The F-score and MI methods first rank the features using their respective metric criteria and finally select the optimal feature subset using 10-fold cross-validation and the classifier. After the optimal feature subset is obtained by the BDE and BPSO methods, it is directly fed into the classifier for classification. The model parameters of the BDE and BPSO methods are set following the literature (Datta and Dutta, 2012; Too et al., 2019). The alternative sets of regularization parameters for the LASSO, gLASSO, sgLASSO, SCAD, MCP, and Cauchy methods are set as 2524.824.825, and the optimal regularization parameters are selected using 10-fold cross-validation. γ is set to 3 and 2 in the SCAD and MCP models, respectively.

There are five classifiers used for filtered and wrapped methods, including FLDA, BLDA, sBLDA, KNN, and LR. The K value of the KNN classifier is set to 5, and no parameters need to be set for other classifiers.

4.3. Experimental results

4.3.1. Subject-dependent decoding

The classification results of all feature selection methods in subject-dependent decoding are listed in Table 2. Due to the limited space, only the average classification accuracy is listed for each dataset, which is obtained by averaging the classification accuracies of all subjects within the dataset. The classification results for Dataset 1 were obtained by averaging the classification accuracies of all subjects in the six sets of binary classification tasks. From Table 2 we can see that the proposed Cauchy feature selection method achieves the highest classification accuracy on both Dataset 1 and Dataset 2.

TABLE 2
www.frontiersin.org

Table 2. Classification accuracy of various feature selection methods in subject-dependent decoding.

The average classification accuracy for all data is shown in Figure 3, which is obtained by averaging the classification accuracies of all subjects in Dataset 1 and Dataset 2. From the overall results of Figure 3, the existing embedded methods (LASSO, gLASSO, sgLASSO, SCAD, and MCP) have little or no advantage over the filtered and wrapped methods. However, the proposed method in this paper has a clear advantage. In addition, the non-convex regularization method outperforms the convex regularization method, which proves the superiority of the non-convex regularization method.

FIGURE 3
www.frontiersin.org

Figure 3. Average classification accuracy of all data in subject-dependent decoding. (A) Filtered and wrapped methods combined with 5 classifiers. (B) Embedded methods perform feature selection and classification simultaneously, without additional classifiers.

4.3.2. Subject-independent decoding

The classification results of all feature selection methods in subject-independent decoding are listed in Table 3. Similar to Table 2, only the average classification accuracy for each dataset is listed. The proposed Cauchy method achieves the best classification results on Dataset 1. Although Cauchy is not optimal on Dataset 2, it is not far from the highest value and outperforms the vast majority of existing methods.

TABLE 3
www.frontiersin.org

Table 3. Classification accuracy of various feature selection methods in subject-independent decoding.

The average classification accuracy for all the data is shown in Figure 4, which is obtained by averaging the classification accuracies of all subjects in Dataset 1 and Dataset 2. As can be seen from Figure 4, the Cauchy method still achieves the best classification results, followed closely by the LASSO method. In subject-independent decoding, the existing convex regularization methods (LASSO, gLASSO, sgLASSO) outperformed the non-convex regularization methods (SCAD and MCP). The filtered and wrapped methods performed comparably or even better than the existing embedded methods. However, the results of filtered and wrapped methods based on KNN classifiers are very poor. This indicates that some classifiers are suitable for subject-dependent decoding but not for subject-independent decoding.

FIGURE 4
www.frontiersin.org

Figure 4. Average classification accuracy of all data in subject-independent decoding. (A) Filtered and wrapped methods combined with 5 classifiers. (B) Embedded methods perform feature selection and classification simultaneously, without additional classifiers.

4.3.3. Compared with deep learning methods

In sections 4.3.1 and 4.3.2, the compared methods belong to machine learning methods. In this section, the proposed method is compared with deep learning methods. Deep ConvNet (Schirrmeister et al., 2017), EEGNet-8,2 (Lawhern et al., 2018), Spectral-Spatial CNN (Kwon et al., 2019), and MIN2NET (Autthasan et al., 2021) perform temporal-frequency-spatial feature learning for EEG decoding in different ways. In Table 4, we directly cite the experimental results provided in the literature (Autthasan et al., 2021) without reproducing these deep learning methods. From Table 4 we can see that the proposed method has significant advantages in subject-dependent decoding. In subject-independent decoding, the proposed method is optimal on Dataset 1 (L vs. R) and second only to Spectral-Spatial CNN on Dataset 2 (Kwon et al., 2019).

TABLE 4
www.frontiersin.org

Table 4. Classification accuracy of the proposed method and deep learning methods.

4.3.4. Model generalization ability of the Cauchy method

The model generalization ability of the proposed Cauchy method is analyzed from two aspects. First, the parameter consistency over different datasets. Second, the classification performance across different training sample sizes.

We first investigate whether the model parameters are the same or close when the optimal classification accuracy is achieved over different datasets. The Cauchy model has only one parameter γ, as detailed in Eq. (8). In the subject-dependent decoding, the average accuracy change of all subjects in Dataset 1 (L vs. R) and Dataset 2 is shown in Figure 5 when γ is varied from 0 to 1.

FIGURE 5
www.frontiersin.org

Figure 5. The classification accuracy varies with the Cauchy’s. model parameter γ, ranging from 0 to 1.

From Figure 5, we can see that the classification accuracy change curves of the two datasets are almost the same, indicating that the Cauchy model parameters have good consistency over different datasets. To better represent the consistency of the model parameters, we expand the curves on the fuchsia and lime green boxes of Figure 5, and the results are shown in Figure 6. The fuchsia box part corresponds to Figure 6A, and the lime green box part corresponds to Figure 6B. It can be seen from Figure 6 that the model parameters are also relatively consistent over different data sets, and the parameter values for obtaining the optimal classification accuracy are relatively close.

FIGURE 6
www.frontiersin.org

Figure 6. The classification accuracy varies with Cauchy’s model parameter γ. (A) ranging from 0.001 to 0.01, (B) ranging from 0.01 to 0.1.

We validated the classification performance of the proposed model across different training sample sizes using the data of subjects A01 and A09 in Dataset 1 (L vs. R) and subjects S01 and S04 in Dataset 2. In Figure 7, the test set remains unchanged, but the sample size of the training set increases sequentially. In addition, the sample size in the training set is the same for both classes of tasks. From Figure 7, we can see that the proposed method is overall superior to existing methods, especially after the training sample size per class reaches 25. Therefore, the proposed method has robust classification ability.

FIGURE 7
www.frontiersin.org

Figure 7. The classification accuracy varies with different training sample sizes. The classification results of four subjects were used for experimental display. (A) Subject A01 in Dataset 1 (L Vs R), (B) Subject A09 in Dataset 1 (L vs R), (C) Subject SO1 in Dataset 2, (D) Subject S04 in Dataset 2.

In summary, the proposed model shows better generalization capability with parameter consistency over different datasets and robust classification across different training sample sizes.

5. Discussion

We first discuss the overall experimental results, followed by a further analytical study of the feature selection method. Finally, we explore new research directions for future work.

5.1. Overall classification results

For the subject-dependent decoding, we can see from Table 2 and Figure 3 that the proposed Cauchy method outperforms the existing feature selection methods. The non-convex regularized feature selection methods (SCAD, MCP, and Cauchy) outperformed the convex regularization methods (LASSO, gLASSO, and sgLASSO), indicating that the introduction of non-convex sparse regularization methods into EEG decoding is effective. Some filtered and wrapped methods also achieve better classification results, but rely on specific classifiers.

For subject-independent decoding, we can see from Table 3 and Figure 4 that the proposed Cauchy method outperforms existing feature selection methods. However, the classification results of existing non-convex regularization methods are lower than those of convex regularization methods. The classification results of most feature selection methods are close and all are low, possibly because the extracted temporal-frequency-spatial features are not distinguishable across subjects. Also, some classifiers work well in subject-dependent decoding, but very poorly in subject-independent decoding. Again, it is shown that filtered and wrapped methods are very much influenced by the classifier.

In addition, we can see from Table 4 that our proposed method works significantly better than the deep learning method in subject-dependent decoding. In subject-independent decoding, although our method outperforms most of the deep learning methods, the classification accuracy of both is not high.

Furthermore, we can see from Figures 57 that the proposed Cauchy feature selection method shows better generalization capability.

In summary, the proposed Cauchy method achieved good classification results in both subject-dependent and subject-independent decoding. However, it is still challenging to develop feature extraction and feature selection methods that are effective for both subject-dependent and subject-independent decoding.

5.2. Classifier impact on filtered and wrapped feature selection methods

We take F-score and BDE methods as examples to analyze the effect of classifiers on filtered and wrapped methods in subject-dependent and subject-independent decoding. The average classification accuracy is shown in Table 5, which is obtained by averaging the classification accuracies of all subjects in Dataset 1 and Dataset 2, with the maximum value marked with an upper triangle and the minimum value marked with a lower triangle. From the results in Table 5, we can draw two main conclusions. First, the classification accuracies of different classifiers with the same feature selection method vary relatively widely. For BDE in subject-dependent decoding, the maximum classification accuracy is 79.92% and the minimum classification accuracy is 70.43%, a difference of 9.49%. Second, the same classifier with the same feature selection method performs differently on different assessment methods. For F-score, the KNN classifier achieved the best classification results in subject-dependent decoding but was the worst in subject-independent decoding.

TABLE 5
www.frontiersin.org

Table 5. The average classification accuracy achieved by different classifiers with the same feature selection method.

In summary, the traditional filtered and wrapped methods are influenced by the classifiers. How to select a classifier matching the feature selection method deserves further study. In contrast, the proposed Cauchy method can simultaneously perform feature selection and classification without relying on additional classifiers and thus has a more convenient and efficient performance.

5.3. Model analysis for Cauchy feature selection method

The model analysis of the Cauchy method includes model training time and model convergence.

We first compared the model training time of six embedded feature selection methods. The program runs in the following environment: OS: Windows 10, CPU: AMD Ryzen 74800H @2.90GHz, RAM: 16GB, MATLAB R2017b. To prevent randomness from affecting a fair comparison, the average model training time of all subjects in the dataset is used as the evaluation criterion. The model training time of the sgLASSO method in Dataset 1 (L vs. R) and Dataset 2 is 130.25 s and 115.11 s, respectively, which is much longer than other methods. To not affect the drawing effect, the sgLASSO method is not included in Figure 8. From Figure 8 we can see that the model training time of the Cauchy method is comparable to LASSO and second only to SCAD.

FIGURE 8
www.frontiersin.org

Figure 8. Model training time of various embedded methods in subject-dependent decoding. (A) Dataset 1 (L Vs R), (B) Dataset 2. The sgLASSO method is not include, because it is model training time is much longer than other methods, which will affect the drawing effect.

The model convergence curves of various embedded methods in subject-dependent decoding are shown in Figure 9, still using the data of subject A01 in Dataset 1 for the experiment, in which subject A01 performs left-hand and right-hand tasks. As can be seen, the Cauchy method converges faster and more stable. It is worth noting that the objective function of each feature selection method is different, so the loss range of the model is also different.

FIGURE 9
www.frontiersin.org

Figure 9. Model convergence curves of various embedded methods in subject-dependent decoding. (A) LASSO, (B) gLASSO, (C) sgLASSO, (D) SCAD, (E) MCP, (F) Cauchy. The regularization parameter λ of the LASSO, gLASSO, SCAD, MCP, and Cauchy methods is set to 2−2.2. The inter-group regularization parameter of the sgLASSO method is set to 2−1 and the intra-group regularization parameter is set to 2−2.2. The model parameter γ of the SCAD, MCP, and Cauchy methods are set to 3, 2, 0.007, respectively.

In summary, the proposed Cauchy feature selection method has good convergence performance.

5.4. Future work

In the follow-up work, we will continue to optimize the solution method of the proposed Cauchy model, such as using the alternating direction multiplier method. In this way, we can improve the convergence speed of the model, reduce the model training time, and make the algorithm more applicable to online brain-computer interface systems.

In this paper, subject-dependent decoding achieves better classification results, but the classification accuracy of subject-independent decoding needs to be improved. We will further explore more effective feature extraction and feature selection methods to enhance the performance of subject-independent decoding. In addition, cross-dataset decoding (Miao et al., 2023; Miao and Zhao, 2023) is also a key direction of our attention.

The extended application of the proposed method is also very important. The proposed method only deals with the data of healthy subjects, and in the future, we will apply it to stroke patients as well as to data from other EEG paradigms, such as P300 and emotional EEG.

6. Conclusion

For motor imagery EEG decoding, a non-convex sparse regularization method based on the Cauchy function is proposed in this paper, which can perform feature selection and classification simultaneously, without relying on additional classifiers. The proposed method can effectively alleviate the biased estimation problem of convex sparse regularization models and is closer to unbiased estimation than existing non-convex sparse regularization models. Therefore, the feature selection effect is better than existing methods. The experimental results of the subject-dependent and subject-independent decoding show that the proposed method outperforms existing feature selection methods and deep learning methods. The proposed method shows good parameter consistency over different datasets and robust classification across different training sample sizes. Furthermore, the model training time is shorter and converges faster than existing sparse regularization methods.

Data availability statement

Publicly available datasets were analyzed in this study. This data can be found at: https://www.bbci.de/competition/iv/, http://bnci-horizon-2020.eu/database/data-sets.

Ethics statement

The studies involving humans were approved by https://www.bbci.de/competition/iv/, http://bnci-horizon-2020.eu/database/data-sets. The studies were conducted in accordance with the local legislation and institutional requirements. Written informed consent for participation in this study was provided by the participants’ legal guardians/next of kin. The animal study was approved by https://www.bbci.de/competition/iv/, http://bnci-horizon-2020.eu/database/data-sets. The study was conducted in accordance with the local legislation and institutional requirements.

Author contributions

SZ: Funding acquisition, Methodology, Writing – original draft. QW: Data curation, Methodology, Software, Visualization, Writing – original draft. BZ: Funding acquisition, Investigation, Validation, Writing – review & editing. ZL: Formal analysis, Resources, Validation, Writing – review & editing. LZ: Conceptualization, Data curation, Formal analysis, Validation, Writing – review & editing. LL: Conceptualization, Methodology, Resources, Writing – review & editing. GH: Conceptualization, Funding acquisition, Investigation, Methodology, Supervision, Writing – review & editing. ZZ: Conceptualization, Investigation, Supervision, Writing – review & editing. BF: Conceptualization, Formal analysis, Methodology, Writing – review & editing. TY: Conceptualization, Data curation, Methodology, Software, Writing – review & editing.

Funding

The author (s) declare financial support was received for the research, authorship, and/or publication of this article. This work was supported by the National Natural Science Foundation of China (Nos. 62271326 and 61967004), Shenzhen Science and Technology Program (No. JSGG20210713091811038), and Guangxi Key Laboratory of Automatic Detecting Technology and Instrumentation (No. YQ22209).

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

Ang, K. K., Chin, Z. Y., and Zhang, H. (2008). Filter bank common spatial pattern (FBCSP) in brain-computer interface. 2008 IEEE international joint conference on neural networks (IEEE world congress on computational intelligence). IEEE, 2008: 2390–2397.

Google Scholar

Autthasan, P., Chaisaen, R., Sudhawiyangkul, T., Rangpong, P., Kiatthaveephong, S., Dilokthanakul, N., et al. (2021). MIN2net: end-to-end multi-task learning for subject-independent motor imagery EEG classification. IEEE Trans. Biomed. Eng. 69, 2105–2118. doi: 10.1109/TBME.2021.3137184

CrossRef Full Text | Google Scholar

Bishop, C. M., and Nasrabadi, N. M. (2006). Pattern recognition and machine learning. New York: Springer.

Google Scholar

Blankertz, B., Tomioka, R., Lemm, S., Kawanabe, M., and Muller, K. R. (2008). Optimizing spatial filters for robust EEG single-trial analysis. IEEE Signal Process. Mag. 25, 41–56. doi: 10.1109/MSP.2008.4408441

CrossRef Full Text | Google Scholar

Chadebec, C., Thibeau-Sutre, E., Burgos, N., and Allassonniere, S. (2022). Data augmentation in high dimensional low sample size setting using a geometry-based variational autoencoder. IEEE Trans. Pattern Anal. Mach. Intell. 45, 1–18. doi: 10.1109/TPAMI.2022.3185773

CrossRef Full Text | Google Scholar

Chang, Z., Zhang, C., and Li, C. (2022). Motor imagery EEG classification based on transfer learning and multi-scale convolution network. Micromachines 13:927. doi: 10.3390/mi13060927

PubMed Abstract | CrossRef Full Text | Google Scholar

Chen, J., Wang, D., Yi, W., Xu, M., and Tan, X. (2023). Filter bank sinc-convolutional network with channel self-attention for high performance motor imagery decoding. J. Neural Eng. 20:026001. doi: 10.1088/1741-2552/acbb2c

PubMed Abstract | CrossRef Full Text | Google Scholar

Chen, C., Weiss, S. T., and Liu, Y. Y. (2023). Graph convolutional network-based feature selection for high-dimensional and low-sample size data. Bioinformatics 39:btad 135. doi: 10.1093/bioinformatics/btad135

PubMed Abstract | CrossRef Full Text | Google Scholar

Chopra, A., and Lian, H. (2010). Total variation, adaptive total variation and non-convex smoothly clipped absolute deviation penalty for denoising blocky images. Pattern Recogn. 43, 2609–2619. doi: 10.1016/j.patcog.2010.03.022

CrossRef Full Text | Google Scholar

Dai, G., Zhou, J., Huang, J., and Wang, N. (2020). HS-CNN: a CNN with hybrid convolution scale for EEG motor imagery classification. J. Neural Eng. 17:016025. doi: 10.1088/1741-2552/ab405f

PubMed Abstract | CrossRef Full Text | Google Scholar

Datta, D., and Dutta, S. (2012). A binary-real-coded differential evolution for unit commitment problem. Int. J. Electr. Power Energy Syst. 42, 517–524. doi: 10.1016/j.ijepes.2012.04.048

CrossRef Full Text | Google Scholar

Hoffmann, U., Vesin, J. M., Ebrahimi, T., and Diserens, K. (2008). An efficient P300-based brain-computer interface for disabled subjects. J. Neurosci. Methods 167, 115–125. doi: 10.1016/j.jneumeth.2007.03.005

PubMed Abstract | CrossRef Full Text | Google Scholar

Hoffmann, U., Yazdani, A., and Vesin, J. M. (2008). Bayesian feature selection applied in a P300 brain-computer interface. 16th European Signal Processing Conference. IEEE, 2008: 1–5.

Google Scholar

Jia, Z., Lin, Y., and Wang, J. (2020). MMCNN: A multi-branch multi-scale convolutional neural network for motor imagery classification. Machine Learning and Knowledge Discovery in Databases: European Conference, ECML PKDD 2020, Ghent, Belgium. Proceedings, Part III. Springer International Publishing, 2021: 736–751.

Google Scholar

Jiao, Y., Zhang, Y., Chen, X., Yin, E., Jin, J., Wang, X., et al. (2018). Sparse group representation model for motor imagery EEG classification. IEEE J. Biomed. Health Inform. 23, 631–641. doi: 10.1109/JBHI.2018.2832538

PubMed Abstract | CrossRef Full Text | Google Scholar

Karakuş, O., Mayo, P., and Achim, A. (2020). Convergence guarantees for non-convex optimisation with cauchy-based penalties. IEEE Trans. Signal Process. 68, 6159–6170. doi: 10.1109/TSP.2020.3032231

CrossRef Full Text | Google Scholar

Kwon, O. Y., Lee, M. H., Guan, C., and Lee, S. W. (2019). Subject-independent brain-computer interfaces based on deep convolutional neural networks. IEEE Trans. Neural Networks Learn. Syst. 31, 3839–3852. doi: 10.1109/TNNLS.2019.2946869

PubMed Abstract | CrossRef Full Text | Google Scholar

Lawhern, V. J., Solon, A. J., Waytowich, N. R., Gordon, S. M., Hung, C. P., and Lance, B. J. (2018). EEGNet: a compact convolutional neural network for EEG-based brain-computer interfaces. J. Neural Eng. 15:056013. doi: 10.1088/1741-2552/aace8c

PubMed Abstract | CrossRef Full Text | Google Scholar

Li, H., Chen, H., Jia, Z., Zhang, R., and Yin, F. (2023). A parallel multi-scale temporal-frequency block convolutional neural network based on channel attention module for motor imagery classification. Biomed. Signal Proces. Control 79:104066. doi: 10.1016/j.bspc.2022.104066

CrossRef Full Text | Google Scholar

Liao, W., Li, J., Zhang, X., and Li, C. (2023). Motor imagery brain-computer interface rehabilitation system enhances upper limb performance and improves brain activity in stroke patients: A clinical study. Front. Hum. Neurosci. 17:1117670. doi: 10.3389/fnhum.2023.1117670

PubMed Abstract | CrossRef Full Text | Google Scholar

Liu, K., Yang, M., Yu, Z., Wang, G., and Wu, W. (2022). FBMSNet: A filter-Bank multi-scale convolutional neural network for EEG-based motor imagery decoding. IEEE Trans. Biomed. Eng. 70, 436–445. doi: 10.1109/TBME.2022.3193277

CrossRef Full Text | Google Scholar

Lotte, F., and Guan, C. (2011). Regularizing common spatial patterns to improve BCI designs: unified theory and new algorithms. IEEE Trans. Biomed. Eng. 58, 355–362. doi: 10.1109/TBME.2010.2082539

PubMed Abstract | CrossRef Full Text | Google Scholar

Mane, R., Robinson, N., and Vinod, A. P. (2020). A multi-view CNN with novel variance layer for motor imagery brain computer interface. 42nd annual international conference of the IEEE engineering in Medicine & Biology Society (EMBC). IEEE, 2020: 2950–2953.

Google Scholar

Miao, Y., Jin, J., Daly, I., Zuo, C., Wang, X., Cichocki, A., et al. (2021). Learning common temporal-frequency-spatial patterns for motor imagery classification. IEEE Trans. Neural Syst. Rehabil. Eng. 29, 699–707. doi: 10.1109/TNSRE.2021.3071140

PubMed Abstract | CrossRef Full Text | Google Scholar

Miao, Z., and Zhao, M. (2023). Weight freezing: a regularization approach for fully connected layers with an application in EEG classification. ar Xiv preprint ar Xiv: 2306.05775.

Google Scholar

Miao, Z., Zhao, M., Zhang, X., and Ming, D. (2023). LMDA-net: A lightweight multi-dimensional attention network for general EEG-based brain-computer interfaces and interpretability. Neuro Image 276:120209. doi: 10.1016/j.neuroimage.2023.120209

CrossRef Full Text | Google Scholar

Park, S. H., Lee, D., and Lee, S. G. (2018). Filter bank regularized common spatial pattern ensemble for small sample motor imagery classification. IEEE Trans. Neural Syst. Rehabil. Eng. 26, 498–505. doi: 10.1109/TNSRE.2017.2757519

PubMed Abstract | CrossRef Full Text | Google Scholar

Radman, M., Chaibakhsh, A., Nariman-zadeh, N., and He, H. (2021). Feature fusion for improving performance of motor imagery brain-computer interface system. Biomed. Signal Proces. Control 68:102763. doi: 10.1016/j.bspc.2021.102763

CrossRef Full Text | Google Scholar

Sakhavi, S., Guan, C., and Yan, S. (2018). Learning temporal information for brain-computer interface using convolutional neural networks. IEEE Trans. Neural Networks Learn. Syst. 29, 5619–5629. doi: 10.1109/TNNLS.2018.2789927

CrossRef Full Text | Google Scholar

Schirrmeister, R. T., Springenberg, J. T., Fiederer, L. D. J., Glasstetter, M., Eggensperger, K., Tangermann, M., et al. (2017). Deep learning with convolutional neural networks for EEG decoding and visualization. Hum. Brain Mapp. 38, 5391–5420. doi: 10.1002/hbm.23730

PubMed Abstract | CrossRef Full Text | Google Scholar

Shen, C., and Zhang, K. (2022). Two-stage improved Grey wolf optimization algorithm for feature selection on high-dimensional classification. Complex Intell. Syst. 8, 2769–2789. doi: 10.1007/s40747-021-00452-4

CrossRef Full Text | Google Scholar

Too, J., Abdullah, A. R., and Mohd, S. N. (2019). A new co-evolution binary particle swarm optimization with multiple inertia weight strategy for feature selection. Informatics. mdpi 6:21. doi: 10.3390/informatics6020021

CrossRef Full Text | Google Scholar

Wang, S., Selesnick, I., Cai, G., Feng, Y., Sui, X., and Chen, X. (2018). Non-convex sparse regularization and convex optimization for bearing fault diagnosis. IEEE Trans. Ind. Electron. 65, 7332–7342. doi: 10.1109/TIE.2018.2793271

CrossRef Full Text | Google Scholar

Wen, F., Chu, L., Liu, P., and Qiu, R. C. (2018). A survey on non-convex regularization-based sparse and low-rank recovery in signal processing, statistics, and machine learning. IEEE Access 6, 69883–69906. doi: 10.1109/ACCESS.2018.2880454

CrossRef Full Text | Google Scholar

Wu, H., Niu, Y., Li, F., Li, Y., Fu, B., Shi, G., et al. (2019). A parallel multiscale filter bank convolutional neural networks for motor imagery EEG classification. Front. Neurosci. 13:1275. doi: 10.3389/fnins.2019.01275

PubMed Abstract | CrossRef Full Text | Google Scholar

You, J., Jiao, Y., Lu, X., and Zeng, T. (2019). A non-convex model with minimax concave penalty for image restoration. J. Sci. Comput. 78, 1063–1086. doi: 10.1007/s10915-018-0801-z

CrossRef Full Text | Google Scholar

Zancanaro, A., Cisotto, G., and Paulo, J. R. (2021). CNN-based approssaches for cross-subject classification in motor imagery: from the state-of-the-art to dynamic net. IEEE conference on computational intelligence in bioinformatics and computational biology (CIBCB). IEEE, 2021: 1–7.

Google Scholar

Zhang, S., Zhu, Z., Zhang, B., Feng, B., Yu, T., and Li, Z. (2020). Fused group lasso: A new EEG classification model with spatial smooth constraint for motor imagery-based brain -computer interface. IEEE Sensors J. 21, 1764–1778. doi: 10.1109/JSEN.2020.3016402

CrossRef Full Text | Google Scholar

Zhang, S., Zhu, Z., Zhang, B., Feng, B., Yu, T., Li, Z., et al. (2022). Overall optimization of CSP based on ensemble learning for motor imagery EEG decoding. Biomed. Signal Proces. Control 77:103825. doi: 10.1016/j.bspc.2022.103825

CrossRef Full Text | Google Scholar

Zhang, B., Zhu, G., and Zhu, Z. (2020). A TV-log non-convex approach for image deblurring with impulsive noise. Signal Process. 174:107631. doi: 10.1016/j.sigpro.2020.107631

CrossRef Full Text | Google Scholar

Zhang, R., Zong, Q., Dou, L., Zhao, X., Tang, Y., and Li, Z. (2021). Hybrid deep neural network using transfer learning for EEG motor imagery decoding. Biomed. Signal Proces. Control 63:102144. doi: 10.1016/j.bspc.2020.102144

CrossRef Full Text | Google Scholar

Zheng, L., Feng, W., Ma, Y., Lian, P., Xiao, Y., Yi, Z., et al. (2022). Ensemble learning method based on temporal, spatial features with multi-scale filter banks for motor imagery EEG classification. Biomed. Signal Proces. Control 76:103634. doi: 10.1016/j.bspc.2022.103634

CrossRef Full Text | Google Scholar

Keywords: motor imagery, EEG decoding, feature selection, nonconvex regularization, high-dimensional small-sample

Citation: Zhang S, Wang Q, Zhang B, Liang Z, Zhang L, Li L, Huang G, Zhang Z, Feng B and Yu T (2023) Cauchy non-convex sparse feature selection method for the high-dimensional small-sample problem in motor imagery EEG decoding. Front. Neurosci. 17:1292724. doi: 10.3389/fnins.2023.1292724

Received: 12 September 2023; Accepted: 17 October 2023;
Published: 03 November 2023.

Edited by:

Yongcheng Li, Chinese Academy of Sciences (CAS), China

Reviewed by:

Jiancai Leng, Qilu University of Technology, China
Yilu Xu, Jiangxi Agricultural University, China

Copyright © 2023 Zhang, Wang, Zhang, Liang, Zhang, Li, Huang, Zhang, Feng and Yu. 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: Gan Huang, huanggan@szu.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.