Next Article in Journal
Decision Trees for Predicting Mortality in Transcatheter Aortic Valve Implantation
Previous Article in Journal
Preoperative Planning of Spiral Intestinal Lengthening and Tailoring: A Geometrical Approach
Previous Article in Special Issue
Current Practice in Preoperative Virtual and Physical Simulation in Neurosurgery
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

A Deep Classifier for Upper-Limbs Motor Anticipation Tasks in an Online BCI Setting

1
Department of Computer Science, University of Pisa, 56127 Pisa, Italy
2
CAMLIN Italy s.r.l., 43121 Parma, Italy
*
Author to whom correspondence should be addressed.
These authors contributed equally to this work.
Submission received: 22 December 2020 / Revised: 25 January 2021 / Accepted: 28 January 2021 / Published: 5 February 2021
(This article belongs to the Special Issue Advances in Artificial Intelligence and Machine Learning for BCI/BMI)

Abstract

:
Decoding motor intentions from non-invasive brain activity monitoring is one of the most challenging aspects in the Brain Computer Interface (BCI) field. This is especially true in online settings, where classification must be performed in real-time, contextually with the user’s movements. In this work, we use a topology-preserving input representation, which is fed to a novel combination of 3D-convolutional and recurrent deep neural networks, capable of performing multi-class continual classification of subjects’ movement intentions. Our model is able to achieve a higher accuracy than a related state-of-the-art model from literature, despite being trained in a much more restrictive setting and using only a simple form of input signal preprocessing. The results suggest that deep learning models are well suited for deployment in challenging real-time BCI applications such as movement intention recognition.

1. Introduction

Decoding motor intentions from non-invasive brain activity monitoring (e.g., electroencephalogram, EEG) is one of the most challenging aspects in the Brain Computer Interface (BCI) field. Indeed, the possibility to reliably detect the planning of movements, and thus to anticipate the motor action, would positive affects the usage of both restorative and assistive BCI systems for rehabilitation of motor paralysis and to improve life quality of people for which brain-based communication would be the only viable option to interact. There is now ample evidence that non-invasive restorative BCI can have a benefit relative to conventional neuro-rehabilitation approaches in patients with serious motor disability [1,2,3]. However, the early detection of movement intention remains an open challenge for enhancing neuro-feedback interventions, in which the precise feedback timing is essential for promoting neuro-plasticity by contingently closing the loop between the motor information (patient’s volitional effort) and the sensory information (motor feedback often provided by FES or robotic exoskeletons). Regarding the assistive BCI, the detection of motor planning could pave the way for the establishment of intimate and natural interaction with external devices such as human-support robots, orthosis, wheelchair, etc., for those individual presenting highly impeded motor capabilities [4]. Indeed, together with the rapid scientific and technological growing in the fields of human sensing and Artificial Intelligence (AI), we are witnessing a growing interest of the industry production in BCI devices, which could enable the “natural” operation of external devices for both healthy subjects and especially for those subjects that would benefit more from the usage of BCI systems [5].
EEG-based BCI systems aimed at capturing motor-correlates, rely mostly on the processing of SMRs (sensory motor rhythms) [6] or MRCPs (movement related cortical potentials) [7]. The SMRs processing refers to the detection of event-related desynchronization/synchronization (ERD/ERS) [8] that are modulations of rhythmic activities (mu, beta, and gamma rhythms) recorded over the sensorimotor cortex, whereas MRCPs are slow EEG variations related to both planning and execution of both imagined and executed movements [9,10]. Generally, supervised and extensive processing steps are required for the extraction and analysis of both SMR and MRCP, usually aimed at finding spatial and frequency filters that maximisez the feature separability among desired movement classes. In the detection of the motor-related band-power modulations (SMR), the optimization of spatial filters is generally performed with the application of the common-spatial pattern (CSP) that can be combined with frequency domain information extracted through filter banks (FB-CSP) [11], or through the wavelet transform decomposition [12]. Analogously, regarding the time-domain amplitude modulations (MRCP), the detection is usually performed through the application of an optimised spatial filter (performed by several techniques ranging from discriminative spatial patterns DSP [13,14] to constrained ICA [15]) combined with frequency filters focused in the delta rhythm. After the features extraction process, for both the SMR and MRCP processing, a classification stage is required for discriminating the desired movement class, and it is usually performed with standard machine learning techniques (e.g., LDA, SVM, random forest). As it is well known, due to the high non-stationarity nature of EEG signals, the extraction of the above mentioned movement-associated features is a difficult and time consuming task, also requiring an extensive prior knowledge of the neural processes behind movements.
For this reason, and thanks to the rapid advancements in the AI field [16], an increasing number of works focuses on the application of deep learning (DL) methods for the recognition of mental states associated with movements from EEG signals [17] and also from the combination of EEG and electromyiographic (EMG) signals [18]. In a recent work [19], it has been demonstrated that three different DL models (namely long short-term memory, LSTM, Recurrent Neural Network, RNN, and Convolutional Neural Networks, CNN) obtained better overall performance in decoding motor imagery movements when compared to state-of-the-art machine learning techniques. This result came with the double-fold advantage of avoiding any feature engineering step while easily translating offline results in a real-time application. However, motor-imagery strategy, although being a valid substitute for active motor training as a mean to activate the motor network [20], it is not suitable for BCI-applications aimed at controlling external avatar/robots because it suffers from a delay between intention and control command. This would result in an unnatural control strategy.
Indeed, several recent works are focusing on the detection of motor anticipation rather than the detection of motor-imagery/execution, with envisaged applications ranging from driving [21] to the control of robotic devices [22,23]. The application of DL techniques for classifying motor planning of different movements has been recently investigated by the important work of Mammone et al. [24], providing also an updated overview of relevant works about EEG-based motor anticipation. In their work, they proposed to classify 6 different movement classes, plus the rest class, by using only a sub-part of the EEG signal corresponding to the second before the movements onset. A set of 21 binary classifiers were implemented and each classification has been performed by feeding a CNN with 1 s of temporal evolution data of 43 Frequency bins maps (extracted with Continous Wavelet Transfer in the 0.6–45 Hz range) related to 210 back-projected reconstructed sources. The source reconstruction inverse problem is solved using the beamforming method and only sources related to supplementary motor and primary motor are retained. Despite the goodness of their results, and the interesting physiological interpretation of their findings, it has to be considered that only the accuracy of each single binary classifier is reported without considering strategies for their combination. Moreover, their approach is not suitable for being easily translated in a real-time application, due to the computational effort required by the the source reconstruction process and time frequency decomposition steps.

