[go: up one dir, main page]

Next Article in Journal
Automatic Detection of Cracks on Concrete Surfaces in the Presence of Shadows
Next Article in Special Issue
LDDNet: A Deep Learning Framework for the Diagnosis of Infectious Lung Diseases
Previous Article in Journal
Research on Trajectory Tracking Control of Inspection UAV Based on Real-Time Sensor Data
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

CSAC-Net: Fast Adaptive sEMG Recognition through Attention Convolution Network and Model-Agnostic Meta-Learning

1
Electronic Information School, Wuhan University, Wuhan 430072, China
2
Hubei Three Gorges Laboratory, Yichang 443007, China
*
Author to whom correspondence should be addressed.
These authors contributed equally to this work.
Sensors 2022, 22(10), 3661; https://doi.org/10.3390/s22103661
Submission received: 22 April 2022 / Revised: 4 May 2022 / Accepted: 10 May 2022 / Published: 11 May 2022
(This article belongs to the Special Issue Biomedical Signal and Image Processing with Artificial Intelligence)

Abstract

:
Gesture recognition through surface electromyography (sEMG) provides a new method for the control algorithm of bionic limbs, which is a promising technology in the field of human–computer interaction. However, subject specificity of sEMG along with the offset of the electrode makes it challenging to develop a model that can quickly adapt to new subjects. In view of this, we introduce a new deep neural network called CSAC-Net. Firstly, we extract the time-frequency feature from the raw signal, which contains rich information. Secondly, we design a convolutional neural network supplemented by an attention mechanism for further feature extraction. Additionally, we propose to utilize model-agnostic meta-learning to adapt to new subjects and this learning strategy achieves better results than the state-of-the-art methods. By the basic experiment on CapgMyo and three ablation studies, we demonstrate the advancement of CSAC-Net.

1. Introduction

Surface electromyography (sEMG) is a superimposed electrical signal formed on the surface of human skin, by the motor unit action potential (MUAP) of motion related muscles propagating along the direction of muscle fibers. This is an important human biological resource, which contains a wealth of information associated with one’s movement. Compared with the conventional control method based on programs, sEMG-based algorithms can better reflect the intention of human movement, and this can be used in bionic prosthetics, exoskeleton robots, medical rehabilitation robots, and so on [1,2]. For example, in the field of virtual reality, Nadia Nasri et al. proposed a sEMG-controlled 3D game that included a deep learning-based architecture for real-time gesture recognition in [3], which allows amputees to use low-cost sEMG sensors to play the game. Thus, there is a natural advantage in utilizing sEMG signals as interface media to construct human–robot interaction (HRI) systems [4,5]. In order to realize such function, the basic task is gesture recognition.
However, the quality of information decoded from sEMG can differ, largely depending on the processing techniques. As an example, a motion intention detection (MID) problem involving shoulder muscle contractions was assessed in [6]. Andrea Tigrini et al. considered multiple aspects to capture the best characteristics of the movement, including signals segmentation, feature extraction, and classification. Therefore, a large number of studies focus on processing techniques—using different features and classifiers to improve the classification accuracy on specific sEMG datasets. Previously, many traditional machine learning methods are used for this task, including Linear Discriminant Analysis (LDA) [7], Support Vector Machine (SVM) [8], Bayesian classifier, and Gaussian Mixture Model (GMM) [9]. In recent years, deep learning’s strong fitting ability has made it popular to use an artificial neural network for sEMG classification. In [10], Tsinganos et al. proposed using Temporal convolutional network (TCN) in gesture recognition, yielding an improvement of almost 5% to the state of the art reported in the literature. In [11], Chen et al. proposed a compact convolutional neural network (CNN) to achieve excellent performance with fewer parameters. Even though the current work can realize high prediction accuracy on specific datasets in gesture recognition through sEMG, when we apply such technology to human–robot interaction, there are still several challenges. (1) sEMG gesture recognition is difficult to support by large datasets for daily use and promotion. At the same time, due to electrode offset and individual differences, if only ordinary machine learning or deep learning technology is utilized to deal with gesture recognition of new users without any designed learning strategy or specific network design, the obtained model will face serious overfitting [12,13]. (2) Previous networks such as RNN and LSTM have poor efficiency and need a lot of time to train new samples. In other words, it takes a lot of time to update the model. Therefore, it is difficult to ensure these algorithms can be put into practice quickly [14]. (3) There is no unified standard for the processing of raw data. Experiments show that different preprocessing schemes and different feature representations have great influence on the results [4,15].
In this article, we propose a novel framework for gesture recognition, called Channel-Spatial Attention Convolution Network (CSAC-Net). In CSAC-Net, we design a convolutional network supplemented by a special attention mechanism [16], with which the multi-channel time-frequency information can be extracted effectively. For fast adaption, we utilize the Model Agnostic Meta-Learning (MAML) [17] algorithm, which enables our CSAC-Net to update parameters quickly and effectively with numerous different learning tasks and achieves better classification performance for new users and gestures compared with previous work. In summary, the main contributions and novelties are listed below:
  • To mitigate the effect of individual differences, CSAC-Net is used to update the model based on MAML. Compared with the traditional learning method, it focuses on improving the overall learning ability of the model, rather than the ability to solve a specific sEMG classification problem.
  • To meet the challenge of model complexity and feature extraction, we combine the lite CNN network with the attention mechanism. By analyzing the spectrogram in the time-frequency domain of multi-channel sEMG signal after preprocessing, the features of sEMG signal are effectively extracted, which contributes to better performance than utilizing raw sEMG data in the time domain.
  • CSAC-Net requires the maximization of the sensitivity of loss functions of new tasks with respect to the parameters when we are training the model. Minimal parameter changes can bring great improvement to the model. In this way, it is possible to quickly adapt to new tasks with only a small amount of data by gradient adjustment on the basis of initial parameters.
  • In order to demonstrate the generalization and fast adaptation of the classification of our model, three datasets are selected to carry out the experiments. Our model achieves better performance than previous work.

2. Related Works

2.1. Traditional Methods for Gesture Recognition through sEMG

In general, gesture recognition based on collected sEMG has two inevitable processes: feature extraction and classification model.
For feature extraction, there are time-domain features, frequency domain features, and time-frequency-fusion features. Appropriate sEMG feature combination can effectively improve the accuracy of gesture recognition [18]. In [19], Triwiyanto et al. utilized root mean square (RMS), variance (VAR), mean absolute value (MAV), and simple square integral (SSI) to analyze the EMG signals in the embedded platform. The four time-domain features require less computational force; thus, they are vital to ensure real-time processing. In [20], Leserri et al. made use of the mean of signal frequencies (MNF) calculated with FFT, claiming that frequency domain features potentially yield relevant information for movement prediction. For the classification model, support vector machine (SVM) [8], K-nearest neighbour (KNN) [19], and some other classic algorithms were used frequently in gesture recognition. In [21], the authors used LDA to explore the impact of varying the number of electrodes and segmentation window sizes on EMG decoding accuracy, as it is the most commonly used for the classification of limb movements [22]. Hancong et al. also utilized LDA for a low-power embedded system in [23], in that LDA features low requirements for computing power. Moreover, with the rise of deep learning, it gradually constitutes an element of edge research. In [24], a new deep, one-dimensional CNN model was proposed to classify six types of hand movements, obtaining the highest accuracy of 94.94%. Xin et al. proposed combining the advantages of PCA and neural network and make adjustments by scale unscented Kalman filter [25], improving the accuracy and reliability of the lower limb motion classification.
The methods shown above mainly focus on improving the accuracy of sEMG classification in specific datasets. When it is put into practical application in real life, sEMG will change with people’s physical signs (including gender, age, limb health, disability, etc.) due to its subject specificity [5]. This leads to the trained model easily failing, lowering the accuracy and stability. Therefore, new methods are necessary.

