Skip to main content

ORIGINAL RESEARCH article

Front. Hum. Neurosci., 08 March 2021
Sec. Brain-Computer Interfaces
This article is part of the Research Topic Brain-Computer Interfaces for Perception, Learning, and Motor Control View all 17 articles

A New Subject-Specific Discriminative and Multi-Scale Filter Bank Tangent Space Mapping Method for Recognition of Multiclass Motor Imagery

\r\nFan Wu,Fan Wu1,2Anmin GongAnmin Gong3Hongyun Li,Hongyun Li1,2Lei Zhao,Lei Zhao2,4Wei ZhangWei Zhang5Yunfa Fu,,,*Yunfa Fu1,2,6,7*
  • 1Faculty of Information Engineering and Automation, Kunming University of Science and Technology, Kunming, China
  • 2Brain Cognition and Brain-Computer Intelligence Fusion Innovation Group, Kunming University of Science and Technology, Kunming, China
  • 3Department of Information Engineering, Engineering University of PAP, Xi’an, China
  • 4College of Science, Kunming University of Science and Technology, Kunming, China
  • 5Kunming Medical University, Kunming, China
  • 6Yunnan Provincial Key Laboratory of Computer Technology Application, Kunming, China
  • 7School of Medicine, Kunming University of Science and Technology, Kunming, China

Objective: Tangent Space Mapping (TSM) using the geometric structure of the covariance matrices is an effective method to recognize multiclass motor imagery (MI). Compared with the traditional CSP method, the Riemann geometric method based on TSM takes into account the nonlinear information contained in the covariance matrix, and can extract more abundant and effective features. Moreover, the method is an unsupervised operation, which can reduce the time of feature extraction. However, EEG features induced by MI mental activities of different subjects are not the same, so selection of subject-specific discriminative EEG frequency components play a vital role in the recognition of multiclass MI. In order to solve the problem, a discriminative and multi-scale filter bank tangent space mapping (DMFBTSM) algorithm is proposed in this article to design the subject-specific Filter Bank (FB) so as to effectively recognize multiclass MI tasks.

Methods: On the 4-class BCI competition IV-2a dataset, first, a non-parametric method of multivariate analysis of variance (MANOVA) based on the sum of squared distances is used to select discriminative frequency bands for a subject; next, a multi-scale FB is generated according to the range of these frequency bands, and then decompose multi-channel EEG of the subject into multiple sub-bands combined with several time windows. Then TSM algorithm is used to estimate Riemannian tangent space features in each sub-band and finally a liner Support Vector Machines (SVM) is used for classification.

Main Results: The analysis results show that the proposed discriminative FB enhances the multi-scale TSM algorithm, improves the classification accuracy and reduces the execution time during training and testing. On the 4-class BCI competition IV-2a dataset, the average session to session classification accuracy of nine subjects reached 77.33 ± 12.3%. When the training time and the test time are similar, the average classification accuracy is 2.56% higher than the latest TSM method based on multi-scale filter bank analysis technology. When the classification accuracy is similar, the training speed is increased by more than three times, and the test speed is increased two times more. Compared with Supervised Fisher Geodesic Minimum Distance to the Mean (Supervised FGMDRM), another new variant based on Riemann geometry classifier, the average accuracy is 3.36% higher, we also compared with the latest Deep Learning method, and the average accuracy of 10-fold cross validation improved by 2.58%.

Conclusion: Research shows that the proposed DMFBTSM algorithm can improve the classification accuracy of MI tasks.

Significance: Compared with the MFBTSM algorithm, the algorithm proposed in this article is expected to select frequency bands with good separability for specific subject to improve the classification accuracy of multiclass MI tasks and reduce the feature dimension to reduce training time and testing time.

Introduction

Brain-computer interface (BCI) is a revolutionizing human-computer interaction (Graimann et al., 2010), and BCI based on motor imagery (MI-BCI) is an important type of BCI which is expected to provide communication and control with the outside world for patients with severe motor disabilities (Wolpaw and Wolpaw, 2012), especially in motor dysfunction rehabilitation training (Soares et al., 2013). However, at present, MI-BCI can classify few MI tasks, and it can provide few effective instructions, which limits the communication capability and control freedom of this type of BCI, making it difficult to enter practical applications. In order to add instructions, it is necessary to study the recognition of multiclass MI tasks. At present, the recognition accuracy of multi-class MI needs to be improved, which is a challenging work. This article intends to explore effective methods to improve the recognition accuracy of multi-class MI.

Neuroscience research has shown that brain activities related to MI and motor execution (ME) can cause similar sensorimotor rhythm changes (Pfurtscheller and Neuper, 1997), and the EEG amplitude of certain frequency bands will decrease event-related desynchronization (ERD) or increase event related synchronization (ERS). This ERD/ERS phenomenon or pattern is most prominent in mu rhythm (8–12 Hz) and beta rhythm (13–30 Hz), and can also be observed in gamma rhythm close to 40 Hz (Rao, 2013). In MI-BCI, these patterns are mainly extracted. However, due to the non-stationarity of EEG, low signal-to-noise ratio and limited available calibration data, it is difficult to extract MI feature patterns with good separability (Lotte et al., 2018). In MI-BCI, the classical processing method is to extract sources from the pre-processed EEG data using a spatial filter such as CSP, then extract the feature vectors from the source signal, and finally classify the feature vectors using a vector-based classifier (such as LDA) (Yger et al., 2017). Studies have shown that Common Spatial Pattern (CSP) has significant advantages in extracting MI features (Lotte et al., 2018)CSP maximizes the variance of the EEG signal of one class of MI while minimizing the variance of the other class. After band-pass filtering, the variance of the EEG signal is the power of the corresponding frequency band. Therefore, CSP is a more suitable method to extract the features of the two classes of MI (Ramoser et al., 2000). Deep Learning is a specific machine learning algorithm in which features and the classifier are jointly learned directly from data (Lotte et al., 2018). Advantages of Deep Learning include that they are well suited for end-to-end learning, that is, learning from the raw data without any a priori feature selection, that they scale well to large datasets, and that they can exploit hierarchical structure in natural signals (Schirrmeister et al., 2017). Disadvantages of Deep Learning methods include that they may output false predictions with high confidence may require a large amount of training data, may take longer to train than simpler models, and involve a large number of hyperparameters such as the number of layers or the type of activation function (Nguyen et al., 2015). Convolutional neural networks (ConvNets) are the most popular Deep Learning approaches for BCI (Lotte et al., 2018). In order to adapt the existing ConvNets architectures from the field of computer vision to EEG input, the authors created three ConvNets with different architectures, with the number of convolutional layers ranging from 2 layers in a “shallow” ConvNet over a 5-layer deep ConvNet up to a 31-layer residual network (ResNet) (Schirrmeister et al., 2017). In Sakhavi et al. (2018), according to the features generated by filter bank CSP (FBCSP), the authors design and optimize a ConvNet for classification.