Contributions of This Work

With the aim of overcoming the limitations of “handmade” feature extractions and signal processing, and to provide a practical alternative to the panel of binary classifiers, in this work we propose a DL-based architecture for movement anticipation detection. The model takes in input the raw EEG data, which has been spatially re-organised in a topology-preserving representation that is able to keep the information about the spatio-temporal dependencies of the channels. We tested our approach using the same publicly available dataset used by Mammone et al. [24], consisting in a high density EEG recording acquired simultaneously with motion data (described in detail in Ofner et al. [14]). The major contributions of our work can are the following:
  • We introduce a new input representation of EEG data that allows to preserve the spatio-temporal dependencies between the different channels.
  • We develop a novel convolutional deep learning model for the efficient processing of raw EEG data.
  • We compare our model with previous results on the same dataset, showing that our approach leads to a significantly higher accuracy with the advantage of a sensibly reduced processing overhead.
Showing that deep learning architectures can be successfully applied on EEG-based motor anticipation tasks, this work paves the way for the use of deep learning models in challenging online BCI settings.
The rest of the paper is structured as follows: in Section 2, we present in detail the methodology used in this work. Section 2.1 introduces the dataset on which the model has been evaluated, with Section 2.2 listing the data epoching and the movement onset detection heuristics employed. Section 2.3 describes the signal preprocessing techniques that have been used, as well as presenting the novel 3D spatio-temporal representation of the inputs. Section 2.4 introduces the detailed architecture of the model, specifically focusing on the Encoder component in Section 2.4.1 and on the Classifier component in Section 2.4.2. The training scheme of the model is reported in Section 2.5, while in Section 2.6 we describe how the results presented by [24] have been adapted in order to allow a direct comparison with our results. Section 3 presents the empirical analysis, first by reporting the classification accuracy on the selected epoch for the different subjects (Section 3.1), then by showing the accuracy of the classifier over time around the movement onset (Section 3.2). In Section 4, we discuss the results, especially in the context of a possible application of the model in an online setting. Finally, we outline some possible research directions that we are willing to explore in the future.

2. Methods

2.1. Dataset