2.2. Deployment of Attention Mechanism in Biomedical Signal Decoding

As the attention mechanism enables the model to focus on the most important part of the input sequences [26], it is widely used to reduce the complexity of the model. In [27], Tao Wei et al. proposed using channel-wise attention to optimize the EEG-based emotion recognition, because it can change the weight of different channels to explore more effective information in a feature map. Additionally, channel-wise attention can be easily integrated into CNN architectures [28]. Another important kind of attention is spatial attention. Guoqi Chen et al. added spatial attention after reducing pooling, retaining a lot of ancillary information and finding out critical information quickly [29], with which their TDACAPS model achieved the state-of-the-art result. Moreover, Yongqing et al. combined Channel Attention and Spatial Attention to process the sEMG signal, providing new ideas for muscle fatigue detection [30].
In summary, the attention mechanism can evaluate the importance of different features, both on a spatial and channel level. Thus, the model can obtain better prediction ability and low complexity. Because sEMG is usually a multi-channel sequence, Channel-Spatial Attention cannot be more appropriate to improve the performance of the model.

2.3. Current Progress in Domain Adaptation

In view of the differences caused by the subject specification of sEMG and the electrodes used to collect neuroelectricity, much work has been done to mitigate the impact. In 2017, Du et al. embedded a deep domain adaptation mechanism into the gesture classifier. The adaptation starts working after the device is worn. In spite of this, the accuracy of the inter-subject with adaptation can only reach 35.1% [31]. In [32], Guangjun et al. proposed a feature extraction method based on the gray model to find the connection between different kinds of subjects. However, this requires high consistency of the physical characteristics of the electrodes and the statistical distribution of the signal. Rahimian et al. proposed using few-shot learning to adapt to new users [33]. Although high accuracy (76.39%) was achieved in the inter-subject experiment, the feature made use of was only the raw sEMG. In other words, much hidden information is not effectively mined and utilized. Moreover, Banluesombatkul et al. carried out the first work that investigated MAML, a non-conventional pre-training method [34]. This article demonstrates that MAML is possible for electroencephalography (EEG) classification.
In summary, the methods listed have achieved substantial success, but there are still a few limitations. For one thing, the optimization of new subjects is limited to specific backgrounds and therefore has a lack of universality. Furthermore, the concept of meta-learning has not received enough attention. There is still much room for improvement. In fact, learning from the experience that human beings can quickly learn new knowledge through only a few samples, meta-learning can make the model learn to learn.

3. Methods and Theories

An overview of the method in a block diagram representation is shown in Figure 1. In this section, we will introduce all the procedures in detail.

3.1. Data Preprocessing

In order to obtain the sEMG with less interference, preprocessing is of vital importance. It usually includes filtering, smoothing, and normalization [31,35,36]. Following [31], we remove the power-line interference with a 45–55 Hz, second-order Butterworth filter. Then, the middle one-second window is used to cut out sEMG with the main information. Additionally, we normalize the data, reducing the influence of singular samples on the results. After proprocessing, we obtain the standard dataset where a single sample is organized as a one-dimensional vector with the length of 1000.

3.2. Feature Extraction

The chief feature we utilize is short-time Fourier transform (STFT). It is a kind of signal transform related to Fourier transform. The basic idea is to add a sliding time window function to the signal and carry on the Fourier transform to the signal in the window to obtain the time-varying spectrum of the signal. Mathematically, the continuous form and discrete form are written as:
S T F T { x ( t ) } ( τ , ω ) = x ( t ) w ( t τ ) e i ω t d t
S T F T { x [ n ] } ( m , ω ) = n = x [ n ] w [ n m ] e j ω n
where w ( τ ) / w ( m ) represents a window function, including Hann window, Hamming window, etc. Furthermore, x ( t ) / x [ n ] is the sEMG signal waiting to be processed.
In the application of STFT, the length of the window determines the time resolution and frequency resolution of the spectrogram, so it is necessary to make a trade-off in practice. When processing the CapgMyo dataset, we select the Hanning window and the window length is 64. After STFT, we obtain the time-frequency images of processed sEMG, whose size is 33 × 33 . The results are shown in Figure 2. As is vividly shown, the law of frequency characteristics changing with time can be captured.

3.3. The Architecture of CSAC-Net

The detailed architecture of the proposed CSAC-Net is shown in Figure 3. The designed network architecture is mainly composed of a convolutional neural network with a novel Channel-Spatial Attention Mechanism. The Channel-Spatial Attention Mechanism combines the advantages of Channel Attention and Spatial Attention, which can adaptively select both important objects and regions [37]. Channel-Spatial Attention is suitable for our input form of a 33×33 feature map image with 128 channels to extract important information. The proposed CSAC-Net can be regarded as being composed of three Channel-Spatial Attention Convolution cells (CSAC-cells), one fully connected layer, and Softmax. The Channel-Spatial Attention Module, CSAC-Cell, and loss function are described in detail below.

3.3.1. Channel-Spatial Attention Module

As shown in Figure 4, The Channel-Spatial Attention Module (CSAM) consists of one Channel Attention Module and one Spatial Attention Module. The model notices unimportant features through an attention mechanism and sets them to zero through the soft threshold function; in other words, we can notice important features through the attention mechanism and keep them. The details of the Channel Attention Module and Spatial Attention Module are described, respectively, in the following.
As shown in Figure 5, the Channel Attention Module (CAM) is divided into two parts: the compression module and the excitation module. The compression module collects global spatial information by means of the sum of global average pooling (GAP) and global max pooling (GMP). The excitation module captures the relationships on the channels and outputs an attention vector by using ReLU and Sigmoid. Each channel of the input feature is then scaled by multiplying the corresponding elements in the attention vector. In summary, the Channel Attention Module F C A M (with parameter θ ), with X as the input and Y as the output, can be formulated as:
Y = F C A M ( X , θ ) = X σ ( W 2 δ ( W 1 ( G A P + G M P ) ) )
As shown in Figure 6, the Spatial Attention Module (SAM) is also divided into two parts: the compression module and the excitation module. The compression module collects global channel information by means of the sum of global average pooling and global max pooling with parameters. The excitation module captures the spatial relationships and outputs an attention vector by using ReLU and Sigmoid. The input feature is then scaled by multiplying the corresponding elements in the attention vector. In summary, the Spatial Attention Module F S A M (with parameter θ ), with X as the input and Y as the output, can be formulated as:
Y = F S A M ( X , θ ) = X σ ( W 3 δ ( W 1 G A P + W 2 G M P ) ) )