In addition to CSP and its various improvement methods (Ang et al., 2008, 2012; Zhang et al., 2015, 2016), the researchers used the Riemannian method based on the covariance matrix in the Riemannian manifold in MI-BCI and achieved better performance, and this new processing method does not require source extraction. At present, Riemannian manifold of symmetric positive definite (SPD) matrices has attracted more and more attention due to their rich framework for manipulating the covariance structure of the data. The concept of the covariance matrices in the manifold has been successfully used in radar signal processing (Barbaresco, 2008), diffusion tensor Imaging (Fletcher and Joshi, 2004) and computer vision (Tuzel et al., 2008). A similar method is combined with K nearest neighbors and recognizes different sleep states based on EEG (Li et al., 2009). Barachant et al. (2010) first used the Riemannian method to classify two-class MI-EEG data and achieved an average classification accuracy of 85.2%. The Minimum Distance to Riemannian Mean (MDRM) introduced in their works is the most basic Riemannian method (Congedo et al., 2017). In this method, the Riemannian mean of each class is calculated first based on the training data, and then classify incoming trials by comparing the Riemannian distances between the covariance matrices corresponding to the incoming trials and the Riemannian mean of each class during the test session (Barachant et al., 2010). Another more sophisticated and effective Riemannian classifiers is based on tangent space mapping (TSM), and its classification performance is significantly better than CSP and other methods (Congedo et al., 2017). Barachant et al. mapped the covariance matrices onto the tangent space, and then selected features in it and used LDA, the results showed that compared with MDRM, it can significantly improve the accuracy of multi-class (4-class) MI recognition (Barachant et al., 2012). Barachant et al. (2013) derived a new kernel by establishing a connection with the Riemannian geometry of symmetric positive definite matrices, and combined with a support vector machine to test different kernels, and demonstrated that this new approach outperformed significantly state of the art results, effectively replacing the traditional spatial filtering approach.

In order to further improve the classification performance of MI-BCI, Ang et al. (2008) proposed the filter bank CSP (FBCSP) method, a four-stage procedure in which CSP is applied at several fixed frequency bands, and where the most relevant sub-band CSP features are automatically pair-wise selected based upon mutual information criteria. Recently, Zhang et al. (2015) proposed the sparse filter bank CSP (SFBCSP) in which a small number of sub-band CSP features are automatically selected based on LASSO (least absolute shrinkage and selection operator) regression. According to some recent achievements, we know that a breakthrough has been made in the research of MI task recognition based on Deep Learning (Li et al., 2019; Olivas Padilla and Chacon Murguia, 2019; Xu et al., 2020). In Xu et al. (2020), a new deep multi-view feature learning method for the classification task of motor imagery electroencephalogram (EEG) signals is proposed in order to obtain more representative motor imagery features in EEG signals. In Li et al. (2019), the researchers proposes a variant of Discriminative Filter Bank Common Spatial Pattern (DFBCSP) for extracting MI features, and then sets the resulting samples into a matrix, which is then fed to one or many ConvNets previously optimized by using a Bayesian optimization for classification. In Olivas Padilla and Chacon Murguia (2019), a densely feature fusion convolutional neural networks (DFFN) is proposed. DFFN takes into account the correlation between adjacent layers and cross-layer features, thus reducing information loss in the process of convolutional operation. It also takes into account the local and global characteristics of the network, and improves the identification accuracy of the ordinary ConvNets framework in multi-class MI. In the improvement of the method based on Riemannian geometry, Barachant et al. proposed Fisher Geodesic Discriminant Analysis for performing Geodesic filtering to make the classes more separable along the geodesics, which improves the drawback of MDRM not taking into account intra-class distribution (Barachant et al., 2010). More recently, Satyam et al., combined the two adaptive strategies of RETRAIN and REBIAS (Shenoy et al., 2006) with MRDM and Fisher Geodesic Minimum Distance to Riemannian Mean (FgMDRM), and the result achieved an average classification accuracy of approximately 74% on the test set (Session 2) of the 2a data set of BCI Competition IV (Kumar et al., 2019). Islam et al. (2017) proposed a multi-band TSM method, which takes into account multiple frequency bands and helps to extract effective noise robust features for narrow-band signals, but the study did not consider the question of the subject-specific frequency band. However, MI-BCI is an active BCI. The EEG features induced by MI mental activity of different subjects are often different. It is necessary to customize the feature extraction method for specific subjects. Islam et al. proposed a multiband tangent space mapping with sub-band selection (MTSMS). The sub-band selection method adopted can be based on the mutual information between features and class labels, thereby effectively extract the frequency band of a specific subject, and further improve the performance of MI-BCI (Islam et al., 2018). In addition, in order to overcome the limitation of using fixed band window analysis in MI-BCI, Hersche et al. (2018) proposed a multi-scale filter bank TSM (MFBTSM), in which FB contains the frequency bands are multi-scale and overlapping. At the same time, multi-scale and overlapping time windows are divided, so that multiple time windows are used to analyze EEG trials and perform FB analysis in each time window. This greatly increases the number of tangent spatial features, but induce redundant information. The disadvantages of MFBTSM is that the filter bank used by each subject is the same, and the test time and training time increase due to the large feature dimension.