In order to encourage reproducibility, we chose to use a public dataset, available at the BNCI Horizon 2020 website (http://bnci-horizon-2020.eu/database/data-sets, accessed on 22 December 2020). In Figure 1 we report a conceptual schema of the dataset and the acquisition protocol used. This dataset was chosen because it is the only publicly available BCI dataset of high-density EEG signal synchronized with motion data, recorded via an exoskeleton and a glove [14]. Such motion data, while not used for the training of the model, is crucial for determining the exact start of the movement. For an in-depth description of the dataset, we refer the interested reader to [14]. The EEG data is coming from 61 electrodes distributed over the frontal, central, parietal and temporal areas of the skull. The raw data is collected for both motor imagery and motor execution tasks from 15 healthy subject, 6 males and 9 females, aged from 22 to 40 years, with a mean age of 27 ± 5 years. Subjects, with their right arm connected to an anti-gravity exoskeleton (in order to avoid muscle fatigue), sit on a chair in front of a computer screen, positioning their hand in the starting neutral position (hand half open, lower arm extended to 120°, neutral rotation). The subjects are required to perform six types of actions (elbow flexion, elbow extension, wrist pronation, wrist supination, hand open, hand close), plus an additional “rest action”, for a total of 7 different movement classes. Ten runs of data acquisitions are recorded for each subject, each run containing 42 different trials, equally divided between the 7 classes. Each trial is structured as follows: at second 0, a beep sound starts and a green cross is displayed on a computer screen. The subjects will then focus its gaze on the cross. At second 2, a cue symbol for the required task appeared on the screen. After the cue display, subjects waits for an arbitrary amount of time, and then starts the corresponding movement for the next 3 s. After the movement execution, subjects goes back to the starting neutral position. After the movement, subjects waited in the resting position for a random amount of time, (between 2 and 3 s), before the beginning of the next trial. The data acquisition frequency is 512 Hz, recorded using active electrodes and four 16-channel amplifiers. Reference was placed on the right mastoid, ground on AFz.

2.2. Data Epoching and Movement Onset Detection

This work focuses on the decoding of motor intention from EEG signals, therefore movement onset was determined following the approaches originally proposed in Ofner et al. [14]. Moreover, the movement onset detection was further enhanced by implementing a threshold-based algorithm which empirically resulted in more precise and noise-robust motion onset identification (see Appendix A for details). However, in order to not include any movement related data but only motor preparation data in the analysis, the predicted motion onset was visually reviewed for all of the extracted trials. The training epochs have been selected as the part of EEG signals corresponding to one second preceding the detected movement onset. Thus, at the end of the preprocessing stage, our dataset is composed of 420 epochs per subject (for a total of 6300 epochs), equally subdivided into the 7 classes. Finally, we merge the movement classes that involved the motion of the same articulation. The classes “elbow flexion” and “elbow extension” are merged into “elbow”, “wrist pronation” and “wrist supination" into “wrist”, “hand open” and “hand close” into “hand”, thus obtaining four final target classes.

2.3. Input Representation and Preprocessing

In order to make our method suitable for real-time application, we decided to perform only a very limited form of preprocessing, that can be efficiently implemented and applied in real-time on the incoming signals. Such preprocessing has been performed before the epoching of the data. We apply a notch filter at 50 Hz to remove power line interference. Then, we apply a 5th-order Butterworth bandpass filter from 0.5 Hz to 60 Hz and raw signals were downsampled from 512 Hz to 128 Hz. In order to fully exploit the implicit spatial information contained in the EEG signals, we arrange the channels at each timestep in a 2-dimensional 10 × 9 matrix as shown in Table 1. Empty elements of the matrix are set to constant 0. In contrast with other works than can be found in the literature that use only a 1-dimensional spatial arrangement of the channels [25,26], this 2-dimensional arrangement is a more faithful abstraction of the actual deployment of the EEG electrodes on the skull, thus allowing for the complete spatial convolutions of the input signals while avoiding to introduce spurious spatial correlations that may harm the overall performance on the downstream tasks. Since EEG channel names were not available for subject 1, making impossible to arrange the inputs into the desired representation (Table 1), the relative dataset was excluded from the rest of the analysis.

2.4. Architecture of the Model

In EEG timeseries, the information resides both in the spatio-temporal localization of patterns and in the frequency components of the signals. Therefore, CNNs seem the most suitable model for this kind of data. In our model, we employ 3-dimensional convolutions in order to process both the spatial an the time dimensions at the same time, thus building more informative representations for the downstream classifier. Such representations are then fed to the recurrent classifier, which employs an RNN to take into account the global context of the data for the final classification step. The model’s architecture, depicted in Figure 2, is composed of two parts: the Encoder and the Classifier. The Encoder’s task is to take in input the preprocessed EEG signals and to produce a compact representation that retains only the information needed for the downstream task. On the other hand, the Classifier takes in input the time series of compact representations produced by the encoder and performs the final classification. A detailed list of the layers composing our model architecture is reported in Table 2.

2.4.1. Encoder

The input representation resulting from the preprocessing procedure described in Section 2.3, albeit able to fully leverage the structure of the raw data, still contains many redundant information that is not actually needed for the final task. First of all, we have spatial redundancy, with many input features set to constant 0, thus not conveying any information about the task. Furthermore, the coarse spatial resolution of EEG electrodes causes the different channels to contain highly correlated signals. We also have temporal redundancy, since in our tasks the bulk of relevant information is contained into the relatively slow temporal evolution of the channels over time rather than in the specific time-local patterns of activation. It is therefore helpful for the final performance to further process the input signals in order to remove those redundancies and to extract only the relevant information. Specifically, the main building block of the encoder are the two 3-dimensional convolutional layers, performing the following computation on the input signals:
h ( N i , C h j ) = b ( C h j ) + k = 0 C x 1 W ( C h j , k ) x ( N i , k )
where N is the batch size, C h and C x are respectively the number of input and output channels, x, W and b are the input, weights and bias of the convolutional layer respectively, while ☆ denotes the 3D cross-correlation operator, defined as:
( k x ) n = m = 0 N 1 x m k ( m + n ) % n
where x R N , x R M . The 3D convolutions allow the model to take into account, at the same time, both the spatial and the temporal local contexts of the single channels, thus resulting in richer and more informative internal representations during training. The first convolutional layer takes in input a 3D matrix of 32 timestep (so that the total inputs dimension is 32 × 10 × 9 = 2880 input features), applying 16 convolutional channels with convolutions kernel of dimensions ( 5 × 2 × 2 ) with stride ( 1 × 1 × 1 ) . The output of the convolutions are passed through a ReLU nonlinearity
ReLU ( x ) = max ( 0 , x )
and a batch normalisation layer [27]: for each input feature of a minibatch B x B ( k ) the following operations are computed
μ B ( k ) = 1 m i = 1 m x B i ( k )
σ B 2 ( k ) = 1 m i = 1 m ( x B i ( k ) μ B ( k ) ) 2
x ^ B ( k ) = x B ( k ) μ B ( k ) σ B 2 ( k ) + ϵ
y i = γ x ^ B ( k ) + β
First, the mean μ B ( k ) and the variance σ B 2 ( k ) are computed for the current minibatch. Then, the input features are normalized accordingly to the computed values (the additional constant ϵ is added to the denominator for numerical stability). Finally, the normalized input are scaled and shifted by the layer parameters β and γ . Having batch normalization layers in-between convolutional layers helps to mitigate the problem known as internal covariate shifts [27], making the training process more stable. After batch normalization, another 3D convolution is performed on the resulting features, increasing the convolutional channels from 16 to 32 and kernel dimensions ( 5 × 2 × 2 ) , stride ( 1 × 1 × 1 ) . The result of the convolutions is again passed through a ReLU nonlinearity and a batch normalization layer, similarly to the previous layer. Then, a max pooling operation is applied on the output features with a pooling window of size 3 × 2 × 2 and stride 3 × 2 × 2 , in the following way
y ( N i , C j ) d , h , w = max k = 0 , , D 1 max m = 0 , , H 1 max n = 0 , , W 1 x ( N i , C j ) stride [ 0 ] × d + k , stride [ 1 ] × h + m , stride [ 2 ] × w + n
where N is the batch size, C is the number of channels, D, H and W are the dimension of the pooling kernel, stride is a vector containing the stride values for each dimension. After the max pooling operation, the representation is flattened into a one-dimensional array of size 576, which is then finally passed through a fully connected layer of ReLU units in order to obtain the 128 features that compose the final representation, followed by a final batch normalization layer. This way, the encoder takes in input the raw data and produces a compact, single-vector representation of the inputs every 32 timesteps (corresponding to 1/4 of a second). This sequence of representations is passed in real-time to the recurrent classifier (see Section 2.4.2).

2.4.2. Classifier

The Classifier is composed of a single Long Short-Term Memory (LSTM) layer [28] with 128 input units and 64 recurrent units. The LSTM layer receives an input x t at time t and computes the corresponding output according to the following equations:
i t = σ ( W i i x t + b i i + W h i h t 1 + b h i )
f t = σ ( W i f x t + b i f + W h f h t 1 + b h f )
g t = tanh ( W i g x t + b i g + W h g h t 1 + b h g )
o t = σ ( W i o x t + b i o + W h o h t 1 + b h o )
c t = f t c t i + i t g t
h t = o t tanh ( c t )
where h t is the hidden state at time t, c t is the cell state at time t, h t 1 is the hidden state of the layer at time t 1 or the initial hidden state at time 0, i t , f t , g t , o t are respectively the input, forget, cell and output gates. The term σ and tanh denote the sigmoid and the hyperbolic tangent functions, respectively, i.e.,
σ ( x ) = 1 1 + exp ( x )
tanh ( x ) = exp ( x ) exp ( x ) exp ( x ) + exp ( x )
where exp is the exponential function. Finally, ⊙ denotes the Hadamard product. Using an RNN with gating mechanisms allows for the model to construct an internal representation that selectively discards the unimportant information and summarizes the whole sequence up to time t, thus making it able to capture the long-term and relatively slow evolution of the input signals instead of the specific local patterns. The network receives at every timestep the compact representations of the encoder and produces an output, which is then passed through a softmax layer
Softmax ( x i ) = exp x i j exp ( x j )
with four units, to get the final class probabilities (See Figure 2). This way the model yields one classification output every 32 timesteps, corresponding to 0.25 s, making it suitable to be used in real-time tasks.

2.5. Training Scheme

The model selection procedure is organised according to a cross-validation scheme, where the training data is divide into 5 folds, 1 of which is kept as the validation set and the other 4 as the training set. The cross-validation is repeated 3 times in order to average out possible extreme results due to the specific random initialisation of the weights. This procedure is repeated for each subject of the dataset, finally yielding 14 models as a result, one for each subject. Training is done via the Adam optimizer [29] for a maximum of 100 epochs. An early stopping strategy is used when the performance on the validation set fail to decrease for 10 consecutive epochs. the model is trained using categorical crossentropy with label smoothing (smoothing parameter 0.2) as a loss function. Label smoothing has the effect to penalize overconfident prediction of the model on specific data samples, making the model less prone to overfitting and more robust to possible noise that might be introduced during the sequence labelling procedure described in Section 2.1. The most important parameters of the model and the optimiser such as learning rate, dimension of the encoder’s representation, dimension of the LSTM hidden state, are chosen according to a grid search strategy, selecting the combination of parameters that yielded the best average performance on the repeated cross-validation procedure described above. Other hyperparameters, such as the batch size and the number of convolutional kernels, have been selected using a trial and error approach. Table 3 shows the grid of hyperparameters that has been used during the model selection procedure. The model is implemented in Python, using the deep learning library of PyTorch. The model has been trained on a NVIDIA Tesla V100 GPU. The total training time for one single subject is of about 12 h.

2.6. Comparison with Previous Work

Our final classification accuracy is compared with the previous work by Mammone et al. [24], which focuses on the same dataset used in this work. However, they train a panel of 21 binary classifiers, one for each pair of classes out of the original 7 in the dataset (elbow flection, elbow extension, wrist pronation, wrist supination, hand open, hand close, rest). Hence, the first step needed to ensure a fair comparison is to equalize the number of classes. We achieve this by merging all the classifiers that are related to the same articulation class into a single binary classifier. For example, we merged the “elbow flection vs movement” classifiers with “elbow extension vs movement” classifiers into one single “elbow vs movement” classifier, setting its accuracy as the maximum accuracy among the original classifiers. After the merging step, we obtain 6 different binary classifiers, one for each possible pair of the “elbow”, “wrist”, “hand” and “rest” classes. Still, Mammone et al. [24] do not provide a method for combining the result of these classifications in order to get a final classification of the movement. Therefore, we performed a Monte Carlo estimation of the aggregated accuracy of the binary classifiers. Specifically, we simulated each binary classifier with a Bernoulli random variable, setting the parameter p of the Bernoulli distribution according to the accuracy of the specific classifier. We chose the final outcome of the classification following the majority vote strategy, uniformly sampling from the most likely outcomes in case of parity between two or more classes. We performed 10,000 simulations in order to get a reliable estimation of the final aggregated performance. The final accuracy obtained is reported in Table 4.

3. Results

3.1. Classification Accuracy

In Figure 3 is reported the accuracy of the model on the different subjects of the dataset. The final accuracy has been obtained by feeding to the model the entire epoch, collecting the accuracy of the classifier over time, and then computing the average accuracy over the selected epoch (i.e., the 1 s preceding movement onset). We repeat this process for each fold of the cross validation. In Table 4, the performance of the proposed approach is compared with that by Mammone et al. [24]. The results shows that our approach is well above the accuracy of 25% of the random classifier for all the subjects, and its performance are statistically higher with respect to the ones obtained by the previous work of Mammone et al. [24], despite the much more restrictive setting. We obtain a mean accuracy of 50.79 ± 13.31 and 44.59 ± 10.89 respectively, t-test t(13) = 2.21, p < 0.05 . Normality of data has been checked using Lilliefors test, and in both cases the null hypothesis was not rejected.

3.2. Performance over Time

Since we aim at using our approach in real time, we are also interested in the temporal evolution of the model’s performance, not only in its aggregated statistics. For this reason, we inspect the accuracy of our model during all the duration of the epoch of interest. In Figure 4 is reported the time-wise accuracy over the selected epoch. The black solid line denotes the moment when the green cross is displayed on screen (see Section 2.1), the green dashed line denotes the moment the subject actually start to perform the corresponding movement. It is possible to see that the classifications become more and more correct as the time increase, eventually reaching maximum accuracy shortly after the actual start of the movement, at about t = 0.25 . This is in line with the model expected behaviour: as more data becomes available, the model processes it and stores the important information in the hidden state of the LSTM, thus building an increasingly accurate estimation of the movement intention. Interestingly, the plots show that the performance stays high even shorty after movement onset (i.e., the green line), a sign that the model is able to generalize to unseen data during the inference phase (note that the model is trained only on the 1-second segment preceding the green line). After the movement execution, the performance quickly drops, and the model gets ready for the classification of another movement. The time-wise accuracy for the single movement class reveals a similar behaviour for all types of movements, meaning that the performance of the model is not skewed towards a particular class. In the case of the “rest” class, we do not observe a rapid drop of performance after the movement execution. This can be explained by the fact that, for the “rest” class, there are less significant differences between the performance of the “rest action” and the idle time before and after the action itself.

4. Discussion

In this work, we implemented a novel neural network architecture for the real-time detection of movement intentions. The model works directly with raw EEG signals and leverages a topology-aware input representation to extract both spatial and temporal dependencies of the inputs at the same time. The architecture of a convolutional neural network (CNN) allows us to process not only the information contained in a single channel, but also the information stored implicitly into the spatial relations between a channel and its neighbours. Due to the relatively coarse spatial resolution of EEGs, neighbouring channels have the tendency to capture signals that are highly correlated with each other, as often it is more useful to consider the co-evolution of groups of channels rather than the evolution of each individual channel. This makes this kind of data a perfect fit for CNNs.
The empirical analysis shows that our model yields superior performance with respect to previous work on the same dataset [24], despite being trained in a much more restrictive setting in order to satisfy the requirements of real-time applications. Firstly, we perform an efficient one-shot multiclass classification, classifying all the four movements at the same time, instead of using a panel of binary classifiers, thus avoiding the need of implementing an aggregation strategy that introduces additional error. In fact, it has to be considered that, when using the One-Against-One approach (i.e., generating k ( k 1 ) 2 binary classifiers with k classes), the final classification of a specific binary classifier is meaningless when the data sample does not belong to neither classes of that classifier. Hence, the final classification may be damaged if most of these irrelevant classifiers make erroneous predictions [30]. Secondly, our model is able to perform classification at each timestep of the epoch, converging on average to the correct class after about 0.25 s before the movement onset. This allows our model to process a continuous stream of data in real-time, without the need of identifying the start and the end of the epoch before feeding it to the model, making it suited for its deployment in real-world applications. On the other hand, the models in [24] perform a single classification at the end of the epoch, at the movement onset, after the whole training epoch is fed as input.
Our model employs a simple and lightweight form of preprocessing, only consisting in a combination of band-pass and notch filters, since our topology-preserving representation removes the need of using complex source-space reconstructed representations as in [24]. Interestingly, the model seems able to naturally generalise to unseen data, as the classification performance keeps staying high not only before, but even during the movement itself, despite the model was never being trained on such data.
The ability to perform reliable movement intention recognition is crucial for a wide range of real-time BCI applications, as it allows to mask the delay that naturally occurs between the recognition of the user’s movement and the actuation of the corresponding action in the brain-controlled device. Moreover, in our previous work [31] we demonstrated the suitability of an online application of the proposed convolutional encoder architecture within the ROS framework. In this paper we showed that deep learning models can be effectively used to solve this kind of tasks, while not relying on any particular form of intensive preprocessing methods.
In the future, we plan to further refine the input representations, implementing the exact spatial location of the EEG channels via e.g., a point-cloud representation of the input signals. This representation can be exploited by a deep graph network [32] to produce an even more informative representation for the downstream classifier. It will be interesting to experiment with different sensors’ configurations, especially with a reduced sensors set. We also plan to perform an extensive electrophysiological analysis of the information retained by the encoder module in order to understand which part of the signals are the most relevant for the final classification.

Author Contributions

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

Funding

The work by D.B. is partially supported by the H2020 TEACHING project (GA n. 871385).

Institutional Review Board Statement

The study was conducted according to the guidelines of the Declaration of Helsinki as described in [14].

Informed Consent Statement

Informed consent was obtained from all subjects involved in the study [14].

Data Availability Statement

All data used in this study is available at http://bnci-horizon-2020.eu/database/data-sets (accessed on 22 December 2020).

Acknowledgments

The authors are grateful to Toyota Motor Europe for supporting this activity in the framework of the ongoing research collaboration with CAMLIN.

Conflicts of Interest

The authors declare no conflict of interest.

Appendix A. Enhanced Movement Onset Detection Heuristic

We developed the following heuristic to identify the motion onset: we start by considering the signals coming from the accelerometers installed in both the exoskeleton and the glove. We first compute their baseline values by considering their median values in the half-second preceding the cue display (i.e., the median values in the interval t = [ 1.5 , 2 ] s). We compute the medians μ i of each signal separately, where i is the index of the specific channel. For each channel i we set a “motion threshold” θ i = | 1 10 μ i | . Intuitively, this means that we detect a movement for a channel if the signal deviates from its median by more than 10%. After cue display, at time t = 2 s, we monitor the evolution of the motions channels. At each timestep, we compute for each signal the absolute deviation from its median, and compare it to the threshold
| x i , t μ i | > θ i
where x i , t is the value of channel i at time t, μ i and θ i are respectively the median and the threshold for the i-th channel. To make this procedure more robust to the noise of a single channel, we consider a particular timestep t to be a “motion timestep” if and only if at least three channels exceed their motion threshold as described in Equation (A1). Additionally, we further avoid false positive by introducing a patience parameter, set to 20 timestep. Thus, we finally decree the start of movement only if we detect a more than 20 “motion timesteps” in a row. The “motion onset” for the rest “class” was taken as in [14]. This procedure was visually validated on the dataset. We empirically found that our methods results in more precise and noise robust motion onset identification than the one described in [14].

References

  1. Mrachacz-Kersting, N.; Jiang, N.; Stevenson, A.J.T.; Niazi, I.K.; Kostic, V.; Pavlovic, A.; Radovanovic, S.; Djuric-Jovicic, M.; Agosta, F.; Dremstrup, K.; et al. Efficient neuroplasticity induction in chronic stroke patients by an associative brain–computer interface. J. Neurophysiol. 2016, 115, 1410–1421. [Google Scholar] [CrossRef] [PubMed]
  2. Lazarou, I.; Nikolopoulos, S.; Petrantonakis, P.C.; Kompatsiaris, I.; Tsolaki, M. EEG-based brain–computer interfaces for communication and rehabilitation of people with motor impairment: A novel approach of the 21st century. Front. Hum. Neurosci. 2018, 12, 14. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  3. Cervera, M.A.; Soekadar, S.R.; Ushiba, J.; Millán, J.d.R.; Liu, M.; Birbaumer, N.; Garipelli, G. Brain–computer interfaces for post-stroke motor rehabilitation: A meta-analysis. Ann. Clin. Transl. Neurol. 2018, 5, 651–663. [Google Scholar] [CrossRef]
  4. Lebedev, M.A.; Nicolelis, M.A. Brain-machine interfaces: From basic science to neuroprostheses and neurorehabilitation. Physiol. Rev. 2017, 97, 767–837. [Google Scholar] [CrossRef] [PubMed]
  5. Robinson, N.; Vinod, A. Noninvasive brain–computer interface: Decoding arm movement kinematics and motor control. IEEE Syst. Man Cybern. Mag. 2016, 2, 4–16. [Google Scholar] [CrossRef]
  6. Barsotti, M.; Leonardis, D.; Vanello, N.; Bergamasco, M.; Frisoli, A. Effects of continuous kinaesthetic feedback based on tendon vibration on motor imagery BCI performance. IEEE Trans. Neural Syst. Rehabil. Eng. 2017, 26, 105–114. [Google Scholar] [CrossRef]
  7. Birbaumer, N.; Elbert, T.; Canavan, A.G.; Rockstroh, B. Slow potentials of the cerebral cortex and behavior. Physiol. Rev. 1990, 70, 1–41. [Google Scholar] [CrossRef]
  8. Arvaneh, M.; Guan, C.; Ang, K.K.; Quek, C. Optimizing the channel selection and classification accuracy in EEG-based BCI. IEEE Trans. Biomed. Eng. 2011, 58, 1865–1873. [Google Scholar] [CrossRef]
  9. Bhagat, N.A.; Venkatakrishnan, A.; Abibullaev, B.; Artz, E.J.; Yozbatiran, N.; Blank, A.A.; French, J.; Karmonik, C.; Grossman, R.G.; O’Malley, M.K.; et al. Design and optimization of an EEG-based brain machine interface (BMI) to an upper-limb exoskeleton for stroke survivors. Front. Neurosci. 2016, 10, 122. [Google Scholar] [CrossRef]
  10. Bhagat, N.A.; Yozbatiran, N.; Sullivan, J.L.; Paranjape, R.; Losey, C.; Hernandez, Z.; Keser, Z.; Grossman, R.; Francisco, G.E.; O’Malley, M.K.; et al. Neural activity modulations and motor recovery following brain-exoskeleton interface mediated stroke rehabilitation. NeuroImage Clin. 2020, 28, 102502. [Google Scholar] [CrossRef] [PubMed]
  11. Ang, K.K.; Chin, Z.Y.; Zhang, H.; Guan, C. Filter bank common spatial pattern (FBCSP) in brain–computer interface. In Proceedings of the 2008 IEEE International Joint Conference on Neural Networks (IEEE World Congress on Computational Intelligence), Hong Kong, China, 1–6 June 2008; pp. 2390–2397. [Google Scholar]
  12. Bhattacharyya, S.; Konar, A.; Tibarewala, D. Motor imagery and error related potential induced position control of a robotic arm. IEEE/CAA J. Autom. Sin. 2017, 4, 639–650. [Google Scholar] [CrossRef]
  13. Liao, X.; Yao, D.; Wu, D.; Li, C. Combining spatial filters for the classification of single-trial EEG in a finger movement task. IEEE Trans. Biomed. Eng. 2007, 54, 821–831. [Google Scholar] [CrossRef]
  14. Ofner, P.; Schwarz, A.; Pereira, J.; Müller-Putz, G.R. Upper limb movements can be decoded from the time-domain of low-frequency EEG. PLoS ONE 2017, 12, e0182578. [Google Scholar] [CrossRef] [Green Version]
  15. Karimi, F.; Kofman, J.; Mrachacz-Kersting, N.; Farina, D.; Jiang, N. Detection of movement related cortical potentials from EEG using constrained ICA for brain–computer interface applications. Front. Neurosci. 2017, 11, 356. [Google Scholar] [CrossRef] [Green Version]
  16. Gu, X.; Cao, Z.; Jolfaei, A.; Xu, P.; Wu, D.; Jung, T.P.; Lin, C.T. EEG-based Brain–Computer Interfaces (BCIs): A Survey of Recent Studies on Signal Sensing Technologies and Computational Intelligence Approaches and Their Applications. IEEE/ACM Trans. Comput. Biol. Bioinform. 2021. [Google Scholar] [CrossRef]
  17. Craik, A.; He, Y.; Contreras-Vidal, J.L. Deep learning for electroencephalogram (EEG) classification tasks: A review. J. Neural Eng. 2019, 16, 031001. [Google Scholar] [CrossRef] [PubMed]
  18. Tortora, S.; Tonin, L.; Chisari, C.; Micera, S.; Menegatti, E.; Artoni, F. Hybrid Human-Machine Interface for Gait Decoding Through Bayesian Fusion of EEG and EMG Classifiers. Front. Neurorobot. 2020, 14, 89. [Google Scholar] [CrossRef]
  19. Tayeb, Z.; Fedjaev, J.; Ghaboosi, N.; Richter, C.; Everding, L.; Qu, X.; Wu, Y.; Cheng, G.; Conradt, J. Validating deep neural networks for online decoding of motor imagery movements from EEG signals. Sensors 2019, 19, 210. [Google Scholar] [CrossRef] [Green Version]
  20. Padfield, N.; Zabalza, J.; Zhao, H.; Masero, V.; Ren, J. EEG-based brain–computer interfaces using motor-imagery: Techniques and challenges. Sensors 2019, 19, 1423. [Google Scholar] [CrossRef] [Green Version]
  21. Vecchiato, G.; Del Vecchio, M.; Ascari, L.; Antopolskiy, S.; Deon, F.; Kubin, L.; Ambeck-Madsen, J.; Rizzolatti, G.; Avanzini, P. Electroencephalographic time-frequency patterns of braking and acceleration movement preparation in car driving simulation. Brain Res. 2019, 1716, 16–26. [Google Scholar] [CrossRef]
  22. Zeng, H.; Sun, Y.; Xu, G.; Wu, C.; Song, A.; Xu, B.; Li, H.; Hu, C. The Advantage of Low-Delta Electroencephalogram Phase Feature for Reconstructing the Center-Out Reaching Hand Movements. Front. Neurosci. 2019, 13, 480. [Google Scholar] [CrossRef]
  23. Mondini, V.; Kobler, R.J.; Sburlea, A.I.; Müller-Putz, G.R. Continuous low-frequency EEG decoding of arm movement for closed-loop, natural control of a robotic arm. J. Neural Eng. 2020, 17, 046031. [Google Scholar] [CrossRef] [PubMed]
  24. Mammone, N.; Ieracitano, C.; Morabito, F.C. A deep CNN approach to decode motor preparation of upper limbs from time–frequency maps of EEG signals at source level. Neural Netw. 2020, 124, 357–372. [Google Scholar] [CrossRef] [PubMed]
  25. Schirrmeister, R.T.; Springenberg, J.T.; Fiederer, L.D.J.; Glasstetter, M.; Eggensperger, K.; Tangermann, M.; Hutter, F.; Burgard, W.; Ball, T. Deep learning with convolutional neural networks for EEG decoding and visualization. Hum. Brain Mapp. 2017, 38, 5391–5420. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  26. Lawhern, V.J.; Solon, A.J.; Waytowich, N.R.; Gordon, S.M.; Hung, C.P.; Lance, B.J. EEGNet: A compact convolutional neural network for EEG-based brain–computer interfaces. J. Neural Eng. 2018, 15, 056013. [Google Scholar] [CrossRef] [Green Version]
  27. Ioffe, S.; Szegedy, C. Batch Normalization: Accelerating Deep Network Training by Reducing Internal Covariate Shift. In Proceedings of the 32nd International Conference on International Conference on Machine Learning, Lille, France, 6–11 July 2015; pp. 448–456. [Google Scholar]
  28. Hochreiter, S.; Schmidhuber, J. Long short-term memory. Neural Comput. 1997, 9, 1735–1780. [Google Scholar] [CrossRef]
  29. Kingma, D.P.; Ba, J. Adam: A method for stochastic optimization. arXiv 2014, arXiv:1412.6980. [Google Scholar]
  30. Lorena, A.C.; De Carvalho, A.C.; Gama, J.M. A review on the combination of binary classifiers in multiclass problems. Artif. Intell. Rev. 2008, 30, 19. [Google Scholar] [CrossRef]
  31. Valenti, A.; Barsotti, M.; Brondi, R.; Bacciu, D.; Ascari, L. ROS-Neuro Integration of Deep Convolutional Autoencoders for EEG Signal Compression in Real-time BCIs. In Proceedings of the 2020 IEEE International Conference on Systems, Man, and Cybernetics (SMC), Toronto, ON, Canada, 11–14 October 2020; pp. 2019–2024. [Google Scholar]
  32. Bacciu, D.; Errica, F.; Micheli, A.; Podda, M. A gentle introduction to deep learning for graphs. Neural Netw. 2020, 129, 203–221. [Google Scholar] [CrossRef]
Figure 1. Conceptual schema of the dataset and the acquisition protocol used in this work. The acquired raw electroencephalogram (EEG) data is first arranged in our dependendancy-preserving representation. Then, we keep the 1-second segment preceding the movement onset as our training epoch. Each training segment is then encoded and fed to our model to get the final classification.
Figure 1. Conceptual schema of the dataset and the acquisition protocol used in this work. The acquired raw electroencephalogram (EEG) data is first arranged in our dependendancy-preserving representation. Then, we keep the 1-second segment preceding the movement onset as our training epoch. Each training segment is then encoded and fed to our model to get the final classification.
Bioengineering 08 00021 g001
Figure 2. Schematic view of the architecture of the model. Each chunk of input data x i is a sequence of 32 timesteps, with input channels arranged according to Table 1. The Encoder (a 3D convolutional neural network, see Section 2.4.1) processes each input chunk sequentially, producing a series of compressed codes z i as a results. The code sequence is then passed to the Classifier, implemented as a long short-term memory (LSTM) network (see Section 2.4.2), which outputs the final classification at each timestep.
Figure 2. Schematic view of the architecture of the model. Each chunk of input data x i is a sequence of 32 timesteps, with input channels arranged according to Table 1. The Encoder (a 3D convolutional neural network, see Section 2.4.1) processes each input chunk sequentially, producing a series of compressed codes z i as a results. The code sequence is then passed to the Classifier, implemented as a long short-term memory (LSTM) network (see Section 2.4.2), which outputs the final classification at each timestep.
Bioengineering 08 00021 g002
Figure 3. Test accuracy for each of the subjects. The accuracy is averaged over the considered epoch. The results are aggregated across folds. The blue line denotes the accuracy of a random classifier.
Figure 3. Test accuracy for each of the subjects. The accuracy is averaged over the considered epoch. The results are aggregated across folds. The blue line denotes the accuracy of a random classifier.
Bioengineering 08 00021 g003
Figure 4. Accuracy of the model, at each timestep, in the time segment around the detected movement onset, for the different movement classes. The trials have all been synchronized at the actual movement onset ( t = 0 ), denoted by the green dashed line (see Section 2.1). The figure in the bottom-right corner describes the structure of the trials (see Section 2.1) at t In the experiments, the model is trained only using the 1-second segment preceding the movement onset.
Figure 4. Accuracy of the model, at each timestep, in the time segment around the detected movement onset, for the different movement classes. The trials have all been synchronized at the actual movement onset ( t = 0 ), denoted by the green dashed line (see Section 2.1). The figure in the bottom-right corner describes the structure of the trials (see Section 2.1) at t In the experiments, the model is trained only using the 1-second segment preceding the movement onset.
Bioengineering 08 00021 g004
Table 1. Spatial arrangement of input channels at each timestep. The blank entries are filled with 0 s.
Table 1. Spatial arrangement of input channels at each timestep. The blank entries are filled with 0 s.
F3F1FzF2F4
FFC5FFC3FFC1 FFC2FFC4FFC6
FC5FC3FC1FCzFC2FC4FC6
FTT7FCC5FCC3FCC1 FCC2FCC4FCC6FTT8
C5C3C1CzC2C4C6
TTP7CCP5CCP3CCP1 CCP2CCP4CCP6TTP8
CP5CP3CP1CPzCP2CP4CP6
CPP5CPP3CPP1 CPP2CPP4CPP6
P3P1PzP2P4
PPO1 PPO2
Table 2. List of layers that compose each module of the model. Layers name and parameters.
Table 2. List of layers that compose each module of the model. Layers name and parameters.
ModuleLayers
EncoderConv3d (1, 16, kernel_size = (5, 2, 2), stride = (1, 1, 1))
ReLU()
BatchNorm3d (16, eps = 10 5 , momentum = 0.1, affine = True, track_running_stats = True)
Conv3d (16, 32, kernel_size = (5, 1, 1), stride = (1, 1, 1))
ReLU()
BatchNorm3d (32, eps = 10 5 , momentum = 0.1, affine = True, track_running_stats = True)
MaxPool3d (kerne_size = (3, 2, 2), stride = (3, 2, 2), padding = 0, dilation = 1, ceil_mode = False)
Linear (in_features = 576, out_features = 128, bias = True)
ReLU()
BatchNorm1d (128, eps = 10 5 , momentum = 0.1, affine = True, track_running_stats = True)
ClassifierLSTM (input_size=128, hidden_size = 64, bidirectional = False, dropout = 0)
Linear (in_features = 64, out_features = 4, bias = True)
Softmax (n_classes = 4)
Table 3. Grid of hyperparameters taken into consideration during cross-validation.
Table 3. Grid of hyperparameters taken into consideration during cross-validation.
NameDescriptionValues
batch_sizeNumber of neurons of the encoder’s output.1024
z_dimNumber of neurons of the encoder’s output.[512, 256, 128]
lstm_hidden_sizeNumber of neurons of LSTM’s hidden state.[32, 64, 128]
conv1_channelsNumber of channels of first convolutional layer.[8, 16, 32]
conv2_channelsNumber of channels of second convolutional layer.[32, 64, 128]
lstm_depthNumber of LSTM layers.1
conv_depthNumber of convolutional layers.2
η ADAM initial learning rate.[0.001, 10 4 , 10 5 ]
β 1 ADAM β 1 parameter.0.9
β 2 ADAM β 2 parameter.0.999
lstm_dropoutPercentage of dropped units in the LSTM layers.0
smoothingAmount of label smoothing.[0, 0.2, 0.4]
L2_penaltyAmount of L2 regularization during training (weight decay).0
Table 4. Final accuracy of the model for each subjects. Bold entries represent the best accuracy for that subject. Higher is better.
Table 4. Final accuracy of the model for each subjects. Bold entries represent the best accuracy for that subject. Higher is better.
SubjectOur WorkPrevious Work [24]
Subject 0242.58 ± 1.5639.09
Subject 0376.72 ± 0.5157.86
Subject 0481.44 ± 0.3568.69
Subject 0550.05 ± 1.7438.62
Subject 0658.22 ± 2.0436.94
Subject 0736.39 ± 1.5028.02
Subject 0854.82 ± 1.6641.12
Subject 0947.55 ± 0.8945.72
Subject 1036.01 ± 1.3458.17
Subject 1140.05 ± 0.2937.62
Subject 1237.50 ± 0.2635.48
Subject 1350.98 ± 1.3147.37
Subject 1449.22 ± 0.1749.85
Subject 1549.56 ± 0.4539.80
Average50.79 ± 13.8244.59 ± 10.89
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Valenti, A.; Barsotti, M.; Bacciu, D.; Ascari, L. A Deep Classifier for Upper-Limbs Motor Anticipation Tasks in an Online BCI Setting. Bioengineering 2021, 8, 21. https://0-doi-org.brum.beds.ac.uk/10.3390/bioengineering8020021

AMA Style

Valenti A, Barsotti M, Bacciu D, Ascari L. A Deep Classifier for Upper-Limbs Motor Anticipation Tasks in an Online BCI Setting. Bioengineering. 2021; 8(2):21. https://0-doi-org.brum.beds.ac.uk/10.3390/bioengineering8020021

Chicago/Turabian Style

Valenti, Andrea, Michele Barsotti, Davide Bacciu, and Luca Ascari. 2021. "A Deep Classifier for Upper-Limbs Motor Anticipation Tasks in an Online BCI Setting" Bioengineering 8, no. 2: 21. https://0-doi-org.brum.beds.ac.uk/10.3390/bioengineering8020021

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

Article Metrics

Back to TopTop