3.3.2. CSAC-Cell

As shown in Figure 7, the CSAC-Cell consists of one Conv2D layer with input channel size C 1 , output channel size C 2 , and kernel size K 1 , one Channel-Spatial Attention Module (CSAM), BatchNorm, ReLU, and Maxpool2D with kernel size, and padding K 2 .

3.3.3. Loss Function

The proposed CSAC-Net uses the cross-entropy loss function as the loss function, which can be formulated as:
L o s s = i = 1 n y i log ( y i ^ )
where n represents the number of the hand gesture categories, y i represents the truth value of the ith category, and y ^ represents the predicted value of the ith category of the output. The gradient of the weight of the loss function for the last layer is no longer related to the derivative of the activation function but only proportional to the difference between the output value and the real value. At this time, the convergence is faster and the back-propagation has even multiplication, so the update of the whole weight matrix will be accelerated.

3.4. Evaluating Indicator: N-Way K-Shot

For meta-learning tasks, the commonly used evaluation method is called N-way, K-shot [38]. Generally, N { 5 , 10 , 15 , 20 } , K { 1 , 5 } . During the training stage, N × K samples are selected for training. In the verification phase and test phase, K samples are selected from N-class samples to perform the N-way K-shot classification task. In fact, it is a sampling of the original dataset. The predicted category is determined according to the results. Finally, the accuracy rate of the predicted category matching the actual category is the evaluation indicator.

3.5. MAML Framework

In deep learning, a common skill to overcome the defects of training data is pre-train-fine tune. That is, pre-train the model on the large dataset, and then fine tune the weight on the small dataset. However, when the training data are extremely scarce, this technique cannot work. Furthermore, sometimes this method will make the model fall into local optimal solution. Thus, to mitigate the effect of individual differences and gain faster adaptation without overfitting, MAML is used to train models.
This method initializes model parameters for different task scenarios by meta training through gradient descent in the meta-training stage, and in the meta-testing stage, meta testing can achieve good identification results by fine tuning in several steps. This is shown in Figure 8.
The basic processing unit of meta-learning is a task. We formally introduce the structure as follows. Each task T = L x 1 , a 1 , , x H , a H , q x 1 , q x t + 1 x t , a t , H consists of a loss function L , a distribution over initial observations q x 1 , a transition distribution q x t + 1 x t , a t , and an episode length H . One task consists of a support set and a query set. The total number of support set samples is N K = N u m x i j 1 i N , 1 j K and the total number of query set samples is M = N u m x l 1 l M . In general, the support set and query set in each task follow two principles of non-intersection: (1) There is no crossover between the support set sample and the query set sample. (2) There is crossover between support set categories and query set categories. That is:
x i j 1 i N , 1 j K x l 1 l M = Φ
C x i j 1 i N , 1 j K C x 1 l M = Φ
Therefore, the key of MAML is the acquisition of initial parameters under the new task, namely meta training. This stage is completed in two steps: Base-learner learning stage, mainly learning the attributes of specific tasks; Meta-learner learning stage, mainly learning the commonness of different tasks. We take an explicit approach to this problem: because the model will be fine tuned using a gradient-based learning rule on a new task, we aim to train a model in such a way that this gradient-based learning rule makes rapid progress on new tasks drawn from the task without overfitting. According to [17], we conclude the pseudo code of the Algorithms 1 and 2 as follows.
Algorithm 1 MAML-training
Require:  p ( T ) : distribution over tasks
Require:  α , β : step size hyperparameters
Require: Iteration number of epoch model
1: randomly initialize θ
2: while not epoch do
3:   Sample batch of tasks T i p ( T )
4:   for all T i do
5:     Sample K datapoints D = x ( j ) , y ( j ) from T i
6:     Evaluate θ L T i support ( f ( θ ) ) with respect to NK examples
7:     Evaluate θ i = θ α θ L T i support ( f ( θ ) )
8:     Evaluate i L T i support f θ i
9:   end for
10:  Update θ = θ β θ T i p ( T ) L T i support f θ i
11: end while
Algorithm 2 MAML-testing
Require: training data D T tr new task T
Require: learned θ
1: Evaluate θ L θ , D T tr
2: Compute adapted parameters with gradient descent φ i = θ α θ L θ , D T tr

4. Experiments and Results

In this section, we first introduce the datasets used to evaluate the proposed CSAC-Net. Then, we analyze several experiments we performed and the corresponding results in detail.
The model was developed in Python using Pytorch and learn2learn [39] libraries. The training was performed on a Desktop PC with an Intel i5-12400F 16-Core Processor, 16 GB RAM, and an Nvidia GeForce RTX 3060 12GB GPU.

4.1. Dataset

In the experiments, the CapgMyo [31] dataset was used to evaluate our proposed CSAC-Net. The CapgMyo dataset includes HD-sEMG data of 128 channels acquired from 23 intact subjects. The acquisition device has a matrix-type (8 × 16) differential electrodes array with silver wet electrodes. Each gesture in the CapyMyo is held for 3–10 s and repeated 10 times and there is a resting posture lasting 7 s between each movement. The CapgMyo dataset consists of 3 sub-datasets (DB-a, DB-b, and DB-c). Until now, many researches have achieved good results (which are even saturated) on supervised learning [40,41,42]. However, the task of inter-subject gesture recognition still has much room for improvement [31,43].

4.2. Basic Experiments