In order to make up for the disadvantages of MFBTSM, this article intends to use a non-parametric method of multivariate analysis of variance based on the sum of squared distances to select the subject-specific discriminative EEG frequency components, and these component is vital for identifying multiple types of MI tasks. It is important to use multi-scale filter bank TSM at the same time, and finally use SVM for classification.

Materials and Methods

Riemann Geometry Associated With the Proposed Method

EEG Signals Are Represented as Covariance Matrices

To use Riemannian geometry to process EEG signals, it is necessary to represent the EEG signals as covariance matrices, which are SPD matrices. Let XiRNc × Ns be the MI EEG signal of the i-th trial, where Nc is the number of channels and Ns is the number of samples. The sample covariance matrix (SCM) of the i-th trial is denoted by PiRNc × Nc, which is estimated by eq. (1) (Barachant et al., 2012):

Pi=1/(Ns-1)XiXiT(1)

Let S(n) denote the set of n×n symmetric matrices, and P(n) denote the set of n×n SPD matrices.

Riemannian Manifold and Tangent Space

The space of SPD matrices P(n) is a differentiable Riemannian manifold ℳ (Förstner and Moonen, 2003). The derivatives at a matrix P on the manifold lies in a vector space TP, which is the tangent space at that point. The tangent space is lying in the space S(n). The manifold and the tangent space are m  =  n(n++1)/2 dimensional.

Each tangent space has an inner product ⟨,⟩P that varies smoothly from point to point over the manifold. The natural metric on the manifold of SPD matrices is defined by the local inner product:

S1,S2P=Tr(S1P-1S2P-1)(2)

The inner product induces a norm for the tangent vectors on the tangent space, such that, SP2=S,SP=Tr(SP-1SP-1). We note that, at Identity matrix, such norm simplifies into the Frobenius norm, i.e., S,SI=SF2.

Riemannian Geodesic Distance and Riemannian Distance

Let Γ(t) : [0,1]→P(n) be any (differentiable) path from Γ(0) = P1 to Γ(1) = P2. The length of Γ(t) is given by:

L(Γ(t))=01Γ.(t)Γ(t)dt(3)

With the norm defined previously. The minimum length curve connecting two points on the manifold is called the geodesic, and the Riemannian distance between the two points is given by the length of this curve. The natural metric (2) induces the geodesic distance (Moakher, 2005):

δR(P1,P2)=log(P1-1P2)F=[i= 1nlog2λi]1/2(4)

Where, λi,i = 1…n are the real eigenvalues of P1-1P2.

Exponential Map

For each point PP(n), we can thus define a tangent space composed by the set of tangent vectors at P. Each tangent vector Si can be seen as the derivative at t = 0 of the geodesic Γi(t) between P and the exponential mapping Pi = ExpP(Si), defined as:

ExpP(Si)=Pi=P12exp(P-12SiP-12)P12(5)

The inverse mapping is given by the logarithmic mapping defined as:

logP(Pi)=Si=P12log(P-12PiP-12)P12(6)

Euclidean Mean

Using the Euclidean distance on ℳ(n),δE(P1, P2) = ∥ P1P2F, it is possible to define the Euclidean mean of I ≥ 1SPD matrices by:

𝔄(P1,,PI)=argminPP(n)i= 1IδE2(P,Pi)=1Ii= 1IPi(7)

Riemannian Mean

Similar to Euclidean mean, Karcher/Fréchet means extends the notion of mean/center of mass to P(n) by estimating the SPD matrix which minimizes the sum of squared AIRM distances to all the SPD matrices in the set. Mathematically the Riemannian mean of I ≥ 1SPD matrices is given by:

𝔊(P1,,PI)=argminPP(n)i= 1IδR2(P,Pi)(8)

Eq. (8) has a unique minimum, and there is no closed solution for I >  2, but many iterative algorithms solve this problem through numerical analysis (Moakher, 2005).

Discriminative and Multi-Scale Filter Bank Tangent Space Mapping

The structure of Discriminative and Multi-scale Filter Bank Tangent Space Mapping (DMFBTSM) proposed in this article is shown in Figure 1. First, a set of filters is used to decompose the multi-channel EEG signal into multiple frequency band components. These filters are called the parent filter bank (Filter Bank, FB), and the parent FB covers all frequency components in the range of 2–40 Hz. Then use the one-way multivariate analysis of variance (MANOVA) based on the sum of squared distances to calculate the F statistic for each sub-band component decomposed. According to the F statistic, select EEG frequency bands that are separable for MI of the specific subject, and then generate discriminative and multi-scale filter bank (DMFB).

FIGURE 1
www.frontiersin.org

Figure 1. DMFBTSM structure diagram. After generating DMFB, first decompose the multi-channel EEG signal into T temporal windows (tb1,…,tbt,…,tbT), then use DMFB to decompose the t-th temporal window into F (fb1,…,fbf…,fbF) frequency bands, estimate the SCM in each time band, and then use the TSM algorithm to map all SCMs onto the tangent space to extract TSM features, and finally use linear SVM for classification.

The One-Way MANOVA Based on the Sum of Squared Distances

In this article, a non-parametric method of MANOVA based on the sum of squared distances (Anderson, 2001) is used to select the EEG frequency bands that are separable for MI of the specific subject. The test statistic is a multivariate analog to Fisher’s F-ratio and is calculated directly from any symmetric distance or dissimilarity matrix.

First, the EEG signals of a specific subject’s frequency range of 2–40 Hz are decomposed into 2 Hz width, a total of 19 sub-bands. Then estimate the SCMs of all trials in each sub-band and calculate the distance matrix between each pair of SCMs, as shown in Figure 2. Finally, the F statistic of each sub-band is calculated by MANOVA based on the square of the distance. The calculation process is as follows.

FIGURE 2
www.frontiersin.org

Figure 2. (A) From the raw data to the distance matrix and (B) a non-parametric MANOVA statistic for a one-way design (two groups) directly from the distance matrix. Sum of squared distances in the half matrix (www.frontiersin.org) divided by N (the total number of SCMs in all classes) is the total sum of squares (SST), and the sum of squared distances within classes (www.frontiersin.org) divided by n (number of SCMs in each class) is within-group sum of squares (SSW).

Assuming that the test data of the subject has a classes, each class has n trials, the total number of trials is N = an, and the total sum of squares is:

SST=1Ni= 1N-1j=i+1Ndij2(9)

where, dij is the distance between the SCM of the i-th trial and the SCM of the j-th trial. In a similar fashion, the within-group or residual sum of squares is:

SSW=1ni= 1N-1j=i+1Ndij2ϵij(10)

where, if the i-th trial and the j-th trial are in the same class, the value of ϵij is 1, otherwise it is 0, as shown in Figure 2B. The sum of squares between classes, SSA and F statistics are calculated by eqs. (11, 12):

SSA=SST-SSW(11)
F=SSA/(a-1)SSW/(N-a)(12)

In this article, the aforementioned Riemannian distance and Euclidean distance are applied to eqs. (9–12), respectively. If the sample points of different classes have different center positions in the multivariate space (centroid in the case of Euclidean distance), the ratio of the inter-class distance to the intra-class distance will be large, and the generated F-statistic will be relatively large. After calculating the F statistics of all sub-bands, arrange the sub-bands in descending order of F scores, take the first several separable sub-bands, and merge the adjacent separable sub-bands to obtain the EEG frequency bands that are separable for MI of the specific subject.

Divide Multi-Channel EEG Using Multi-Scale Time and Frequency Windows

First, the multi-channel EEG of a trial is divided according to the multi-scale time window shown in Figure 3A, and then according to the multi-scale frequency band window division shown in Figure 3B, the frequency bands that are separable for MI of the specific subject are divided according to the multi-scale frequency band windows shown in Figure 3B to generate DMFB, and then the DMFB band-pass filters the signal of each time window.

FIGURE 3
www.frontiersin.org

Figure 3. Divide multi-channel EEG using multi-scale time (temporal) and frequency windows. (A) The multi-channel EEG of a trial is divided according to the multi-scale time window. (B) The frequency bands that are separable for MI of the specific subject are divided according to the multi-scale frequency band windows.

Tangent Space Mapping

This article uses the TSM algorithm proposed by Barachant et al. (2010), as shown in Figure 4. The algorithm first needs to find a reference point P𝔊, which is the Riemann average of all EEG trials on manifold ℳ: P𝔊 = 𝔊(Pi,i  1…I). Then map the SCM corresponding to each trial onto the tangent space TP to generate a set of m = NC(NC + 1)/2-dimensional tangent vectors S[s1sI] ∈ Rm × I, The tangent vector si is calculated as eq. (13):

FIGURE 4
www.frontiersin.org

Figure 4. Schematic diagram of TSM on Riemannian manifold ℳ.

si=upper(P𝔊-12logP𝔊(Pi)P𝔊-12)(13)

where, Pi is the SCM corresponding to the i-th trial, upper means to vectorize the upper triangular part of a SPD matrix, with appropriate weighting.

Results

Description of Data

First, analyze the justifiability of selecting frequency bands for specific subjects based on F statistics, using BCI Competition III dataset IVa and BCI competition IV dataset 2a1, and finally using BCI Competition IV 2a data set evaluation the performance of the proposed method.

BCI Competition IV Dataset 2a

Dataset 2a (Naeem et al., 2006) contains EEG data from 9 subjects who perform four kinds of motor imagery (right hand, left hand, foot, and tongue imagined movements). This dataset is provided by the Knowledge Discovery Institute (BCI Laboratory) of Graz University of Technology, Austria. EEG signals are recorded using 22 electrodes. For each subject, a training set (session 1) and a test set (session 2) are available. The same number of trials for all the MI tasks were provided for testing and training session. Each of the session had 72 trials for each of the four motor imagery classes.

BCI Competition III Dataset IVa

Dataset IVa (Dornhege et al., 2004) contains 2-class of MI EEG. This dataset is provided by the Knowledge Discovery Institute (BCI Laboratory) of Graz University of Technology, Austria. It records the EEG of 5 healthy subjects who perform two classes of MI (right hand and foot), Each subject recorded 280 trials, of which the first 168, 224, 84, 56, and 28 trials constituted the training set of subjects A1, A2, A3, A4, and A5, and the remaining trials constituted their test set.

Experimental Results

F Statistic Selects the Frequency Bands That Are Separable for MI of the Specific Subject

Using the parent FB in the frequency range of 2 to 40 Hz, the EEG signal of each subject was decomposed into 19 sub-bands, and then the Riemannian distance was selected as the distance metric to calculate the F score of each sub-band. In order to show the justifiability of using the F score of each sub-band as the criterion for selecting a separable frequency band, the classification accuracy of different sub-bands of the test data of different subjects on the BCI competition public data set is calculated, as shown in Figure 5, where the sub-band width for calculating the classification accuracy is 4 Hz, and the range is from 4 to 36 Hz. It can be seen from Figure 5 that the classification accuracy of the sub-band with a higher F score is better than that of the sub-band with a lower F score. Therefore, it is justified to use one-way MANOVA based on the square of the distance to select the separable sub-bands. Then, the sub-bands are sorted in descending order of F score, and the top G sub-bands are used for MI classification.

FIGURE 5
www.frontiersin.org

Figure 5. The F score and classification accuracy vary with the subjects and different frequency bands. (A–H) The F scores and classification accuracy of subjects A01T, A03T, A05T, A08T, A09T, aa, al, and ay vary with different frequency bands. The first five subjects are from data set IV- 2a, the last 3 subjects are from data set III-IVa.

Multi-Class MI (4-Class) Classification Results

In this study, nine subjects in the BCI competition IV data set 2a (four types of MI) were selected for separable frequency bands, and multi-scale time-frequency TSM features were extracted and classified. In order to better evaluate the performance of DMFBTSM, first compare with MFBTSM, the results are shown in Table 1, and then test other three related methods on the same data set. The first method is the combination of FgMDRM and RETAIN Adaptive strategy, called Supervised Adaptive FgMDRM (Supervised FgMDRM). In this method, the FgMDRM classifier is first trained on training/calibration session data, then during the testing session, the classifier is retrained after each prediction (Kumar et al., 2019). The second method is the combination of TSM and adaptive Riemannian kernel SVM, known as adaptive Riemannian kernel SVM (ARK-SVM) (Barachant et al., 2013), and the third method is FBCSP (Ang et al., 2012). Comparison results of these three methods with DMFBTSM are shown in Table 2.