Experiment 1—Classification with Different Input Forms by Supervised Learning
In this part, we performed three experiments of traditional supervised learning on DB-a, DB-b, and DB-c, respectively. In the three training groups, the raw sEMG signal, the FFT spectrum, and the STFT spectrogram after data preprocessing were used as input, respectively. Both types of frequency domain input can be thought of as images. The raw sEMG signal is a 1000 × 128 size image with 1 channel, the FFT spectrum is an image with 1 channel, and the STFT spectrogram is a 33 × 33 size image with 128 channels.
The initial learning rate was 0.001, the number of training epochs was 300, and the batch size was 64. After 150 epochs, the learning rate was set to 0.0001. Adam was utilized as the optimizer with the weight decay set to 0.0001 and the cross-entropy loss function used as loss function. The ratio of the training set, validation set, and test set of the three datasets was 6:2:2.
From Table 1, it can be observed that the STFT spectrogram in the time-frequency domain performs much better than the raw sEMG in the time domain and the FFT spectrum in the frequency domain using the proposed CSAC-Net. We perceive that this is because the STFT spectrogram contains richer feature information and that our well-designed CSAC-Net is more suitable for multi-channel images. Utilizing CSAC-Net for supervised learning with STFT spectrogram as input, the accuracy can achieve approximately 94% on the DB-a, DB-b, and DB-c.
Apart from that, we selected some baselines to make comparisons. As is shown in Table 2, Resnet18 is trained with the same hyperparameters as CSAC-Net. For ED-TCN and other traditional methods, mean average value (MAV) is a more suitable classification feature than STFT Spectrogram according to [44]. MAV is defined as:
MAV = 1 N i = 1 N x i
where N represents the window length. When we computed MAV of sEMG, the window length was set to 200 ms and the sliding step was 25 ms. Finally, we took the average accuracy of 10 times as the final result, which was shown in Table 2.
From Table 2, compared with previous classification methods (both sequential models and frame-wise models), the proposed CSAC-Net achieved better performance in the traditional supervised learning task.
Experiment 2—Classification on New subject with MAML
In this experiment, we demonstrated that the proposed CSAC-Net can accurately recognize the gestures on new subjects by training only a small number of samples with an STFT spectrogram used for input. We divided DB-a, DB-b, and DB-c into meta-train dataset ( D m e t a t r a i n ), meta-validation dataset ( D m e t a v a l ), and meta-test dataset ( D m e t a t e s t ), respectively. The same subject did not exist in different metasets. There was no overlap between the metasets. For DB-a, D m e t a t r a i n consisted of the first 16 subjects and D m e t a v a l included the 17th subject’s data. Furthermore, we used the 18th subject for D m e t a t e s t to evaluate our model. For DB-b, D m e t a t r a i n consisted of the first 8 subjects and D m e t a v a l included the 9th subject’s data. In addition, we used the 10th subject for D m e t a t e s t to evaluate our model. Furthermore, for DB-c, D m e t a t r a i n consisted of the first 6 subjects and D m e t a v a l included the 7th subject’s data and we used the 8th subject for D m e t a t e s t to evaluate our model.
The Adam optimizer was used with the learning rate (meta-learning rate) set to 0.001. The loss function was cross-entropy function. Fast learning rate was set to 0.1, which was used in MAML with the learn2learn framework. For the N-way K-shot, we carried out 5-way 1-shot and 5-way 5-shot in this experiment with different meta batch size. A large number of tasks were constructed by random sampling from each metadata set, which was more practical. Each task consisted of N-way and 2 × K-shot, half of which was for training and half was for verification. The number of tasks in each metaset was set to 20,000. The iteration was set to 1. There are two reasons for iterating only once: (1) With few shot data, too many updates will lead to over fitting. (2) The model needs to be efficient, that is, we can quickly find the best parameters through only one update. When testing the model, we can iterate more than once until we obtain the best results.
From Table 3 and Table 4, we can determine that the classification accuracy is related to the meta batch size. Overall, generalization and adaptability are better when meta batch size is set to 8. In [31], the inter-subject with adaptation classification accuracy was 55.3% for DB-b, and the inter-subject with adaptation classification accuracy was 35.1% for DB-c. The results in Table 3 and Table 4 show that CSAC-Net performed particularly well in terms of adaptability to the new subject.
As shown in Table 5, we compared the performance of the hand gesture classification on a new subject between our model and previous methods. Du et al. adopted the method of Deep Domain Adaption for hand gesture classification on a new subject. They obtained the accuracies of 55.3% and 35.1% on DB-b and DB-c, respectively. Sibasankar et al. proposed a method of multilinear singular value decomposition and dictionary learning (MLSVD + DL) for hand gesture classification on a new subject and achieved the accuracies of 75.4% and 68.3% on DB-b and DB-c, respectively. Furthermore, CSAC-Net with MAML obtains the accuracies of 82.50%, 81.00%, and 80.91% on DB-a, DB-b, and DB-c. Moreover, we implemented Resnet18 and ED-TCN (referred to above) with MAML to make a comparison with our network. In order to illustrate the real classification ability of different methods, we calculated the mean accuracy of these architectures. It can be seen that the proposed CSAC-Net with MAML has excellent performance for hand gesture classification on a new subject. Meanwhile, as is illustrated in Figure 9, the stability of the proposed CSAC-Net was better than other methods, with the curve showing little jitter.

4.3. Ablation Studies

Experiment 1—Classification of Different Input Forms on New Subject with MAML
To evaluate the importance of feature selection in our proposed CSAC-Net, in this ablation study, we changed the input of basic experiment 2 into the raw sEMG signal and the spectrum obtained by FFT. Then, we observed the gesture recognition effect of these two inputs on a new subject and compared them with the results of basic experiment 2. The hyperparameters of the model were consistent with those of the basic experiment 2.
As can be seen from the results in Table 6 and Table 7, the FFT spectrum as input is slightly better than the raw sEMG signals. However, compared with the results in Table 3 and Table 4, both of them are far inferior to the STFT spectrogram in carrying out the inter-subject gesture classification task. We can safely conclude that the STFT spectrogram greatly improves the gesture recognition performance of CSAC-Net for a new subject.
Experiment 2—Classification on New Subject with Pretrained Model
To evaluate the importance of MAML in CSAC-Net when classifying the gestures of new subjects, in this ablation study, we tested a new subject using a pretrained model. The method of pretraining by supervised learning is similar to that of basic experiment 1. The hyperparameters were consistent with basic experiment 1. For DB-a, first 16 subjects were used for training (70%) and validation (30%), and the remaining 2 subjects for testing. For DB-b, the first 9 subjects (ID: 1–18, including 2 sessions) were used for training (70%) and validation (30%), and the remaining 1 subject (ID: 19 and 20) was used for testing. Furthermore, for DB-c, the first 8 subjects were used for training (70%) and validation (30%), and the remaining 1 subject was used for testing.
It can be seen from Table 8 that although the pretrained model has high accuracies in the validation sets, it shows a poor performance in the test sets. That is, when the pre-trained recognition model is applied to new users, individual differences, such as differences in posture information, muscle contraction mode, and contractile force, will make the model fail. At the same time, pretraining takes a lot of time. Comparing the results in Table 1 and Table 9 with the results in Table 8, we can see the superior performance of CSAC-Net. Not only does it show outstanding adaptability to a new subject, but it also requires very little training time. Hence, MAML greatly improves the learning efficiency of our proposed fast adaptive CSAC-Net for a new subject.
Experiment 3—Classification on New Subject with Different Models
In this ablation study, we tried to use three different networks to train CapgMyo in order to illustrate the merits of CSAC-Net on feature extraction for a new subject. The training method and the setting of hyperparameters were the same as those in basic experiment 2, except for some changes in the network model. For SAC-Net, we removed the Channel Attention Mechanism in CSAC-Net and replaced it with a conventional convolution layer to keep the overall complexity of the model unchanged. For CAC-Net, we removed the spatial attention mechanism in CAC-Net and replaced it with conventional convolution layer. Furthermore, for CNN, we removed the Channel-Spatial Attention Mechanism in CSAC-Net and replaced it with the conventional convolution layer.
According to the results in Table 10 and Table 11, meta batch size also has an impact on the classification accuracy of the model. Although some models can achieve quite good classification performance in some specific databases for 5-way 5-shot classification, they are generally weaker than CSAC-Net in terms of generalization and adaptability. Therefore, the CSAC-Net network architecture also plays an important role in gesture classification on a new subject.

5. Conclusions