TABLE 1
www.frontiersin.org

Table 1. Under different distance measures [N/A (no distance metric), Euclidian distance and Riemannian distance], multi-scale time-frequency TSM features were extracted, and average classification accuracy (%) and standard deviation (std), average training time and average test time were obtained from the 4 MI classes on the test data (session 2) of 9 subjects in BCI Competition IV data-set 2a.

TABLE 2
www.frontiersin.org

Table 2. Mean classification accuracy (%) and standard deviation (std) obtained across nine subjects in data-set 2a.

In addition, this article is compared with the latest three Deep Learning-based methods. In Deep Multi-view feature learning method (Xu et al., 2020), the author uses the improved, the deep restricted Boltzmann machine (RBM) network to learn to learn the multi-view features of EEG signals, and finally uses SVM to classify deep multi-view features. The DFFN algorithm is a dense feature fusion convolutional neural network using CSP and ConvNet technology (Li et al., 2019). In the Monolithic Network method (Olivas Padilla and Chacon Murguia, 2019), the authors used a variant of discriminative FBCSP to extract signal features, and then developed a Bayes-optimized ConvNet network for classification. The Shallow-ConvNet algorithm inspired by the FBCSP pipeline, specifically tailored to decode band power features (Schirrmeister et al., 2017). After extracting the FBCSP features, the CW-ConvNets algorithm inputs them into the ConvNets for classification (Sakhavi et al., 2018). Comparison results of the method proposed in this article and the three Deep Learning methods are shown in Table 3.

TABLE 3
www.frontiersin.org

Table 3. Mean classification accuracy (%) and standard deviation (std) on test data by 10 fold cross-validation achieved by DMFBTSM, Deep Multi-View Feature Learning, Shallow-ConvNet, CW-ConvNet, Monolithic Network, and DFFN, for dataset 2a.

Tables 1, 2 present the mean and standard deviation of the classification accuracy (averaged across all the subjects) on a session to session transfer evaluation for these methods. The results presented in Table 3 are obtained by combining and randomly arranging the training data (Session 1) and test data (Session 2) of each subject’s data set according to the data organization method in Xu et al. (2020), and then performing 10 fold cross-validation.

In order to calculate the sub-band F score, Riemannian distance and Euclidean distance are selected and compared in this study. In addition, due to the differences in MI of different subjects, in order to ensure the accuracy of MI classification, the number of sub-bands G selected by each specific subject may not be the same. In addition, in order to ensure the accuracy of MI classification, the number of sub-bands G selected by each specific subject may not be the same. At the same time, in order to reduce the number of features to reduce training time and test time, the value of G ranges from 11 to 14. Specifically, subject 1 and 9 chose G as 13, subject 2, subject 3, subject 6, and subject 8 chose G as 11, subject 4 and 7 chose G as 14, and subject 5 chose G as 12. Choose one (T1) or three (T1, T2, and T3) time windows for decomposing EEG signals for comparison. In the case of one time window, the feature dimension of the subjects is 10879, and the feature dimension varies from 5060 to 7840 after frequency band selection. In addition, 10-fold cross-validation was used for the selection of time window and frequency band, as well as the determination of the SVM’s hyperparameter C.

In order to evaluate the computational cost of the proposed method, the average training and testing time of all trials for each subject is measured. The training time includes the preprocessing and training time of the classifier, and the testing time includes the feature extraction and classification time. The experiments were conducted on an Intel Core i5-7200U 2.71 GHz processor with 8 GB RAM.

Table 1 shows that the proposed discriminative FB enhances the multi-scale TSM algorithm. The best classification accuracy obtained by using Euclidean distance as the distance metric is 76.53 ± 12.0%, the shortest training time is 10.43 s, and the shortest test time is 4.47 s; The best classification accuracy obtained by using Riemannian distance as the distance metric is 77.33 ± 12.3%, the shortest training time is 11.04 s, and the shortest test time is 4.70 s.

Discussion

Existing studies have shown that, compared with the conventional CSP method, Riemannian geometry based methods can bypass the spatial filtering of electrodes to make the calibration phase easier, and significantly improve the recognition accuracy of MI tasks (Barachant et al., 2012, 2013). In fact, the improvement brought by Riemannian geometry is due to the consideration of the non-linear information contained in the covariance matrices, thus better extracting features, which are usually discarded by the linear space filtering methods. On the basis, the multi-band Riemannian method can use a small amount of calibration data to extract the noise robust features, and achieve better results (Islam et al., 2017, 2018; Hersche et al., 2018). In order to further improve the multi-band Riemannian method, this article uses a non-parametric method of MANOVA based on the sum of squared distances (Anderson, 2001) to select frequency bands that are separable for specific subjects, and multi-scale division is performed on the multi-channel EEG signals in these frequency bands. Finally, use TSM to extract tangent space features.

It can be seen from Table 1 that when a time window (T1) is used, the classification accuracy of DMFBTSM using Euclidean distance is 0.31% higher than that of MFBTSM, the training time is shortened by more than three times, and the test time is shortened by more than two times; the classification accuracy of DMFBTSM using Riemannian distance is 1.8% higher than that of MFBTSM, the training time is shortened by more than three times, and the test time is shortened by more than two times. In the case of using three time windows (T1, T2, and T3), the classification accuracy of DMFBTSM using Euclidean distance is 1.06% higher than that of MFBTSM, training time is shortened by 1.9 times, and test time is shortened by 1.7 times; the classification accuracy of DMFBTSM using Riemannian distance is 1.1% higher than that of MFBTSM, the training time is shortened by 1.7 times, and the test time is shortened by 1.7 times. The test time and training time of DMFBTSM with three time windows are approximately equal to those of MFBTSM with one time window, but the classification accuracy is improved by 2.56%. The performance is improved, mainly because DMFBTSM eliminates the poorly separable frequency bands in the MI task of the subject, making the extracted features more effective and reducing the dimensionality of the feature vector. As a result, the probability of overfitting of the classifier due to much high dimension of the feature vectors in the case of limited samples will decrease.

In addition, the average classification accuracy of DMFBTSM using Riemannian distance is higher than that of DMFBTSM using Euclidean distance, and the test time is close to the training time. In the case of three time windows (T1, T2, and T3) and one time window (T1), the classification accuracy of DMFBTSM using Riemannian distance is 0.8 and 1.49% higher than that of DMFBTSM using Euclidean distance. It should be noted that not every subject’s MI classification accuracy will be improved due to the choice of frequency band. For subject A4, the classification accuracy of DMFBTSM is lower than that of MFBTSM. The performance is improved, mainly because DMFBTSM eliminates the poorly separable frequency bands in the MI task of the subject, making the extracted features more effective and reducing the dimensionality of the feature vectors, so that the classifier would not overfit due to the too high dimension of the feature vectors in the case of limited samples.

It can be seen from Table 2 that the average classification accuracy of Supervised FgMDRM is 5.66% higher than that of FgMDRM. This is because the combination of FgMDRM and the RETRAIN adaptive strategy allows the classifier to add new samples during the testing session and continuously retrain. However, the retraining process is supervised and requires the real labels of the new samples. In addition, the role of this adaptive technology is related to the subjects’ proficiency in BCI, because the more proficient the subjects, the more stable EEG patterns are produced., So that more effective samples can be used for retraining. The average accuracy of DMFBTSM is approximately 12% higher than that of ARK-SVM, which shows that DMFBTSM can extract more sufficient, more robust and more robust Riemann covariance features than single-time band TSM. The average classification accuracy of DMFBTSM with the best result is 3.36% higher than that of the supervised FgMDRM with the second best result, and it can be seen from Figure 6 that except for the two subjects A8 and A9, PMFBTSM achieved the best results among other subjects. This result is also reasonable. The TSM-based Riemann method can use techniques such as filter bank analysis and band selection to extract more effective features and combine the advantages of the chosen classifier to generate more complex decision functions. Although TSM-based Riemann methods have better overall function than MDRM methods, they are not suitable for online operation because of the increased algorithmic complexity and possible need of intense learning inherited by the classifier. The average accuracy of DMFBTSM is approximately 10% higher than that of FBCSP, which is the classical method of frequency domain feature extraction using filter bank analysis and spatial filtering. The results are compared to better evaluate the proposed method.

FIGURE 6
www.frontiersin.org

Figure 6. According to different related methods, classification accuracy is compared on the test set (Session 2) of 9 subjects in data-set 2a.

As can be seen from Table 3, the average accuracy of the proposed method through 10-fold cross-validation on the test set is 9.23% and 8.02% higher than the two classical deep learning methods Shallow-ConvNet and CW-ConvNet, respectively, 2.58% higher than the latest deep learning method the Deep multi-view feature learning, and 2.68 and 4.65% higher than that of the Monolithic Network and DFFN methods, respectively. The first Deep Learning method proposes a new deep multi-view feature learning method in order to obtain more representative moving image features from EEG signals. The last three Deep Learning algorithms adopted ConvNet to learn the spatial characteristics extracted by CSP (Xu et al., 2020). Compared with the traditional CSP method, the Riemann geometric method based on TSM takes into account the nonlinear information contained in the covariance matrix, and can extract more abundant and effective features. Moreover, the method is an unsupervised operation, which can reduce the time of feature extraction (Congedo et al., 2017). These Deep Learning-based methods mentioned above are very useful, and have their own advantages and disadvantages and their respective suitable occasions compared with the methods mentioned in this article. As highlighted in Yger et al. (2017), the processing procedures of Riemannian approaches such as MDRM is simpler and involves fewer stages than more classic approaches. Also, Riemannian classifiers apply equally well to all BCI paradigms (e.g., BCIs based on mental imagery, ERPs and SSVEP); only the manner in which data points are mapped in the SPD manifold differs (Congedo et al., 2017). Another disadvantage of the Riemann method is that the TSM-based method seems to increase the number of sensors (so the greater the dimension of the covariance matrix), the worse the classification accuracy will become (Yger et al., 2017). This may be due to the fact that the increase in the transformation dimension requires more attention. When almost singular covariance matrices are generated, they cannot be effectively processed by Riemannian geometry (Yger et al., 2015).

In our future work, we will try to combine some new Deep Learning classifiers with DMFBTSM method to further improve the classification accuracy of multi-class MI-BCI. In addition, the methods proposed in this article will extract a large number of real-valued Riemannian covariance features, thus increasing the number of weights and the complexity of classifiers, which makes them unsuitable for real-time execution on devices with limited resources. Therefore, it is considered to combine regularization, sparse feature selection and other techniques with linear classification to deal with a large number of Riemannian covariance features, so that the model obtained by training will have less memory footprint and better classification performance.

Conclusion

A Discriminative and multi-scale Filter Bank Tangent Space Mapping (DMFBTSM) algorithm is proposed in this article to design the FB of a specific subject. On the 4-class BCI competition IV-2a data set, the average classification accuracy of nine subjects reached 77.33 ± 12.3%. When the training time and the test time are similar, the classification accuracy is increased by 2.56% compared to MFBTSM. When the classification accuracy is similar, the training speed is increased by more than three times, and the test speed is increased two times more. Compared with Supervised Fisher Geodesic Minimum Distance to the Mean (Supervised FGMDRM), another new variant based on Riemann geometry classifier, the average accuracy is 3.36% higher. The results show that the proposed DMFBTSM algorithm can be expected to select a frequency band with good separability for specific subjects to improve the classification accuracy of multiclass MI tasks.

Our future work is to apply the proposed method to neurofeedback to further improve the classification accuracy of multi-class MI-BCI.

Data Availability Statement

Publicly available datasets were analyzed in this study. This data can be found here: http://bbci.de/competition/.