In this article, we have proposed a novel learning strategy for sEMG gesture recognition, namely CSAC-Net. CSAC-Net can overcome the difficulty caused by subject specificity of sEMG, being fast and adaptive. The mean accuracy of inter-subject gesture recognition on the CapgMyo dataset achieves 82.50%, 81.00%, and 80.91% (DB-a, DB-b, and DB-c), exceeding the state-of-the-art method. To realize this, one important factor is the MAML learning framework, which enables the parameters of the model to update rapidly when we deal with new subjects. Meanwhile, the STFT spectrogram combined with a well designed convolutional network lays a solid foundation for the feature extraction and classification ability of the model. Channel-Spatial Attention helps to keep the focus on important information when there are many channels and feature maps. In the traditional supervised learning experiment, our network achieves 94.10%, 94.06%, and 94.44% on DB-a, DB-b, and DB-c, respectively. The ablation studies also reveal that each part of the model plays an important role.
In the future, we will devote effort to optimizing the CSAC-Net and developing a hardware system to implement our model, which will demonstrate that CSAC-Net possesses a good application prospect in the field of human–computer interaction in practice.

Author Contributions

Conceptualization, X.F. and L.Z. (Lancheng Zou); methodology, X.F. and L.Z. (Lancheng Zou); software, X.F. and L.Z. (Lancheng Zou); validation, X.F. and L.Z. (Lancheng Zou); formal analysis, X.F. and L.Z. (Lancheng Zou); investigation, X.F. and L.Z. (Lancheng Zou); resources, X.F. and L.Z. (Lancheng Zou); data curation, X.F. and L.Z. (Lancheng Zou); writing—original draft preparation, X.F., L.Z. (Lancheng Zou), Z.L. and Y.H.; writing—review and editing, X.F., L.Z. (Lancheng Zou), Z.L. and Y.H.; visualization, X.F., L.Z. (Lancheng Zou), Z.L. and Y.H.; supervision, L.Z. (Lian Zou) and R.C.; project administration, X.F.; funding acquisition, L.Z. (Lian Zou) and R.C. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by Open and Innovation Fund of Hubei Three Gorges Laboratory, grant number SK215002.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

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

Data Availability Statement

The CapgMyo [31] database is used to evaluate our method. Specific data can be found in http://zju-capg.org/research_en_electro_capgmyo.html (accessed on 29 March 2022).

Conflicts of Interest

The authors declare no conflict of interest.

Abbreviations

The following abbreviations are used in this manuscript:
sEMGsurface electromyography
STFTshort time Fourier transform
MAMLmodel-agnostic meta-learning
CSAC-NetChannel-Spatial Attention Convolution Network
FFTfast Fourier transform
GAPglobal average pooling
GWPglobal max pooling
MAVmean average value