Ethics Statement

The studies involving human participants were reviewed and approved by the Medical Ethics Committee of Kunming University of Science and Technology School of Medicine. The patients/participants provided their written informed consent to participate in this study.

Author Contributions

FW: conceptualization, methodology, programming, and writing and editing. AG: methodology, writing – reviewing and editing. LZ: designing the experiment. WZ: investigation and validation. HL: investigation and checking language. YF: perfecting the model and revising the manuscript, project administration, funding acquisition, and supervision. All authors contributed to the article and approved the submitted version.

Funding

This research was supported by grants from the National Natural Science Foundation of China projects (NSFC, Nos. 81771926, 61763022, 81470084, 61463024, and 62006246).

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.

Footnote

  1. ^ http://bbci.de/competition/

References

Anderson, M. J. (2001). A new method for non-parametric multivariate analysis of variance. Austral Ecol. 26, 32–46. doi: 10.1111/j.1442-9993.2001.01070.pp.x

CrossRef Full Text | Google Scholar

Ang, K. K., Chin, Z. Y., Wang, C., Guan, C. T., and Zhang, H. (2012). Filter bank common spatial pattern algorithm on BCI competition IV datasets 2a and 2b. Front. Neurosci. 6:39. doi: 10.3389/fnins.2012.00039

PubMed Abstract | CrossRef Full Text | Google Scholar

Ang, K. K., Chin, Z. Y., Zhang, H. H., and Guan, C. T. (2008). “Filter bank common spatial pattern (fbcsp) in brain-computer interface,” in Proceedings of the International Joint Conference on Neural Networks, Hong Kong.

Google Scholar

Barachant, A., Bonnet, S., Congedo, M., and Jutten, C. (2010). “Riemannian geometry applied to BCI classification,” in Latent Variable Analysis and Signal Separation, Vol. 6365, eds V. Vigneron, V. Zarzoso, E. Moreau, R. Gribonval, and E. Vincent (Berlin: Springer), 629–636. doi: 10.1007/978-3-642-15995-4_78

CrossRef Full Text | Google Scholar

Barachant, A., Bonnet, S., Congedo, M., and Jutten, C. (2012). Multiclass brain-computer interface classification by Riemannian geometry. IEEE Trans. Biomed. Eng. 59, 920–928. doi: 10.1109/tbme.2011.2172210

PubMed Abstract | CrossRef Full Text | Google Scholar

Barachant, A., Bonnet, S., Congedo, M., and Jutten, C. (2013). Classification of covariance matrices using a Riemannian-based kernel for BCI applications. Neurocomputing 112, 172–178. doi: 10.1016/j.neucom.2012.12.039

CrossRef Full Text | Google Scholar

Barbaresco, F. (2008). “Innovative tools for radar signal processing Based on Cartan’s geometry of SPD matrices & Information Geometry,” in Proceedings of the 2008 IEEE Radar Conference, Rome.

Google Scholar

Congedo, M., Barachant, A., and Bhatia, R. (2017). Riemannian geometry for EEG-based brain-computer interfaces; a primer and a review. Brain Comput. Interfaces 4, 155–174. doi: 10.1080/2326263x.2017.1297192

CrossRef Full Text | Google Scholar

Dornhege, G., Blankertz, B., Curio, G., and Müller, K.-R. (2004). Boosting bit rates in non-invasive EEG single-trial classifications by feature combination and multi-class paradigms. IEEE Trans. Biomed. Eng. 10, 993–1002. doi: 10.1109/tbme.2004.827088

PubMed Abstract | CrossRef Full Text | Google Scholar

Fletcher, P. T., and Joshi, S. (2004). “Principal geodesic analysis on symmetric spaces: statistics of diffusion tensors,” in Computer Vision and Mathematical Methods in Medical and Biomedical Image Analysis, Vol. 3117, eds M. Sonka, I.A. Kakadiaris, and J. Kybic (Berlin: Springer), 87–98. doi: 10.1007/978-3-540-27816-0_8

CrossRef Full Text | Google Scholar

Förstner, W., and Moonen, B. (2003). “A Metric for Covariance Matrices,” in Geodesy-The Challenge of the 3rd Millennium, eds E. W. Grafarend, F. W. Krumm, and V. S. Schwarze (Berlin: Springer), 299–309. doi: 10.1007/978-3-662-05296-9_31

CrossRef Full Text | Google Scholar

Graimann, B., Allison, B. Z., and Pfurtscheller, G. (2010). Brain-Computer Interfaces: Revolutionizing Human-Computer Interaction. Berlin: Springer.

Google Scholar

Hersche, M., Rellstab, T., Schiavone, P. D., Cavigelli, L., Benini, L., and Rahimi, A. (2018). “Fast and accurate multiclass inference for MI-BCIs using large multiscale temporal and spectral features,” in Proceedings of the Conference 26th European Signal Processing conference (EUSIPCO), Rome, 1704–1708.

Google Scholar

Islam, M. R., Tanaka, T., Akter, M. S., and Molla, M. K. I. (2017). “Classification of Motor Imagery BCI Using Multiband Tangent Space Mapping,” in Proceedings of the 2017 22nd International Conference on Digital Signal Processing (DSP), London.

Google Scholar

Islam, M. R., Tanaka, T., and Molla, M. K. I. (2018). Multiband tangent space mapping and feature selection for classification of EEG during motor imagery. J. Neural Eng. 15:046021. doi: 10.1088/1741-2552/aac313

PubMed Abstract | CrossRef Full Text | Google Scholar

Kumar, S., Yger, F., and Lotte, F. (2019). “Towards adaptive classification using Riemannian geometry approaches in brain-computer interfaces,” in Proceedings of the 2019 7th International Winter Conference on Brain-Computer Interface (BCI), Gangwon.

Google Scholar

Li, D., Wang, J., Xu, J., and Fang, X. (2019). Densely Feature Fusion Based on Convolutional Neural Networks for Motor Imagery EEG Classification. IEEE Access 7, 132720–132730. doi: 10.1109/access.2019.2941867

CrossRef Full Text | Google Scholar

Li, Y., Wong, K. M., and deBruin, H. (2009). “EEG signal classification based on a Riemannian distance measure,” in Proceedings of the IEEE Toronto International Conference on Science and Technology for Humanity, Toronto, ON.

Google Scholar

Lotte, F., Bougrain, L., Cichocki, A., Clerc, M., Congedo, M., Rakotomamonjy, A., et al. (2018). A review of classification algorithms for EEG-based brain-computer interfaces: a 10 year update. J. Neural Eng. 15:031005. doi: 10.1088/1741-2552/aab2f2

PubMed Abstract | CrossRef Full Text | Google Scholar

Moakher, M. (2005). A differential geometric approach to the geometric mean of symmetric positive-definite matrices. SIAM J. Matrix Anal. Appl. 26, 735–747. doi: 10.1137/s0895479803436937

CrossRef Full Text | Google Scholar

Naeem, M., Brunner, C., Leeb, R., Graimann, B., and Pfurtscheller, G. (2006). Seperability of four-class motor imagery data using independent components analysis. J. Neural Eng. 3, 208–216. doi: 10.1088/1741-2560/3/3/003

CrossRef Full Text | Google Scholar

Nguyen, A., Yosinski, J., and Clune, J. (2015). “Deep neural networks are easily fooled: high confidence predictions for unrecognizable images,” in Proceedings of the IEEE Computer Society Conference on Computer Vision and Pattern Recognition, Vol. 7, Boston, MA, 427–436.

Google Scholar

Olivas Padilla, B. E., and Chacon Murguia, M. I. (2019). Classification of multiple motor imagery using deep convolutional neural networks and spatial filters. Appl. Soft Comput. J. 75, 461–472. doi: 10.1016/j.asoc.2018.11.031

CrossRef Full Text | Google Scholar

Pfurtscheller, G., and Neuper, C. (1997). Motor imagery activates primary sensorimotor area in humans. Neurosci. Lett. 239, 65–68. doi: 10.1016/s0304-3940(97)00889-6

CrossRef Full Text | Google Scholar

Ramoser, H., Muller-Gerking, J., and Pfurtscheller, G. (2000). Optimal spatial filtering of single trial EEG during imagined hand movement. IEEE Trans. Rehabil. Eng. 8, 441–446. doi: 10.1109/86.895946

CrossRef Full Text | Google Scholar

Rao, R. P. (2013). Brain–Computer Interfacing: An Introduction. Cambridge: Cambridge University Press.

Google Scholar

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

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

Shenoy, P., Blankertz, B., Rao, R. P., Krauledat, M., and Müller, K. R. (2006). Towards adaptive classification for BCI. J. Neural Eng. 3, R13–R23.

Google Scholar

Soares, E., Curado, M. R., Liberati, G., Ramos-Murguialday, A., Broetz, D., Rea, M., et al. (2013). Brain-machine interface in chronic stroke rehabilitation: a controlled study. Ann. Neurol. 74, 100–108. doi: 10.1002/ana.23879

PubMed Abstract | CrossRef Full Text | Google Scholar

Tuzel, O., Porikli, F., and Meer, P. (2008). Pedestrian detection via classification on Riemannian manifolds. IEEE Trans. Pattern Anal. Mach. Intell. 30, 1713–1727. doi: 10.1109/tpami.2008.75

PubMed Abstract | CrossRef Full Text | Google Scholar

Wolpaw, J., and Wolpaw, E. W. (2012). Brain–Computer Interfaces: Principles and Practice. Oxford: Oxford University Press.

Google Scholar

Xu, J., Zheng, H., Wang, J., Li, D., and Fang, X. (2020). Recognition of EEG signal motor imagery intention based on deep multi-view feature learning. Sensors 20:3496. doi: 10.3390/s20123496

PubMed Abstract | CrossRef Full Text | Google Scholar

Yger, F., Berar, M., and Lotte, F. (2017). Riemannian approaches in brain-computer interfaces: a review. IEEE Trans. Neural Syst. Rehabil. Eng. 25, 1753–1762. doi: 10.1109/tnsre.2016.2627016

PubMed Abstract | CrossRef Full Text | Google Scholar

Yger, F., Lotte, F., and Sugiyama, M. (2015). “Averaging covariance matrices for EEG signal classification based on the CSP: an empirical study,” in Proceedings of the 2015 23rd European Signal Processing Conference (Eusipco), Nice, 2721–2725.

Google Scholar

Zhang, Y., Wang, Y., Jin, J., and Wang, X. (2016). “Sparse support vector machine for simultaneous feature selection and classification in motor-imagery-based BCI,” in Advances In Cognitive Neurodynamics (V), eds R. Wang and X. Pan (Singapore: Springer), 363–369. doi: 10.1007/978-981-10-0207-6_50

CrossRef Full Text | Google Scholar

Zhang, Y., Zhou, G., Jin, J., Wang, X., and Cichocki, A. (2015). Optimizing spatial patterns with sparse filter bands for motor-imagery based brain-computer interface. J. Neurosci. Methods 255, 85–91. doi: 10.1016/j.jneumeth.2015.08.004

PubMed Abstract | CrossRef Full Text | Google Scholar

Keywords: tangent space mapping, discriminative and multiscale filter bank, multiclass motor-imagery, Riemannian geometry based classifier, electroencephalogram

Citation: Wu F, Gong A, Li H, Zhao L, Zhang W and Fu Y (2021) A New Subject-Specific Discriminative and Multi-Scale Filter Bank Tangent Space Mapping Method for Recognition of Multiclass Motor Imagery. Front. Hum. Neurosci. 15:595723. doi: 10.3389/fnhum.2021.595723

Received: 17 August 2020; Accepted: 15 February 2021;
Published: 08 March 2021.

Edited by:

Haider Raza, University of Essex, United Kingdom

Reviewed by:

Rosa So, Institute for Infocomm Research (ASTAR), Singapore
Yu Zhang, Lehigh University, United States

Copyright © 2021 Wu, Gong, Li, Zhao, Zhang and Fu. 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: Yunfa Fu, fyf@ynu.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.