References

  1. Stefanou, T.; Guiraud, D.; Fattal, C.; Azevedo-Coste, C.; Fonseca, L. Frequency-Domain sEMG Classification Using a Single Sensor. Sensors 2022, 22, 1939. [Google Scholar] [CrossRef] [PubMed]
  2. Hu, J.; Hou, Z.-G.; Chen, Y.-X.; Zhang, F.; Wang, W.-Q. Lower limb rehabilitation robots and in-teractive control methods. Acta Autom. Sin. 2014, 40, 2377–2390. [Google Scholar]
  3. Nasri, N.; Orts-Escolano, S.; Cazorla, M. An sEMG-Controlled 3D Game for Rehabilitation Therapies: Real-Time Time Hand Gesture Recognition Using Deep Learning Techniques. Sensors 2020, 20, 6451. [Google Scholar] [CrossRef] [PubMed]
  4. Ding, Q.-C.; Xiong, A.-B.; Zhao, X.-G.; Han, J.-D. A review on researches and applications of sEMG-based motion intent recognition methods. Acta Autom. Sin. 2016, 42, 13–25. [Google Scholar]
  5. Li, Z.-Y.; Zhao, X.-G.; Zhang, B.; Ding, Q.-C.; Zhang, D.-H.; Han, J.-D. Review of sEMG-based motion intent recognition methods in non-ideal conditions. Acta Autom. Sin. 2021, 47, 955–969. [Google Scholar]
  6. Tigrini, A.; Pettinari, L.A.; Verdini, F.; Fioretti, S.; Mengarelli, A. Shoulder Motion Intention Detection Through Myoelectric Pattern Recognition. IEEE Sens. Lett. 2021, 5, 6001904. [Google Scholar] [CrossRef]
  7. Wang, Y.; Tian, Y.; Zhu, J.; She, H.; Yokoi, H.; Jiang, Y.; Huang, Q. A Study on the Classification Effect of sEMG Signals in Different Vibration Environments Based on the LDA Algorithm. Sensors 2021, 21, 6234. [Google Scholar] [CrossRef]
  8. Toledo-Pérez, D.C.; Rodríguez-Reséndiz, J.; Gómez-Loenzo, R.A.; Jauregui-Correa, J.C. Support Vector Machine-Based EMG Signal Classification Techniques: A Review. Appl. Sci. 2019, 9, 4402. [Google Scholar] [CrossRef] [Green Version]
  9. Siu, H.C.; Shah, J.A.; Stirling, L.A. Classification of Anticipatory Signals for Grasp and Release from Surface Electromyography. Sensors 2016, 16, 1782. [Google Scholar] [CrossRef] [Green Version]
  10. Tsinganos, P.; Cornelis, B.; Cornelis, J.; Jansen, B.; Skodras, A. Improved Gesture Recognition Based on sEMG Signals and TCN. In Proceedings of the ICASSP 2019-2019 IEEE International Conference on Acoustics, Speech and Signal Processing (ICASSP), Brighton, UK, 12–17 May 2019; pp. 1169–1173. [Google Scholar]
  11. Chen, L.; Fu, J.; Wu, Y.; Li, H.; Zheng, B. Hand Gesture Recognition Using Compact CNN via Surface Electromyography Signals. Sensors 2020, 20, 672. [Google Scholar] [CrossRef] [Green Version]
  12. Campbell, E.; Phinyomark, A.; Al-Timemy, A.H.; Khushaba, R.N.; Petri, G.; Scheme, E. Differences in EMG Feature Space between Able-Bodied and Amputee Subjects for Myoelectric Control. In Proceedings of the 2019 9th International IEEE/EMBS Conference on Neural Engineering (NER), San Francisco, CA, USA, 20–23 March 2019; pp. 33–36. [Google Scholar]
  13. Kim, K.-T.; Guan, C.; Lee, S.-W. A Subject-Transfer Framework Based on Single-Trial EMG Analysis Using Convolutional Neural Networks. IEEE Trans. Neural Syst. Rehabil. Eng. 2020, 28, 94–103. [Google Scholar] [CrossRef]
  14. Pan, L.; Crouch, D.L.; Huang, H. Myoelectric Control Based on a Generic Musculoskeletal Model: Toward a Multi-User Neural-Machine Interface. IEEE Trans. Neural Syst. Rehabil. Eng. 2018, 26, 1435–1442. [Google Scholar] [CrossRef] [PubMed]
  15. Tsinganos, P.; Cornelis, J.; Cornelis, B.; Jansen, B.; Skodras, A. Transfer Learning in sEMG-based Gesture Recognition. In Proceedings of the 2021 12th International Conference on Information, Intelligence, Systems & Applications (IISA), Chania Crete, Greece, 12–14 July 2021; pp. 1–7. [Google Scholar]
  16. Ashish, V.; Noam, S.; Niki, P.; Jakob, U.; Llion, J.; Aidan, N.G.; Łukasz, K.; Illia, P. Attention is all you need. In Proceedings of the 31st International Conference on Neural Information Processing Systems, Long Beach, CA, USA, 4–9 December 2017; pp. 6000–6010. [Google Scholar]
  17. Finn, C.; Abbeel, P.; Levine, S. Model-Agnostic Meta-Learning for Fast Adaptation of Deep Networks. In Proceedings of the 34th International Conference on Machine Learning, Sydney, Australia, 6–11 August 2017; Volume 70, pp. 1126–1135. [Google Scholar]
  18. Khezrik, M.; Jahed, M. A Neuro–Fuzzy Inference System for sEMG-Based Identification of Hand Motion Commands. IEEE Trans. Ind. Electron. 2011, 58, 1952–1960. [Google Scholar] [CrossRef]
  19. Triwiyanto, T.; Caesarendra, W.; Purnomo, M.H.; Sułowicz, M.; Wisana, I.D.G.H.; Titisari, D.; Lamidi, L.; Rismayani, R. Embedded Machine Learning Using a Multi-Thread Algorithm on a Raspberry Pi Platform to Improve Prosthetic Hand Performance. Micromachines 2022, 13, 191. [Google Scholar] [CrossRef]
  20. Leserri, D.; Grimmelsmann, N.; Mechtenberg, M.; Meyer, H.G.; Schneider, A. Evaluation of sEMG Signal Features and Segmentation Parameters for Limb Movement Prediction Using a Feedforward Neural Network. Mathematics 2022, 10, 932. [Google Scholar] [CrossRef]
  21. Khushaba, R.N.; Nazarpour, K. Decoding HD-EMG Signals for Myoelectric Control - How Small Can the Analysis Window Size be? IEEE Robot. Autom. Lett. 2021, 6, 8569–8574. [Google Scholar] [CrossRef]
  22. Adewuyi, A.; Hargrove, L.; Kuiken, T.A. Evaluating EMG feature and classifier selection for application to partial-hand prosthesiscontrol. Front. Neurorobot. 2016, 10, 15. [Google Scholar] [CrossRef] [Green Version]
  23. Wu, H.; Dyson, M.; Nazarpour, K. Arduino-Based Myoelectric Control: Towards Longitudinal Study of Prosthesis Use. Sensors 2021, 21, 763. [Google Scholar] [CrossRef]
  24. Coskun, M.; Yildirim, O.; Demir, Y.; Acharya, U.R. Efficient deep neural network model for classification of grasp types using sEMG signals. J. Ambient. Intell. Humaniz. Comput. 2021, 1–14. [Google Scholar] [CrossRef]
  25. Shi, X.; Qin, P.; Zhu, J.; Zhai, M.; Shi, W. Feature Extraction and Classification of Lower Limb Motion Based on sEMG Signals. IEEE Access 2020, 8, 132882–132892. [Google Scholar] [CrossRef]
  26. Mnih, V.; Heess, N.; Graves, A. Recurrent models of visual attention. Adv. Neural Inf. Process. Syst. 2014, 27, 2204–2212. [Google Scholar]
  27. Tao, W.; Li, C.; Song, R.; Cheng, J.; Liu, Y.; Wan, F.; Chen, X. EEG-based emotion recognition via channel-wise attention and self-attention. IEEE Trans. Affect. Comput. 2020. [Google Scholar] [CrossRef]
  28. Woo, S.; Park, J.; Lee, J.-Y.; Kweon, I.S. Cbam: Convolutional block attention module. In Proceedings of the European Conference on Computer Vision (ECCV), Munich, Germany, 8–14 September 2018; pp. 3–19. [Google Scholar]
  29. Chen, G.; Wang, W.; Wang, Z.; Liu, H.; Zang, Z.; Li, W. Two-dimensional discrete feature based spatial attention CapsNet For sEMG signal recognition. Appl. Intell. 2020, 50, 3503–3520. [Google Scholar] [CrossRef]
  30. Zhang, Y.; Chen, S.; Cao, W.; Guo, P.; Gao, D.; Wang, M.; Zhou, J.; Wang, T. MFFNet: Multi-dimensional Feature Fusion Network based on attention mechanism for sEMG analysis to detect muscle fatigue. Expert Syst. Appl. 2021, 185, 115639. [Google Scholar] [CrossRef]
  31. Du, Y.; Jin, W.; Wei, W.; Hu, Y.; Geng, W. Surface EMG-Based Inter-Session Gesture Recognition Enhanced by Deep Domain Adaptation. Sensors 2017, 17, 458. [Google Scholar] [CrossRef] [Green Version]
  32. Guangjun, Y.A.N.; Wanzhong, C.H.E.N.; Tao, Z.H.A.N.G.; Yun, J.I.A.N.G.; Shuifang, R.E.N. Research on Gesture Classification Methods in Amputee Subjects Based on Gray Theory Model. J. Electron. Inf. Technol. 2021, 43, 2552–2560. [Google Scholar]
  33. Rahimian, E.; Zabihi, S.; Asif, A.; Atashzar, S.F.; Mohammadi, A. Few-Shot Learning for Decoding Surface Electromyography for Hand Gesture Recognition. In Proceedings of the ICASSP 2021-2021 IEEE International Conference on Acoustics, Speech and Signal Processing (ICASSP), Toronto, ON, Canada, 13 May 2021; pp. 1300–1304. [Google Scholar]
  34. Banluesombatkul, N.; Ouppaphan, P.; Leelaarporn, P.; Lakhan, P.; Chaitusaney, B.; Jaimchariyatam, N.; Chuangsuwanich, E.; Chen, W.; Phan, H.; Dilokthanakul, N.; et al. MetaSleepLearner: A Pilot Study on Fast Adaptation of Bio-Signals-Based Sleep Stage Classifier to New Individual Subject Using Meta-Learning. IEEE J. Biomed. Health Inform. 2021, 25, 1949–1963. [Google Scholar] [CrossRef]
  35. Wei, W.; Wong, Y.; Du, Y.; Hu, Y.; Kankanhalli, M.; Geng, W. A Multi-stream Convolutional Neural Network for sEMG-based Gesture Recognition in Muscle-computer Interface. Pattern Recognit. Lett. 2019, 119, 131–138. [Google Scholar] [CrossRef]
  36. Geng, W.; Du, Y.; Jin, W.; Wei, W.; Hu, Y.; Li, J. Gesture Recognition by Instantaneous Surface EMG Images. Sci. Rep. 2016, 6, 36571. [Google Scholar] [CrossRef]
  37. Chen, L.; Zhang, H.; Xiao, J.; Nie, L.; Shao, J.; Liu, W.; Chua, T. SCA-CNN: Spatial and Channel-Wise Attention in Convolutional Networks for Image Captioning. In Proceedings of the 2017 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Honolulu, HI, USA, 21–26 July 2017; pp. 6298–6306. [Google Scholar]
  38. Vinyals, O.; Blundell, C.; Lillicrap, T.; Kavukcuoglu, K. Matching networks for one shot learning. In Proceedings of the 30th In-ternational Conference on Neural Information Processing Systems, Barcelona, Spain, 5–10 December 2016; pp. 3637–3645. [Google Scholar]
  39. Arnold, S.M.; Mahajan, P.; Datta, D.; Bunner, I.; Zarkias, K.S. learn2learn: A Library for Meta-Learning Research. arXiv 2020, arXiv:2008.12284. [Google Scholar]
  40. Chen, J.; Bi, S.; Zhang, G.; Cao, G. High-Density Surface EMG-Based Gesture Recognition Using a 3D Convolutional Neural Network. Sensors 2020, 20, 1201. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  41. Lai, Z.; Kang, X.; Wang, H.; Zhang, W.; Zhang, X.; Gong, P.; Niu, L.; Huang, H. STCN-GR: Spatial-Temporal Convolutional Networks for Surface-Electromyography-Based Gesture Recognition. In Proceedings of the International Conference on Neural Information Processing, Sanur Bali, Indonesia, 8–12 December 2021; pp. 27–39. [Google Scholar]
  42. Zhang, Y.; Chen, Y.; Yu, H.; Yang, X.; Lu, W. Learning Effective Spatial–Temporal Features for sEMG Armband-Based Gesture Recognition. IEEE Internet Things J. 2020, 7, 6979–6992. [Google Scholar] [CrossRef]
  43. Padhy, S. A tensor-based approach using multilinear SVD for hand gesture recognition from SEMG signals. IEEE Sens. J. 2020, 21, 6634–6642. [Google Scholar] [CrossRef]
  44. Betthauser, J.L.; Krall, J.T.; Bannowsky, S.G.; Lévay, G.; Kaliki, R.R.; Fifer, M.S.; Thakor, N.V. Stable Responsive EMG Sequence Prediction and Adaptive Reinforcement With Temporal Convolutional Networks. IEEE Trans. Biomed. Eng. 2020, 67, 1707–1717. [Google Scholar] [CrossRef]
  45. He, K.; Zhang, X.; Ren, S.; Sun, J. Deep residual learning for image recognition. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Las Vegas, NV, USA, 27–30 June 2016; pp. 770–778. [Google Scholar]
  46. Cover, T.; Hart, P. Nearest neighbor pattern classification. IEEE Trans. Inf. Theory 1967, 13, 21–27. [Google Scholar] [CrossRef]
  47. Amari, S.; Wu, S. Improving support vector machine classifiers by modifying kernel functions. Neural Netw. 1999, 12, 783–789. [Google Scholar] [CrossRef]
  48. Breiman, L. Classification and Regression Trees; Routledge: New York, NY, USA, 1984. [Google Scholar]
Figure 1. An overview of the method in a block diagram representation.
Figure 1. An overview of the method in a block diagram representation.
Sensors 22 03661 g001
Figure 2. Two processed surface EMG samples and their STFT spectrogram (Hanning window, window length = 64).
Figure 2. Two processed surface EMG samples and their STFT spectrogram (Hanning window, window length = 64).
Sensors 22 03661 g002
Figure 3. The detailed architecture of the proposed CSAC-Net.
Figure 3. The detailed architecture of the proposed CSAC-Net.
Sensors 22 03661 g003
Figure 4. The Channel-Spatial Attention Module.
Figure 4. The Channel-Spatial Attention Module.
Sensors 22 03661 g004
Figure 5. The structure of Channel Attention Module.
Figure 5. The structure of Channel Attention Module.
Sensors 22 03661 g005
Figure 6. The structure of Spatial Attention Module.
Figure 6. The structure of Spatial Attention Module.
Sensors 22 03661 g006
Figure 7. The structure of the CSAC-Cell.
Figure 7. The structure of the CSAC-Cell.
Sensors 22 03661 g007
Figure 8. Specific block diagram of MAML framework in our work. The colorful lines represent the sEMG signals used for training and verification after windowing. The yellow star represents the model for new subjects.
Figure 8. Specific block diagram of MAML framework in our work. The colorful lines represent the sEMG signals used for training and verification after windowing. The yellow star represents the model for new subjects.
Sensors 22 03661 g008
Figure 9. For different methods and datasets, the accuracy of 10 repetitions.
Figure 9. For different methods and datasets, the accuracy of 10 repetitions.
Sensors 22 03661 g009
Table 1. Traditional supervised learning classification accuracy (%) of different input forms on CapgMyo (18 subjects and 8 gestures for DB-a, 10 subjects and 8 gestures for DB-b, 10 subjects and 12 gestures for DB-c). The boldface numbers represent the best classification accuracies for each dataset.
Table 1. Traditional supervised learning classification accuracy (%) of different input forms on CapgMyo (18 subjects and 8 gestures for DB-a, 10 subjects and 8 gestures for DB-b, 10 subjects and 12 gestures for DB-c). The boldface numbers represent the best classification accuracies for each dataset.
InputDB-aDB-bDB-c
Raw sEMG46.1852.8142.59
FFT Spectrum67.7173.1367.13
STFT Spectrogram94.1094.0694.44
Table 2. Comparison between previous methods and the proposed CSAC-Net in terms of the accuracy (%) of traditional supervised learning classification on DB-a, DB-b, and DB-c (10 times average accuracy). The boldface number represents the best classification results.
Table 2. Comparison between previous methods and the proposed CSAC-Net in terms of the accuracy (%) of traditional supervised learning classification on DB-a, DB-b, and DB-c (10 times average accuracy). The boldface number represents the best classification results.
MethodsDB-aDB-bDB-c
STFT Spectrogram + CSAC-Net94.1094.0694.44
STFT Spectrogram + Resnet18 [45]91.3287.8189.81
MAV + ED-TCN [44]93.7591.8890.28
MAV + KNN (k = 3) [46]88.5488.7591.67
MAV + SVM ( kernal: Gaussian ) [47]81.9486.8885.69
MAV + Tree [48]68.0660.6377.70
Table 3. 5-way 1-shot and 5-way 5-shot Classification top 1 and top 5 accuracy (%) for new subject on CapgMyo with MAML. The meta batch size is set to 8. The boldface numbers represent the best classification accuracies for each dataset compared with Table 4.
Table 3. 5-way 1-shot and 5-way 5-shot Classification top 1 and top 5 accuracy (%) for new subject on CapgMyo with MAML. The meta batch size is set to 8. The boldface numbers represent the best classification accuracies for each dataset compared with Table 4.
Dataset1Shot-Top11Shot-Top55Shot-Top15Shot-Top5
DB-a72.5065.0077.5076.49
DB-b62.5057.5083.0081.00
DB-c80.0070.0083.5080.99
Table 4. 5-way 1-shot and 5-way 5-shot Classification top 1 and top 5 accuracy (%) for new subject on CapgMyo with MAML. The meta batch size is set to 64. The boldface numbers represent the best classification accuracies for each dataset compared with Table 3.
Table 4. 5-way 1-shot and 5-way 5-shot Classification top 1 and top 5 accuracy (%) for new subject on CapgMyo with MAML. The meta batch size is set to 64. The boldface numbers represent the best classification accuracies for each dataset compared with Table 3.
Dataset1Shot-Top11Shot-Top55Shot-Top15Shot-Top5
DB-a61.5659.0683.1982.44
DB-b43.1240.6373.1271.25
DB-c68.7565.3182.0080.81
Table 5. Comparison between previous methods and the proposed CSAC-Net in terms of the accuracy (%) of inter-subject classification on DB-a, DB-b, and DB-c (10 times average accuracy). The boldface number represents the best classification results.
Table 5. Comparison between previous methods and the proposed CSAC-Net in terms of the accuracy (%) of inter-subject classification on DB-a, DB-b, and DB-c (10 times average accuracy). The boldface number represents the best classification results.
MethodsDB-aDB-bDB-c
STFT Spectrogram + CSAC-Net82.5081.0080.91
MLSVD + DL [43]75.4068.30
STFT Spectrogram + Resnet18 [45] + MAML56.7057.7057.90
MAV + ED-TCN [44] + MAML28.4030.1529.30
raw data + extended AdaBN [31]55.3035.10
Table 6. 5-way 1-shot and 5-way 5-shot classification top 1 and top 5 accuracy (%) of different input forms for new subject on CapgMyo with MAML. The meta batch size is set to 8. The boldface numbers represent the best classification accuracies for each input and dataset compared with Table 7.
Table 6. 5-way 1-shot and 5-way 5-shot classification top 1 and top 5 accuracy (%) of different input forms for new subject on CapgMyo with MAML. The meta batch size is set to 8. The boldface numbers represent the best classification accuracies for each input and dataset compared with Table 7.
inputDataset1Shot-Top11Shot-Top55Shot-Top15Shot-Top5
Raw sEMGDB-a32.5030.0045.0044.00
DB-b30.0027.5040.0039.89
DB-c37.5035.0045.0044.00
FFTDB-a42.5032.5046.0043.00
SpecturmDB-b40.0037.5044.5043.50
DB-c42.5040.0038.5038.00
Table 7. 5-way 1-shot and 5-way 5-shot classification top 1 and top 5 accuracy (%) of different input forms for new subject on CapgMyo with MAML. The meta batch size is set to 64. The boldface numbers represent the best classification accuracies for each input and dataset compared with Table 6.
Table 7. 5-way 1-shot and 5-way 5-shot classification top 1 and top 5 accuracy (%) of different input forms for new subject on CapgMyo with MAML. The meta batch size is set to 64. The boldface numbers represent the best classification accuracies for each input and dataset compared with Table 6.
inputDataset1Shot-Top11Shot-Top55Shot-Top15Shot-Top5
Raw sEMGDB-a38.1337.1941.0040.56
DB-b30.0029.0636.2535.81
DB-c45.0043.4441.2540.26
FFTDB-a44.6943.1350.4450.12
SpecturmDB-b32.8131.5640.3139.94
DB-c36.2534.3843.6943.31
Table 8. Classification validation and test accuracy (%) and time for training (ms) on new subject on CapgMyo with pretrained model by supervised learning.
Table 8. Classification validation and test accuracy (%) and time for training (ms) on new subject on CapgMyo with pretrained model by supervised learning.
DatasetValidation AccuracyTest AccuracyTime for Training
DB-a94.8523.75253112
DB-b95.1857.50316119
DB-c95.8335.83189864
Table 9. 5-way 1-shot and 5-way 5-shot classification training time (ms) with different meta batch size on new subject on CapgMyo by CSAC-Net with MAML.
Table 9. 5-way 1-shot and 5-way 5-shot classification training time (ms) with different meta batch size on new subject on CapgMyo by CSAC-Net with MAML.
Meta Batch SizeDataset1Shot5Shot
8DB-a41435316
DB-b46055515
DB-c38855144
64DB-a823417305
DB-b854717757
DB-c846217295
Table 10. 5-way 1-shot and 5-way 5-shot classification with different models on new subject on CapgMyo with MAML. The meta batch size is set to 8. The boldface numbers represent the best classification accuracies for each model and dataset compared with Table 11.
Table 10. 5-way 1-shot and 5-way 5-shot classification with different models on new subject on CapgMyo with MAML. The meta batch size is set to 8. The boldface numbers represent the best classification accuracies for each model and dataset compared with Table 11.
ModelDataset1Shot-Top11Shot-Top55Shot-Top15Shot-Top5
SAC-NetDB-a47.5042.5071.5067.00
DB-b66.5665.6376.5072.00
DB-c55.0050.0080.5077.50
CAC-NetDB-a50.0040.0063.5062.50
DB-b50.0047.5063.0061.50
DB-c42.5037.5063.5061.00
CNNDB-a40.0032.5067.0065.50
DB-b52.5042.5072.5071.50
DB-c47.5040.0061.5060.00
Table 11. 5-way 1-shot and 5-way 5-shot classification with different models on new subject on CapgMyo with MAML. The meta batch size is set to 64. The boldface numbers represent the best classification accuracies for each model and dataset compared with Table 10.
Table 11. 5-way 1-shot and 5-way 5-shot classification with different models on new subject on CapgMyo with MAML. The meta batch size is set to 64. The boldface numbers represent the best classification accuracies for each model and dataset compared with Table 10.
ModelDataset1Shot-Top11Shot-Top55Shot-Top15Shot-Top5
SAC-NetDB-a41.2538.4482.7581.50
DB-b42.5042.1969.1967.94
DB-c49.6947.8175.1973.87
CAC-NetDB-a38.4437.8072.9472.37
DB-b38.7534.6963.9462.75
DB-c39.6937.8162.6262.31
CNNDB-a42.5040.9470.1968.62
DB-b44.0643.4469.2568.75
DB-c43.1342.1965.3164.94
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Fan, X.; Zou, L.; Liu, Z.; He, Y.; Zou, L.; Chi, R. CSAC-Net: Fast Adaptive sEMG Recognition through Attention Convolution Network and Model-Agnostic Meta-Learning. Sensors 2022, 22, 3661. https://doi.org/10.3390/s22103661

AMA Style

Fan X, Zou L, Liu Z, He Y, Zou L, Chi R. CSAC-Net: Fast Adaptive sEMG Recognition through Attention Convolution Network and Model-Agnostic Meta-Learning. Sensors. 2022; 22(10):3661. https://doi.org/10.3390/s22103661

Chicago/Turabian Style

Fan, Xinchen, Lancheng Zou, Ziwu Liu, Yanru He, Lian Zou, and Ruan Chi. 2022. "CSAC-Net: Fast Adaptive sEMG Recognition through Attention Convolution Network and Model-Agnostic Meta-Learning" Sensors 22, no. 10: 3661. https://doi.org/10.3390/s22103661

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