SlideShare a Scribd company logo
1 of 11
Download to read offline
IAES International Journal of Artificial Intelligence (IJ-AI)
Vol. 13, No. 1, March 2024, pp. 217~227
ISSN: 2252-8938, DOI: 10.11591/ijai.v13.i1.pp217-227 ๏ฒ 217
Journal homepage: http://ijai.iaescore.com
Using deep neural networks in classifying electromyography
signals for hand gestures
Ahmed M. Al-Khazzar, Zainab Altaweel, Jabbar S. Hussain
Prosthetics and Orthotics Engineering Department, College of Engineering, University of Kerbala, Kerbala, Iraq
Article Info ABSTRACT
Article history:
Received Jan 19, 2023
Revised May 8, 2023
Accepted May 23, 2023
Electromyography (EMG) signals are used for various applications, especially
in smart prostheses. Recognizing various gestures (hand movements) in EMG
systems introduces challenges. These challenges include the noise effect on
EMG signals and the difficulty in identifying the exact movement from the
collected EMG data amongst others. In this paper, three neural network
models are trained using an open EMG dataset to classify and recognize seven
different gestures based on the collected EMG data. The three implemented
models are: a four-layer deep neural network (DNN), an eight-layer DNN, and
a five-layer convolutional neural network (CNN). In addition, five optimizers
are tested for each model, namely Adam, Adamax, Nadam, Adagrad, and
AdaDelta. It has been found that four layers achieve respectable recognition
accuracy of 95% in the proposed model.
Keywords:
Artificial intelligence
Deep neural networks
Electromyography
Neural networks
Smart prostheses This is an open access article under the CC BY-SA license.
Corresponding Author:
Ahmed M. Al-Khazzar
Prosthetics and Orthotics Engineering Department, College of Engineering, University of Kerbala
Kerbala, Iraq
Email: ahmed.m.ahmed@uokerbala.edu.iq
1. INTRODUCTION
Electromyography (EMG) signals can effectively characterize the properties of body neurons and
muscles of the human body [1]. They are widely used in prosthetic applications as a method to control the
actuators in lower or upper prostheses. Many of these applications use noninvasive surface EMG sensors to
measure the muscle activity and control the prosthetic device based on the collected data. Some examples can
be found in [2]โ€“[10].
Developing a controller to recognize various hand gestures based on EMG signals is a difficult task.
The accuracy of such systems is reported in previous work [11]. The EMG accuracy is affected by various
factors such as the location of EMG electrode, the extracted features, and the recognition algorithm [12]. In
surface EMG (sEMG) specially, the electrode location greatly affects the signal quality [13].
In addition to the accuracy and signal quality challenges, differentiating between individual finger
movements presents further difficulties. The reason is that the EMG signal variances are smaller for finger
movements compared to other muscles [14]. Additionally, muscles that control finger gestures are in deep
layers of the forearm, making it more difficult to measure the EMG signal [15]. To overcome some of these
challenges, an efficient EMG recognition algorithm is required.
The amputee usually is required to undergo training sessions to learn to control the prosthetic device.
In the training process, the system needs to collect EMG data related to the amputee and recognize the intent
of the amputee and make decisions later to enable the patient to control the prosthetic device. In using EMG
based devices, the problem arises that the training should be repeated for each patient. Some patients are
reported to drop the EMG based prosthetic device as a result of difficulty in controlling the prosthesis. These
difficulties could be originated from the limited number of training sessions and the inherent EMG signal
๏ฒ ISSN: 2252-8938
Int J Artif Intell, Vol. 13, No. 1, March 2024: 217-227
218
properties. For example, electrical signals from muscles can be affected by interference from power supply,
mechanical devices, and activity of other muscles [16].
To overcome some of the difficulties mentioned previously in this section, it is suggested to train neural
network models i.e deep neural network (DNN) or convolutional neural network (CNN) with different parameters
for EMG gesture recognition. In this paper, three models are proposed and trained using an open dataset and the
recognition accuracy is reported. The dataset was collected using seven hand gestures. The proposed system
should be able to recognize each gesture with acceptable accuracy based on the available EMG data.
Table 1 shows some of the previous literatureโ€™s recognition accuracies in EMG data classification [10],
[12], [14], [17], [18], [19]โ€“[28] using artificial neural networks (ANN) and other classifiers. The number of EMG
channels (sensors), classifier types, number of subjects and gestures, and the length of time varies depending on
the research. However, the table shows that the recognition accuracy can vary between 64% to 99% depending
on the methodology. The results of this paper will be compared with the related research in this table.
Table 1. Comparison of past literature in EMG data classification
Reference No. of EMG
Channels
Classifier No. of
Subjects
Time Length
(seconds)
No. of
Gestures
Recognition
Accuracy
[10] 8 Multiple layer perceptron neural network
(MLPNN)
3 7 14 91-94%
[12] 6 Principal component analysis (PCA)
algorithm and support vector machine
(SVM) classifier
5 5 6 99.6%
11 95.6%
17 95.1%
[14] 6 Artificial neural network (ANN) 12 5 9 72.9%
17 63.8%
[17] 4 Independent component analysis (ICA),
Integral root mean square (IRMS), ANN
4 10 90.33%
[18] 4 K-nearest neighbor (KNN), linear
discriminant analysis (LDA), SVM
6 0.064 9 91%
[19] 5 Performance measurement index (PNM) 4 1 10 80%
[20] 8 Deep adaptation network (DAN),
multiple kernel variant of maximum
mean discrepancies (MK-MMD)
23 3-10 22 84.6%
[21] 2 Linear bayesian classifier 4 1 5 90%-93.5%
11 83.1%-95.4%
16 78.8%-90.3%
[22] 4 Canonical correlation analysis (CCA),
KNN, LDA
8 5-10 8 82%
[23] 64 Hyperdimensional (HD) computing 5 2 9 78.21%
[24] 2 KNN 30 5 4 94%
[25] 4 1-nearest neighborhood, maximum
likelihood estimation (MLE)
8 1-2 8 85.7%
[26] 4 SVM, LDA, and hidden markov model
(HMM)
18 1 8 89.3%
[27] 6 SVM 5 4 5 96%
[28] 8 MLPNN 3 5 5 99%
2. METHOD
2.1. The dataset
The dataset used in this paper is generated and made available by [29]. It contains the EMG data from
eight channels. The data were collected for seven gestures: 1- index finger only, 2- middle finger only, 3- ring
finger only, 4- little finger only, 5- thumb only, 6- rest state, and 7- two finger victory gesture. The data were
labeled into seven classes 0 to 6 based on the performed gesture 50 persons repeated each gesture 20 times
The raw data was collected using 200 HZ sampling rate in the Myo armband, then it was preprocessed
to remove the unusable data by detecting the abrupt changes, and cropping the signal. Finally, ten features were
extracted from each electrode, namely: standard deviation, root mean square, minimum, maximum, zero
crossings, average amplitude change, amplitude first burst, mean absolute value, waveform length, Willison
amplitude. More than 6,800 set of features are extracted for each of the eight channels. Namely 6,800ร—80
features are available for the training across the seven gestures. These data were fed to the neural network
models as described in the next section.
2.2. Myo armband
The data used in this paper were collected using a Myo armband. A Myo armband is a wearable band
that uses eight EMG channels to measure the EMG signals of forearm muscles. It also includes additional
sensors such as gyroscope, accelerometer, and magnetometer to aid gesture recognition. The device can send
Int J Artif Intell ISSN: 2252-8938 ๏ฒ
Using deep neural networks in classifying electromyography signals for โ€ฆ (Ahmed M. Al-Khazzar)
219
data to various platforms via Bluetooth. Myo armband drivers can recognize five gestures internally. However,
raw EMG data can also be read directly from the device. These raw data are used to train the neural network
models in this paper.
2.3. Classification with deep neural networks
Recently, neural networks have been widely used in EMG signal classification, as it has shown
improvements in classification accuracy [30]. In this paper, two DNN architectures were used, the first one is
DNN, which was employed in two models with different numbers of hidden layers. DNN has a simple
architecture of fully connected layers, yet it works efficiently in complex classification problems. The second
one is CNN, in which, one or more convolutional layer is presented. These layers whether they are fully
connected or pooled can extract the important features of the input data. After the models' architecture was
selected, the next step is to choose the training parameters as explained in the next section.
2.4. Optimizers
A deep learning system attempts to perform predictions of new data based on a specific algorithm. An
optimization algorithm decides the parameter values that in turn can minimize the classification error. These
optimization algorithms can affect both the accuracy of the model and the training time. An optimizer modifies
the properties of the neural network such as epochโ€™s weights and attempts to minimize the loss function. The
expected function of the optimizer, therefore, is to improve the accuracy and reduce the loss [31]. Choosing a
suitable optimization algorithm can be challenging since there are a very large number of parameters available.
However, it is possible to detect a more favorable optimization algorithm for a specific application. The five
optimization algorithms compared in this paper are Adam, Adamax, Nadam, Adagard, AdaDelta. These
optimizers are briefly explained in sections 2.4.1. to 2.4.5. [31], [32].
2.4.1. Adagard
Adagard is a gradient based optimization algorithm that adapts the learning rate to the parameters. It
uses a different learning curve for each parameter and for every time stop. Adagard advantages are that the
learning curve changes per training parameter and it is capable of training sparse data. While its disadvantages
are that it can be computationally expensive and it has a decreasing learning curve.
๐œƒ๐‘ก+1 = ๐œƒ๐‘ก โˆ’
๐œ‚
โˆš๐บ๐‘ก+๐œ–
. ๐‘”๐‘ก,๐‘– (1)
2.4.2. Adadelta
Adadeleta is an update to Adagard that tries to address the decreasing learning rate. It is a powerfull
extension of the Adadelta that prevents accumulation of the previous gradients. Adadelta continues the learning
regardless of updates. Its advantages are that the learning curve will not decrease compared to Adagard,
however, it is still computationally expensive.
๐ธ[๐‘”ยฒ]๐‘ก = ๐›พ. ๐ธ[๐‘”ยฒ]๐‘กโˆ’1 + (1 โˆ’ ๐›พ). ๐‘”๐‘กยฒ (2)
๐œƒ๐‘ก+1 = ๐œƒ๐‘ก โˆ’
๐œ‚
โˆš๐ธ[๐‘”ยฒ]๐‘ก+๐œ–
. ๐‘”๐‘ก (3)
2.4.3. Adam
Adaptive moment estimation (Adam) calculates adaptive learning rates similar to Adagard, and
Adadelta. Adam algorithm keeps track of exponentially decaying average of past square gradients vt and past
gradients mt:
๐‘š๐‘ก = ๐›ฝ1๐‘š๐‘กโˆ’1 + (1 โˆ’ ๐›ฝ1)๐‘”๐‘ก (4)
๐‘ฃ๐‘ก = ๐›ฝ2๐‘ฃ๐‘กโˆ’1 + (1 โˆ’ ๐›ฝ2)๐‘”๐‘ก
2
(5)
Bias corrected moments:
๐‘š
ฬ‚๐‘ก =
๐‘š๐‘ก
1โˆ’๐›ฝ1
๐‘ก (6)
๐‘ฃ
ฬ‚๐‘ก =
๐‘ฃ๐‘ก
1โˆ’๐›ฝ2
๐‘ก (7)
๏ฒ ISSN: 2252-8938
Int J Artif Intell, Vol. 13, No. 1, March 2024: 217-227
220
The Adam equation:
๐œƒ๐‘ก+1 = ๐œƒ๐‘ก โˆ’
๐œ‚
โˆš๐‘ฃ
ฬ‚๐‘ก+๐œ–
. ๐‘š
ฬ‚๐‘ก (8)
The proposed values for ๐›ฝ1 ๐‘–๐‘  0.9 ๐‘Ž๐‘›๐‘‘ ๐‘“๐‘œ๐‘Ÿ ๐›ฝ2 is 0.999, and 10-8
for ๐œ–. The experiments show that
Adamโ€™s performance is better compared to other algorithms. Its advantage is that it is fast and has no decaying
learning rate. However, it is still computationally expensive.
2.4.4. Adamax
Adamax is a variant of Adam based on infinity norm. It is a linear gradient based optimization
technique which enables adjusting the learning curve based on characteristics of input data. It is suitable for
time variant data such as speech.
๐‘ฃ๐‘ก = ๐›ฝ2
๐‘
๐‘ฃ๐‘กโˆ’1 + (1 โˆ’ ๐›ฝ2
๐‘
)|๐‘”๐‘ก|๐‘
(9)
๐‘ข๐‘ก = ๐›ฝ2
โˆž
๐‘ฃ๐‘กโˆ’1 + (1 โˆ’ ๐›ฝ2
โˆž )|๐‘”๐‘ก|โˆž
= ๐‘š๐‘Ž๐‘ฅ(๐›ฝ2 โ‹… ๐‘ฃ๐‘กโˆ’1, |๐‘”๐‘ก|) (10)
๐œƒ๐‘ก+1 = ๐œƒ๐‘ก โˆ’
๐œ‚
๐‘ข๐‘ก
. ๐‘š
ฬ‚๐‘ก (11)
2.4.5. Nadam
Nesterov accelerated adaptive moment estimation (Nadam) combines two algorithms, Adam and
Nestrov Momentum. It is similar to Adam in working on momentum, however it replaces RMSprop with
Nestrov. Nadam oprimizerโ€™s applications are mostly in noisy or high curvature gradients.
๐œƒ๐‘ก+1 = ๐œƒ๐‘ก โˆ’
๐œ‚
โˆš๐‘ฃ
ฬ‚๐‘ก+๐œ–
. (๐›ฝ1๐‘š
ฬ‚๐‘ก +
(1โˆ’๐›ฝ๐‘ก)๐‘”๐‘ก)
1โˆ’๐›ฝ1
๐‘ก ) (12)
3. DEEP NEURAL NETWORK MODELS
3.1. Model 1: Four Layer DNN
Model 1 is a simple DNN that consists of the input layer, two fully connected layers with 256 and 128
neurons, and the output layer as showm in Figure 1. Dropout technique was used to ignore random neurons
during the training process. Testing the same model with different optimizers, results in lower accuracy even
when increasing the number of epochs, as shown in the Table 2. Using this model, it was found that using
different loss functions had no or slight effect on the accuracy, for example, Binary Cross Entropy loss function
increased the accuracy to 95.01%. The training parameters were set such that the number of epochs= 100, the
batch size= 32, the optimizer is Adam, and the loss function is Categorical cross entropy.
Figure 1. DNN model 1
Int J Artif Intell ISSN: 2252-8938 ๏ฒ
Using deep neural networks in classifying electromyography signals for โ€ฆ (Ahmed M. Al-Khazzar)
221
3.2. Model 2: 8 Layer DNN
In model 2 the number of dense layers was increased. The model consists of the input layer, six fully
connected layers with 1,024, 512, 256, 128, 64, and 32 neurons, and the output layer. The training parameters
were set similar to model 1. Similar to model 1, testing the same model with different optimizers, resulted in
lower accuracy even when increasing the number of epochs, as shown in Table 3.
Table 2. The effect of optimizer on the accuracy of the first model
Optimizer Accuracy Loss
Adam 94.7% 5.2%
Adamax 94.7% 5.2%
Nadam 94.4% 5.5%
Adagrad 87.4% 12.5%
AdaDelta 71.04% 28.9%
Table 3. The effect of optimizer on the accuracy of the second model
Optimizer Accuracy Loss
Adam 95.1% 4.8%
Adamax 95.01% 4.9%
Nadam 94.02% 5.9%
Adagrad 93.6% 6.3%
AdaDelta 72.3% 27.6%
3.3. Model 3: Five Layer CNN
In this model, two convolutional neural layers with 64 filters each were used with a kernel size of 3,
in addition to one dense layer of 100 neurons. The training parameters were the same as the previous models
as shown in Figure 2. The same pattern has repeated in this model. Testing the same model with different
optimizers results in lower accuracy even when increasing the number of epochs, as shown in Table 4.
Figure 2. CNN model 3
Table 4. The effect of optimizer on the accuracy of the third model
Optimizer Accuracy Loss
Adam 95.7% 4.2%
Adamax 95.3% 4.6%
Nadam 95.3% 4.6%
Adagrad 88.6% 11.3%
AdaDelta 71.7% 28.2%
4. RESULTS AND DISCUSSION
Figures 3(a)-(c), 4(a)-(c), and 5(a)-(c) show the accuracy, loss over time, and confusion matrices for
Adam optimizer in models 1, 2 and 3. Table 5 summarizes the confusion matrices of the models. In all three
models, class 5 was recognized accurately for up to 100% of samples. Similarly, classes 2 and 6, were
recognized with better accuracy and fewer misses than the other classes. The second model had a better
performance in recognizing class 6 with 98.2% accuracy. Class 4 had the most misclassifications of all classes
with an accuracy between 89.5% and 92.2%. No model shows exceptional accuracy across all classes.
๏ฒ ISSN: 2252-8938
Int J Artif Intell, Vol. 13, No. 1, March 2024: 217-227
222
(a)
(b)
(c)
Figure 3. Model 1 accuracy (a) loss over time, (b) confusion matric, and (c) for Adam optimizer
Int J Artif Intell ISSN: 2252-8938 ๏ฒ
Using deep neural networks in classifying electromyography signals for โ€ฆ (Ahmed M. Al-Khazzar)
223
(a)
(b)
(c)
Figure 4. Model 2 accuracy (a) loss over time, (b) confusion matric, and (c) for Adam optimizer
๏ฒ ISSN: 2252-8938
Int J Artif Intell, Vol. 13, No. 1, March 2024: 217-227
224
(a)
(b)
(c)
Figure 5. Model 3 accuracy (a) loss over time, (b) confusion matric, and (c) for Adam optimizer
Int J Artif Intell ISSN: 2252-8938 ๏ฒ
Using deep neural networks in classifying electromyography signals for โ€ฆ (Ahmed M. Al-Khazzar)
225
Table 5. Recognition accuracy of different classes in the three models
Model 1 Samples 0 1 2 3 4 5 6
Correctly classified 225 216 260 261 238 197 213
Misclassified 18 17 5 19 28 0 9
Accuracy 92.59% 92.70% 98.11% 93.21% 89.47% 100.00% 95.95%
Model 2 samples 0 1 2 3 4 5 6
Correctly classified 228 212 260 269 240 197 218
Misclassified 15 21 5 11 26 0 4
Accuracy 93.83% 90.99% 98.11% 96.07% 90.23% 100.00% 98.20%
Model 3 samples 0 1 2 3 4 5 6
Correctly classified 226 219 259 272 245 196 217
Misclassified 17 14 6 8 21 1 5
Accuracy 93.00% 93.99% 97.74% 97.14% 92.11% 99.49% 97.75%
Table 6 shows the accuracy across different models. It is clear that the accuracy improvement with
increasing number of layers was negligible (about 1% between model 1 and 3). It has been found that 4 layers
can achieve an acceptable accuracy rate of 94.7%. Therefore, it is not necessary to increase the number of
layers in this particular model. Compared to the results reported in the literature (Table 1), the DNN model
used in this paper performed better than most reported results (the datasets used in the literature vary). 95%
accuracy could be acceptable for an EMG gesture recognition system.
Table 6. Comparing the recognition accuracy of the three models
Model Number of Layers Accuracy Loss
Model 1 4 94.7% 5.2%
Model 2 8 95.1% 4.8%
Model 3 6 (two convolution layers) 95.7% 4.2%
5. CONCLUSION
Three DNN models were used in this paper to recognize the EMG signals extracted for seven different
gestures. The dataset included 6,800 samples. 80 features were extracted for each sample from eight EMG
channels. The neural network models used in this paper differed mostly in the number and type of layers
(4,6, and 8), and the number of epochs. The first model consisted of the input layer, two fully connected layers
with 256 and 128 neurons, and the output layer and resulted in an accuracy of up to 95.01%. The second model
consisted of the input layer, six fully connected layers with 1024, 512, 256, 128, 64, and 32 neurons, and the
output layer and resulted in an accuracy of up to 94.7%. The third model consisted of two convolutional neural
layers with 64 filters with a kernel size of 3, in addition to one dense layer of 100 neurons. This model resulted
in a recognition accuracy of upto 95.7%. The results in this paper showed that the accuracy improvement with
increasing number of layers was negligible (about 1% between model 1 and 3). Therefore, in recognizing this
particular dataset it is not crucial to increase the number of layers. In other words, increasing the number of
layers had little to no effect on increasing the recognition accuracy. In addition, various optimizers namely,
Adam, Adamax, Nadam, Adagrad, and AdaDelta, were tested across the neural network models. It was found
that the Adam optimizer performed the best in recognizing the gestures in this EMG dataset. Using other
optimizers resulted in lower accuracy even when increasing the number of epochs. The four-layer DNN model
used in this paper archived average recognition accuracy of to 95%. This accuracy can be acceptable for a
functional smart prosthesis based on EMG signals. The lower computing requirement and the acceptable
accuracy of a four-layer DNN model (compared to even more layers) can be helpful with the limited computing
power of the smart prosthesis devices.
REFERENCES
[1] K. F. Liem, G. E. Loeb, and C. Gans, Electromyography for Experimentalists, vol. 1987, no. 4. University of Chicago Press, 1987. doi:
10.2307/1445582.
[2] P. J. Kyberd, โ€œAssessment of Functionality of Multifunction Prosthetic Hands,โ€ J. Prosthetics Orthot., vol. 29, no. 3, pp. 103โ€“111, Jul.
2017, doi: 10.1097/JPO.0000000000000139.
[3] A. M. Simon, K. L. Turner, L. A. Miller, L. J. Hargrove, and T. A. Kuiken, โ€œPattern recognition and direct control home use of a multi-
articulating hand prosthesis,โ€ in IEEE International Conference on Rehabilitation Robotics, IEEE, Jun. 2019, pp. 386โ€“391. doi:
10.1109/ICORR.2019.8779539.
[4] S. A. Dalley, T. E. Wiste, T. J. Withrow, and M. Goldfarb, โ€œDesign of a multifunctional anthropomorphic prosthetic hand with extrinsic
actuation,โ€ IEEE/ASME Trans. Mechatronics, vol. 14, no. 6, pp. 699โ€“706, Dec. 2009, doi: 10.1109/TMECH.2009.2033113.
[5] Y. Losier et al., โ€œAn Overview of the UNB Hand System,โ€ in MyoElectric Controls/Powered Prosthetics Symposium Fredericton,
2011, pp. 2โ€“5.
[6] J. T. Belter and A. M. Dollar, โ€œNovel differential mechanism enabling two DOF from a single actuator: Application to a prosthetic
๏ฒ ISSN: 2252-8938
Int J Artif Intell, Vol. 13, No. 1, March 2024: 217-227
226
hand,โ€ in IEEE International Conference on Rehabilitation Robotics, IEEE, Jun. 2013. doi: 10.1109/ICORR.2013.6650441.
[7] C. Cipriani, M. Controzzi, and M. C. Carrozza, โ€œThe SmartHand transradial prosthesis,โ€ J. Neuroeng. Rehabil., vol. 8, no. 1, p. 29,
2011, doi: 10.1186/1743-0003-8-29.
[8] H. Liu et al., โ€œMultisensory five-finger dexterous hand: The DLR/HIT hand II,โ€ in 2008 IEEE/RSJ International Conference on
Intelligent Robots and Systems, IROS, IEEE, Sep. 2008, pp. 3692โ€“3697. doi: 10.1109/IROS.2008.4650624.
[9] Y. Kamikawa and T. Maeno, โ€œUnderactuated five-finger prosthetic hand inspired by grasping force distribution of humans,โ€ in 2008
IEEE/RSJ International Conference on Intelligent Robots and Systems, IROS, IEEE, Sep. 2008, pp. 717โ€“722. doi:
10.1109/IROS.2008.4650628.
[10] J. S. Hussain, A. Al-Khazzar, and M. N. Raheema, โ€œRecognition of new gestures using myo armband for myoelectric prosthetic
applications,โ€ Int. J. Electr. Comput. Eng., vol. 10, no. 6, pp. 5694โ€“5702, Dec. 2020, doi: 10.11591/ijece.v10i6.pp5694-5702.
[11] N. E. Krausz, R. A. L. Rorrer, and R. F. F. Weir, โ€œDesign and Fabrication of a Six Degree-of-Freedom Open Source Hand,โ€ IEEE
Trans. Neural Syst. Rehabil. Eng., vol. 24, no. 5, pp. 562โ€“572, May 2016, doi: 10.1109/TNSRE.2015.2440177.
[12] Z. Chen, N. Zhang, Z. Wang, Z. Zhou, and D. Hu, โ€œHand gestures recognition from multi-channel forearm EMG signals,โ€ in
Communications in Computer and Information Science, Springer Singapore, 2017, pp. 119โ€“125. doi: 10.1007/978-981-10-5230-9_13.
[13] L. Mesin, R. Merletti, and A. Rainoldi, โ€œSurface EMG: The issue of electrode location,โ€ J. Electromyogr. Kinesiol., vol. 19, no. 5, pp.
719โ€“726, Oct. 2009, doi: 10.1016/j.jelekin.2008.07.006.
[14] T. Jiralerspong, E. Nakanishi, C. Liu, and J. Ishikawa, โ€œExperimental study of real-time classification of 17 voluntary movements for
multi-degree myoelectric prosthetic hand,โ€ Appl. Sci., vol. 7, no. 11, p. 1163, Nov. 2017, doi: 10.3390/app7111163.
[15] R. Philo, โ€œ Grayโ€™s Anatomy for Students, 2nd Ed. by Richard L. Drake, A. Wayne Vogl, and Adam W. M. Mitchell ,โ€ Clin. Anat., vol.
22, no. 7, pp. 846โ€“847, Oct. 2009, doi: 10.1002/ca.20863.
[16] K. S. Turker, โ€œElectromyography: Some methodological problems and issues,โ€ Phys. Ther., vol. 73, no. 10, pp. 698โ€“710, Oct. 1993,
doi: 10.1093/ptj/73.10.698.
[17] G. R. Naik, D. K. Kumar, and S. P. Arjunan, โ€œMulti modal gesture identification for HCI using surface EMG,โ€ in MindTrek - 12th
International MindTrek Conference: Entertainment and Media in the Ubiquitous Era, ACM, Oct. 2008, pp. 90โ€“94. doi:
10.1145/1457199.1457219.
[18] X. Chen and Z. J. Wang, โ€œPattern recognition of number gestures based on a wireless surface EMG system,โ€ Biomed. Signal Process.
Control, vol. 8, no. 2, pp. 184โ€“192, Mar. 2013, doi: 10.1016/j.bspc.2012.08.005.
[19] M. C. Castro, S. P. Arjunan, and D. K. Kumar, โ€œSelection of suitable hand gestures for reliable myoelectric human computer interface,โ€
Biomed. Eng. Online, vol. 14, no. 1, Apr. 2015, doi: 10.1186/s12938-015-0025-5.
[20] Y. Du, W. Jin, W. Wei, Y. Hu, and W. Geng, โ€œSurface EMG-based inter-session gesture recognition enhanced by deep domain
adaptation,โ€ Sensors (Switzerland), vol. 17, no. 3, p. 458, Feb. 2017, doi: 10.3390/s17030458.
[21] X. Chen, X. Zhang, Z. Y. Zhao, J. H. Yang, V. Lantz, and K. Q. Wang, โ€œHand gesture recognition research based on surface EMG
sensors and 2D-accelerometers,โ€ in Proceedings - International Symposium on Wearable Computers, ISWC, IEEE, Oct. 2007, pp. 11โ€“
14. doi: 10.1109/ISWC.2007.4373769.
[22] R. N. Khushaba, โ€œCorrelation analysis of electromyogram signals for multiuser myoelectric interfaces,โ€ IEEE Trans. Neural Syst.
Rehabil. Eng., vol. 22, no. 4, pp. 745โ€“755, Jul. 2014, doi: 10.1109/TNSRE.2014.2304470.
[23] A. Moin, A. Zhou, S. Benatti, A. Rahimi, L. Benini, and J. M. Rabaey, โ€œAnalysis of Contraction Effort Level in EMG-Based Gesture
Recognition Using Hyperdimensional Computing,โ€ in BioCAS 2019 - Biomedical Circuits and Systems Conference, Proceedings, IEEE,
Oct. 2019. doi: 10.1109/BIOCAS.2019.8919214.
[24] W. T. Shi, Z. J. Lyu, S. T. Tang, T. L. Chia, and C. Y. Yang, โ€œA bionic hand controlled by hand gesture recognition based on surface
EMG signals: A preliminary study,โ€ Biocybern. Biomed. Eng., vol. 38, no. 1, pp. 126โ€“135, 2018, doi: 10.1016/j.bbe.2017.11.001.
[25] K. Rhee and H. C. Shin, โ€œElectromyogram-based hand gesture recognition robust to various arm postures,โ€ Int. J. Distrib. Sens.
Networks, vol. 14, no. 7, p. 155014771879075, Jul. 2018, doi: 10.1177/1550147718790751.
[26] W. Geng, Y. Du, W. Jin, W. Wei, Y. Hu, and J. Li, โ€œGesture recognition by instantaneous surface EMG images,โ€ Sci. Rep., vol. 6, no.
1, Nov. 2016, doi: 10.1038/srep36571.
[27] X. Luo et al., โ€œSynergistic myoelectrical activities of forearm muscles improving robust recognition of multi-fingered gestures,โ€ Sensors
(Switzerland), vol. 19, no. 3, p. 610, Feb. 2019, doi: 10.3390/s19030610.
[28] A. M. Alkhazzar and M. Nama Raheema, โ€œEMG Signal Classification Using Radial Basis Function Neural Network,โ€ in 2018 3rd
Scientific Conference of Electrical Engineering, SCEE 2018, IEEE, Dec. 2018, pp. 180โ€“185. doi: 10.1109/SCEE.2018.8684162.
[29] GABRIEL GONZALEZ, โ€œElectromyography(EMG) Dataset.โ€ https://www.kaggle.com/code/gabo515/emg-hand-gesture-analysis
(accessed Nov. 01, 2022).
[30] G. Jia, H. K. Lam, J. Liao, and R. Wang, โ€œClassification of electromyographic hand gesture signals using machine learning techniques,โ€
Neurocomputing, vol. 401, pp. 236โ€“248, Aug. 2020, doi: 10.1016/j.neucom.2020.03.009.
[31] M. M. Ata, M. L. Francies, and M. A. Mohamed, โ€œA robust optimized convolutional neural network model for human activity
recognition using sensing devices,โ€ Concurr. Comput. Pract. Exp., vol. 34, no. 17, May 2022, doi: 10.1002/cpe.6964.
[32] T. Dozat, โ€œIncorporating Nesterov Momentum into Adam,โ€ in ICLR Workshop, 2016, pp. 2013โ€“2016.
BIOGRAPHIES OF AUTHORS
Ahmed M. Al-Khazzar received Ph.D. degree in Computer Security from
University of Portsmouth, UK. He is currently a lecturer in University of Kerbala. His
research interests are Biometrics, AI and Smart Prosthesis. He can be contacted at email:
ahmed.m.ahmed@uokerbala.edu.iq.
Int J Artif Intell ISSN: 2252-8938 ๏ฒ
Using deep neural networks in classifying electromyography signals for โ€ฆ (Ahmed M. Al-Khazzar)
227
Zainab Altaweel received master's degree in Computer Engineering from
University of Bridgeport, CT, USA. She is currently an assistant lecturer in University of
Kerbala. Her research interest is in Deep Learning and Human Machine Interaction. She can
be contacted at email: zainab.d@uokerbala.edu.iq.
Jabbar Salman Hussain received Ph.D. degree in Electrical Engineering from
University of Technology, Iraq. He is currently an assitanet professor in University of
Kerbala. His research interests are AI, Smart Prosthesis, Speech Recognitions, Antenna
Design and Mobile Radiation Protection Systems. He can be contacted at email:
jabbar.salman@uokerbala.edu.iq.

More Related Content

Similar to Using deep neural networks in classifying electromyography signals for hand gestures

OPTIMIZATION OF NEURAL NETWORK ARCHITECTURE FOR BIOMECHANIC CLASSIFICATION TA...
OPTIMIZATION OF NEURAL NETWORK ARCHITECTURE FOR BIOMECHANIC CLASSIFICATION TA...OPTIMIZATION OF NEURAL NETWORK ARCHITECTURE FOR BIOMECHANIC CLASSIFICATION TA...
OPTIMIZATION OF NEURAL NETWORK ARCHITECTURE FOR BIOMECHANIC CLASSIFICATION TA...ijaia
ย 
Multilayer extreme learning machine for hand movement prediction based on ele...
Multilayer extreme learning machine for hand movement prediction based on ele...Multilayer extreme learning machine for hand movement prediction based on ele...
Multilayer extreme learning machine for hand movement prediction based on ele...journalBEEI
ย 
WAVELET DECOMPOSITION METHOD BASED AUTOMATED DIAGNOSIS OF MUSCLE DISEASES
WAVELET DECOMPOSITION METHOD BASED AUTOMATED DIAGNOSIS OF MUSCLE DISEASESWAVELET DECOMPOSITION METHOD BASED AUTOMATED DIAGNOSIS OF MUSCLE DISEASES
WAVELET DECOMPOSITION METHOD BASED AUTOMATED DIAGNOSIS OF MUSCLE DISEASESIRJET Journal
ย 
IRJET-Electromyogram Signals for Multiuser Interface- A Review
IRJET-Electromyogram Signals for Multiuser Interface- A ReviewIRJET-Electromyogram Signals for Multiuser Interface- A Review
IRJET-Electromyogram Signals for Multiuser Interface- A ReviewIRJET Journal
ย 
rob 537 final paper(fourth modify)
rob 537 final paper(fourth modify)rob 537 final paper(fourth modify)
rob 537 final paper(fourth modify)Huanchi Cao
ย 
Hybrid Feature Extraction Model For Emg Classification Used In Exoskeleton Ro...
Hybrid Feature Extraction Model For Emg Classification Used In Exoskeleton Ro...Hybrid Feature Extraction Model For Emg Classification Used In Exoskeleton Ro...
Hybrid Feature Extraction Model For Emg Classification Used In Exoskeleton Ro...IRJET Journal
ย 
A comparative study of wavelet families for electromyography signal classific...
A comparative study of wavelet families for electromyography signal classific...A comparative study of wavelet families for electromyography signal classific...
A comparative study of wavelet families for electromyography signal classific...journalBEEI
ย 
Survey analysis for optimization algorithms applied to electroencephalogram
Survey analysis for optimization algorithms applied to electroencephalogramSurvey analysis for optimization algorithms applied to electroencephalogram
Survey analysis for optimization algorithms applied to electroencephalogramIJECEIAES
ย 
Surface Electromyography (SEMG) Based Fuzzy Logic Controller for Footballer b...
Surface Electromyography (SEMG) Based Fuzzy Logic Controller for Footballer b...Surface Electromyography (SEMG) Based Fuzzy Logic Controller for Footballer b...
Surface Electromyography (SEMG) Based Fuzzy Logic Controller for Footballer b...IRJET Journal
ย 
Motor Imagery based Brain Computer Interface for Windows Operating System
Motor Imagery based Brain Computer Interface for Windows Operating SystemMotor Imagery based Brain Computer Interface for Windows Operating System
Motor Imagery based Brain Computer Interface for Windows Operating SystemIRJET Journal
ย 
EMG Diagnosis using Neural Network Classifier with Time Domain and AR Features
EMG Diagnosis using Neural Network Classifier with Time Domain and AR FeaturesEMG Diagnosis using Neural Network Classifier with Time Domain and AR Features
EMG Diagnosis using Neural Network Classifier with Time Domain and AR FeaturesIDES Editor
ย 
EMG classification using ANN
EMG classification using ANNEMG classification using ANN
EMG classification using ANNMd Kafiul Islam
ย 
Modelling and Control of a Robotic Arm Using Artificial Neural Network
Modelling and Control of a Robotic Arm Using Artificial Neural NetworkModelling and Control of a Robotic Arm Using Artificial Neural Network
Modelling and Control of a Robotic Arm Using Artificial Neural NetworkIOSR Journals
ย 
IRJET- A Survey on Control of Mechanical ARM based on Hand Gesture Recognitio...
IRJET- A Survey on Control of Mechanical ARM based on Hand Gesture Recognitio...IRJET- A Survey on Control of Mechanical ARM based on Hand Gesture Recognitio...
IRJET- A Survey on Control of Mechanical ARM based on Hand Gesture Recognitio...IRJET Journal
ย 
Electroencephalography-based brain-computer interface using neural networks
Electroencephalography-based brain-computer interface using neural networksElectroencephalography-based brain-computer interface using neural networks
Electroencephalography-based brain-computer interface using neural networksTELKOMNIKA JOURNAL
ย 
RECOGNITION SYSTEM USING MYO ARMBAND FOR HAND GESTURES - SURVEY
RECOGNITION SYSTEM USING MYO ARMBAND FOR HAND GESTURES - SURVEYRECOGNITION SYSTEM USING MYO ARMBAND FOR HAND GESTURES - SURVEY
RECOGNITION SYSTEM USING MYO ARMBAND FOR HAND GESTURES - SURVEYIRJET Journal
ย 
Medical system based on thermal optical system and neural network
Medical system based on thermal optical system and neural  networkMedical system based on thermal optical system and neural  network
Medical system based on thermal optical system and neural networkIJECEIAES
ย 
EMG electromayogram
EMG electromayogramEMG electromayogram
EMG electromayogramASHISH RAJ
ย 
IRJET- Arrhythmia Detection using One Dimensional Convolutional Neural Network
IRJET- Arrhythmia Detection using One Dimensional Convolutional Neural NetworkIRJET- Arrhythmia Detection using One Dimensional Convolutional Neural Network
IRJET- Arrhythmia Detection using One Dimensional Convolutional Neural NetworkIRJET Journal
ย 
METHODS FOR IMPROVING THE CLASSIFICATION ACCURACY OF BIOMEDICAL SIGNALS BASED...
METHODS FOR IMPROVING THE CLASSIFICATION ACCURACY OF BIOMEDICAL SIGNALS BASED...METHODS FOR IMPROVING THE CLASSIFICATION ACCURACY OF BIOMEDICAL SIGNALS BASED...
METHODS FOR IMPROVING THE CLASSIFICATION ACCURACY OF BIOMEDICAL SIGNALS BASED...IAEME Publication
ย 

Similar to Using deep neural networks in classifying electromyography signals for hand gestures (20)

OPTIMIZATION OF NEURAL NETWORK ARCHITECTURE FOR BIOMECHANIC CLASSIFICATION TA...
OPTIMIZATION OF NEURAL NETWORK ARCHITECTURE FOR BIOMECHANIC CLASSIFICATION TA...OPTIMIZATION OF NEURAL NETWORK ARCHITECTURE FOR BIOMECHANIC CLASSIFICATION TA...
OPTIMIZATION OF NEURAL NETWORK ARCHITECTURE FOR BIOMECHANIC CLASSIFICATION TA...
ย 
Multilayer extreme learning machine for hand movement prediction based on ele...
Multilayer extreme learning machine for hand movement prediction based on ele...Multilayer extreme learning machine for hand movement prediction based on ele...
Multilayer extreme learning machine for hand movement prediction based on ele...
ย 
WAVELET DECOMPOSITION METHOD BASED AUTOMATED DIAGNOSIS OF MUSCLE DISEASES
WAVELET DECOMPOSITION METHOD BASED AUTOMATED DIAGNOSIS OF MUSCLE DISEASESWAVELET DECOMPOSITION METHOD BASED AUTOMATED DIAGNOSIS OF MUSCLE DISEASES
WAVELET DECOMPOSITION METHOD BASED AUTOMATED DIAGNOSIS OF MUSCLE DISEASES
ย 
IRJET-Electromyogram Signals for Multiuser Interface- A Review
IRJET-Electromyogram Signals for Multiuser Interface- A ReviewIRJET-Electromyogram Signals for Multiuser Interface- A Review
IRJET-Electromyogram Signals for Multiuser Interface- A Review
ย 
rob 537 final paper(fourth modify)
rob 537 final paper(fourth modify)rob 537 final paper(fourth modify)
rob 537 final paper(fourth modify)
ย 
Hybrid Feature Extraction Model For Emg Classification Used In Exoskeleton Ro...
Hybrid Feature Extraction Model For Emg Classification Used In Exoskeleton Ro...Hybrid Feature Extraction Model For Emg Classification Used In Exoskeleton Ro...
Hybrid Feature Extraction Model For Emg Classification Used In Exoskeleton Ro...
ย 
A comparative study of wavelet families for electromyography signal classific...
A comparative study of wavelet families for electromyography signal classific...A comparative study of wavelet families for electromyography signal classific...
A comparative study of wavelet families for electromyography signal classific...
ย 
Survey analysis for optimization algorithms applied to electroencephalogram
Survey analysis for optimization algorithms applied to electroencephalogramSurvey analysis for optimization algorithms applied to electroencephalogram
Survey analysis for optimization algorithms applied to electroencephalogram
ย 
Surface Electromyography (SEMG) Based Fuzzy Logic Controller for Footballer b...
Surface Electromyography (SEMG) Based Fuzzy Logic Controller for Footballer b...Surface Electromyography (SEMG) Based Fuzzy Logic Controller for Footballer b...
Surface Electromyography (SEMG) Based Fuzzy Logic Controller for Footballer b...
ย 
Motor Imagery based Brain Computer Interface for Windows Operating System
Motor Imagery based Brain Computer Interface for Windows Operating SystemMotor Imagery based Brain Computer Interface for Windows Operating System
Motor Imagery based Brain Computer Interface for Windows Operating System
ย 
EMG Diagnosis using Neural Network Classifier with Time Domain and AR Features
EMG Diagnosis using Neural Network Classifier with Time Domain and AR FeaturesEMG Diagnosis using Neural Network Classifier with Time Domain and AR Features
EMG Diagnosis using Neural Network Classifier with Time Domain and AR Features
ย 
EMG classification using ANN
EMG classification using ANNEMG classification using ANN
EMG classification using ANN
ย 
Modelling and Control of a Robotic Arm Using Artificial Neural Network
Modelling and Control of a Robotic Arm Using Artificial Neural NetworkModelling and Control of a Robotic Arm Using Artificial Neural Network
Modelling and Control of a Robotic Arm Using Artificial Neural Network
ย 
IRJET- A Survey on Control of Mechanical ARM based on Hand Gesture Recognitio...
IRJET- A Survey on Control of Mechanical ARM based on Hand Gesture Recognitio...IRJET- A Survey on Control of Mechanical ARM based on Hand Gesture Recognitio...
IRJET- A Survey on Control of Mechanical ARM based on Hand Gesture Recognitio...
ย 
Electroencephalography-based brain-computer interface using neural networks
Electroencephalography-based brain-computer interface using neural networksElectroencephalography-based brain-computer interface using neural networks
Electroencephalography-based brain-computer interface using neural networks
ย 
RECOGNITION SYSTEM USING MYO ARMBAND FOR HAND GESTURES - SURVEY
RECOGNITION SYSTEM USING MYO ARMBAND FOR HAND GESTURES - SURVEYRECOGNITION SYSTEM USING MYO ARMBAND FOR HAND GESTURES - SURVEY
RECOGNITION SYSTEM USING MYO ARMBAND FOR HAND GESTURES - SURVEY
ย 
Medical system based on thermal optical system and neural network
Medical system based on thermal optical system and neural  networkMedical system based on thermal optical system and neural  network
Medical system based on thermal optical system and neural network
ย 
EMG electromayogram
EMG electromayogramEMG electromayogram
EMG electromayogram
ย 
IRJET- Arrhythmia Detection using One Dimensional Convolutional Neural Network
IRJET- Arrhythmia Detection using One Dimensional Convolutional Neural NetworkIRJET- Arrhythmia Detection using One Dimensional Convolutional Neural Network
IRJET- Arrhythmia Detection using One Dimensional Convolutional Neural Network
ย 
METHODS FOR IMPROVING THE CLASSIFICATION ACCURACY OF BIOMEDICAL SIGNALS BASED...
METHODS FOR IMPROVING THE CLASSIFICATION ACCURACY OF BIOMEDICAL SIGNALS BASED...METHODS FOR IMPROVING THE CLASSIFICATION ACCURACY OF BIOMEDICAL SIGNALS BASED...
METHODS FOR IMPROVING THE CLASSIFICATION ACCURACY OF BIOMEDICAL SIGNALS BASED...
ย 

More from IAESIJAI

Convolutional neural network with binary moth flame optimization for emotion ...
Convolutional neural network with binary moth flame optimization for emotion ...Convolutional neural network with binary moth flame optimization for emotion ...
Convolutional neural network with binary moth flame optimization for emotion ...IAESIJAI
ย 
A novel ensemble model for detecting fake news
A novel ensemble model for detecting fake newsA novel ensemble model for detecting fake news
A novel ensemble model for detecting fake newsIAESIJAI
ย 
K-centroid convergence clustering identification in one-label per type for di...
K-centroid convergence clustering identification in one-label per type for di...K-centroid convergence clustering identification in one-label per type for di...
K-centroid convergence clustering identification in one-label per type for di...IAESIJAI
ย 
Plant leaf detection through machine learning based image classification appr...
Plant leaf detection through machine learning based image classification appr...Plant leaf detection through machine learning based image classification appr...
Plant leaf detection through machine learning based image classification appr...IAESIJAI
ย 
Backbone search for object detection for applications in intrusion warning sy...
Backbone search for object detection for applications in intrusion warning sy...Backbone search for object detection for applications in intrusion warning sy...
Backbone search for object detection for applications in intrusion warning sy...IAESIJAI
ย 
Deep learning method for lung cancer identification and classification
Deep learning method for lung cancer identification and classificationDeep learning method for lung cancer identification and classification
Deep learning method for lung cancer identification and classificationIAESIJAI
ย 
Optically processed Kannada script realization with Siamese neural network model
Optically processed Kannada script realization with Siamese neural network modelOptically processed Kannada script realization with Siamese neural network model
Optically processed Kannada script realization with Siamese neural network modelIAESIJAI
ย 
Embedded artificial intelligence system using deep learning and raspberrypi f...
Embedded artificial intelligence system using deep learning and raspberrypi f...Embedded artificial intelligence system using deep learning and raspberrypi f...
Embedded artificial intelligence system using deep learning and raspberrypi f...IAESIJAI
ย 
Deep learning based biometric authentication using electrocardiogram and iris
Deep learning based biometric authentication using electrocardiogram and irisDeep learning based biometric authentication using electrocardiogram and iris
Deep learning based biometric authentication using electrocardiogram and irisIAESIJAI
ย 
Hybrid channel and spatial attention-UNet for skin lesion segmentation
Hybrid channel and spatial attention-UNet for skin lesion segmentationHybrid channel and spatial attention-UNet for skin lesion segmentation
Hybrid channel and spatial attention-UNet for skin lesion segmentationIAESIJAI
ย 
Photoplethysmogram signal reconstruction through integrated compression sensi...
Photoplethysmogram signal reconstruction through integrated compression sensi...Photoplethysmogram signal reconstruction through integrated compression sensi...
Photoplethysmogram signal reconstruction through integrated compression sensi...IAESIJAI
ย 
Speaker identification under noisy conditions using hybrid convolutional neur...
Speaker identification under noisy conditions using hybrid convolutional neur...Speaker identification under noisy conditions using hybrid convolutional neur...
Speaker identification under noisy conditions using hybrid convolutional neur...IAESIJAI
ย 
Multi-channel microseismic signals classification with convolutional neural n...
Multi-channel microseismic signals classification with convolutional neural n...Multi-channel microseismic signals classification with convolutional neural n...
Multi-channel microseismic signals classification with convolutional neural n...IAESIJAI
ย 
Sophisticated face mask dataset: a novel dataset for effective coronavirus di...
Sophisticated face mask dataset: a novel dataset for effective coronavirus di...Sophisticated face mask dataset: a novel dataset for effective coronavirus di...
Sophisticated face mask dataset: a novel dataset for effective coronavirus di...IAESIJAI
ย 
Transfer learning for epilepsy detection using spectrogram images
Transfer learning for epilepsy detection using spectrogram imagesTransfer learning for epilepsy detection using spectrogram images
Transfer learning for epilepsy detection using spectrogram imagesIAESIJAI
ย 
Deep neural network for lateral control of self-driving cars in urban environ...
Deep neural network for lateral control of self-driving cars in urban environ...Deep neural network for lateral control of self-driving cars in urban environ...
Deep neural network for lateral control of self-driving cars in urban environ...IAESIJAI
ย 
Attention mechanism-based model for cardiomegaly recognition in chest X-Ray i...
Attention mechanism-based model for cardiomegaly recognition in chest X-Ray i...Attention mechanism-based model for cardiomegaly recognition in chest X-Ray i...
Attention mechanism-based model for cardiomegaly recognition in chest X-Ray i...IAESIJAI
ย 
Efficient commodity price forecasting using long short-term memory model
Efficient commodity price forecasting using long short-term memory modelEfficient commodity price forecasting using long short-term memory model
Efficient commodity price forecasting using long short-term memory modelIAESIJAI
ย 
1-dimensional convolutional neural networks for predicting sudden cardiac
1-dimensional convolutional neural networks for predicting sudden cardiac1-dimensional convolutional neural networks for predicting sudden cardiac
1-dimensional convolutional neural networks for predicting sudden cardiacIAESIJAI
ย 
A deep learning-based approach for early detection of disease in sugarcane pl...
A deep learning-based approach for early detection of disease in sugarcane pl...A deep learning-based approach for early detection of disease in sugarcane pl...
A deep learning-based approach for early detection of disease in sugarcane pl...IAESIJAI
ย 

More from IAESIJAI (20)

Convolutional neural network with binary moth flame optimization for emotion ...
Convolutional neural network with binary moth flame optimization for emotion ...Convolutional neural network with binary moth flame optimization for emotion ...
Convolutional neural network with binary moth flame optimization for emotion ...
ย 
A novel ensemble model for detecting fake news
A novel ensemble model for detecting fake newsA novel ensemble model for detecting fake news
A novel ensemble model for detecting fake news
ย 
K-centroid convergence clustering identification in one-label per type for di...
K-centroid convergence clustering identification in one-label per type for di...K-centroid convergence clustering identification in one-label per type for di...
K-centroid convergence clustering identification in one-label per type for di...
ย 
Plant leaf detection through machine learning based image classification appr...
Plant leaf detection through machine learning based image classification appr...Plant leaf detection through machine learning based image classification appr...
Plant leaf detection through machine learning based image classification appr...
ย 
Backbone search for object detection for applications in intrusion warning sy...
Backbone search for object detection for applications in intrusion warning sy...Backbone search for object detection for applications in intrusion warning sy...
Backbone search for object detection for applications in intrusion warning sy...
ย 
Deep learning method for lung cancer identification and classification
Deep learning method for lung cancer identification and classificationDeep learning method for lung cancer identification and classification
Deep learning method for lung cancer identification and classification
ย 
Optically processed Kannada script realization with Siamese neural network model
Optically processed Kannada script realization with Siamese neural network modelOptically processed Kannada script realization with Siamese neural network model
Optically processed Kannada script realization with Siamese neural network model
ย 
Embedded artificial intelligence system using deep learning and raspberrypi f...
Embedded artificial intelligence system using deep learning and raspberrypi f...Embedded artificial intelligence system using deep learning and raspberrypi f...
Embedded artificial intelligence system using deep learning and raspberrypi f...
ย 
Deep learning based biometric authentication using electrocardiogram and iris
Deep learning based biometric authentication using electrocardiogram and irisDeep learning based biometric authentication using electrocardiogram and iris
Deep learning based biometric authentication using electrocardiogram and iris
ย 
Hybrid channel and spatial attention-UNet for skin lesion segmentation
Hybrid channel and spatial attention-UNet for skin lesion segmentationHybrid channel and spatial attention-UNet for skin lesion segmentation
Hybrid channel and spatial attention-UNet for skin lesion segmentation
ย 
Photoplethysmogram signal reconstruction through integrated compression sensi...
Photoplethysmogram signal reconstruction through integrated compression sensi...Photoplethysmogram signal reconstruction through integrated compression sensi...
Photoplethysmogram signal reconstruction through integrated compression sensi...
ย 
Speaker identification under noisy conditions using hybrid convolutional neur...
Speaker identification under noisy conditions using hybrid convolutional neur...Speaker identification under noisy conditions using hybrid convolutional neur...
Speaker identification under noisy conditions using hybrid convolutional neur...
ย 
Multi-channel microseismic signals classification with convolutional neural n...
Multi-channel microseismic signals classification with convolutional neural n...Multi-channel microseismic signals classification with convolutional neural n...
Multi-channel microseismic signals classification with convolutional neural n...
ย 
Sophisticated face mask dataset: a novel dataset for effective coronavirus di...
Sophisticated face mask dataset: a novel dataset for effective coronavirus di...Sophisticated face mask dataset: a novel dataset for effective coronavirus di...
Sophisticated face mask dataset: a novel dataset for effective coronavirus di...
ย 
Transfer learning for epilepsy detection using spectrogram images
Transfer learning for epilepsy detection using spectrogram imagesTransfer learning for epilepsy detection using spectrogram images
Transfer learning for epilepsy detection using spectrogram images
ย 
Deep neural network for lateral control of self-driving cars in urban environ...
Deep neural network for lateral control of self-driving cars in urban environ...Deep neural network for lateral control of self-driving cars in urban environ...
Deep neural network for lateral control of self-driving cars in urban environ...
ย 
Attention mechanism-based model for cardiomegaly recognition in chest X-Ray i...
Attention mechanism-based model for cardiomegaly recognition in chest X-Ray i...Attention mechanism-based model for cardiomegaly recognition in chest X-Ray i...
Attention mechanism-based model for cardiomegaly recognition in chest X-Ray i...
ย 
Efficient commodity price forecasting using long short-term memory model
Efficient commodity price forecasting using long short-term memory modelEfficient commodity price forecasting using long short-term memory model
Efficient commodity price forecasting using long short-term memory model
ย 
1-dimensional convolutional neural networks for predicting sudden cardiac
1-dimensional convolutional neural networks for predicting sudden cardiac1-dimensional convolutional neural networks for predicting sudden cardiac
1-dimensional convolutional neural networks for predicting sudden cardiac
ย 
A deep learning-based approach for early detection of disease in sugarcane pl...
A deep learning-based approach for early detection of disease in sugarcane pl...A deep learning-based approach for early detection of disease in sugarcane pl...
A deep learning-based approach for early detection of disease in sugarcane pl...
ย 

Recently uploaded

Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...apidays
ย 
Advantages of Hiring UIUX Design Service Providers for Your Business
Advantages of Hiring UIUX Design Service Providers for Your BusinessAdvantages of Hiring UIUX Design Service Providers for Your Business
Advantages of Hiring UIUX Design Service Providers for Your BusinessPixlogix Infotech
ย 
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...Igalia
ย 
08448380779 Call Girls In Friends Colony Women Seeking Men
08448380779 Call Girls In Friends Colony Women Seeking Men08448380779 Call Girls In Friends Colony Women Seeking Men
08448380779 Call Girls In Friends Colony Women Seeking MenDelhi Call girls
ย 
[2024]Digital Global Overview Report 2024 Meltwater.pdf
[2024]Digital Global Overview Report 2024 Meltwater.pdf[2024]Digital Global Overview Report 2024 Meltwater.pdf
[2024]Digital Global Overview Report 2024 Meltwater.pdfhans926745
ย 
How to convert PDF to text with Nanonets
How to convert PDF to text with NanonetsHow to convert PDF to text with Nanonets
How to convert PDF to text with Nanonetsnaman860154
ย 
IAC 2024 - IA Fast Track to Search Focused AI Solutions
IAC 2024 - IA Fast Track to Search Focused AI SolutionsIAC 2024 - IA Fast Track to Search Focused AI Solutions
IAC 2024 - IA Fast Track to Search Focused AI SolutionsEnterprise Knowledge
ย 
A Domino Admins Adventures (Engage 2024)
A Domino Admins Adventures (Engage 2024)A Domino Admins Adventures (Engage 2024)
A Domino Admins Adventures (Engage 2024)Gabriella Davis
ย 
EIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptx
EIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptxEIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptx
EIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptxEarley Information Science
ย 
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...Drew Madelung
ย 
Workshop - Best of Both Worlds_ Combine KG and Vector search for enhanced R...
Workshop - Best of Both Worlds_ Combine  KG and Vector search for  enhanced R...Workshop - Best of Both Worlds_ Combine  KG and Vector search for  enhanced R...
Workshop - Best of Both Worlds_ Combine KG and Vector search for enhanced R...Neo4j
ย 
GenCyber Cyber Security Day Presentation
GenCyber Cyber Security Day PresentationGenCyber Cyber Security Day Presentation
GenCyber Cyber Security Day PresentationMichael W. Hawkins
ย 
๐Ÿฌ The future of MySQL is Postgres ๐Ÿ˜
๐Ÿฌ  The future of MySQL is Postgres   ๐Ÿ˜๐Ÿฌ  The future of MySQL is Postgres   ๐Ÿ˜
๐Ÿฌ The future of MySQL is Postgres ๐Ÿ˜RTylerCroy
ย 
2024: Domino Containers - The Next Step. News from the Domino Container commu...
2024: Domino Containers - The Next Step. News from the Domino Container commu...2024: Domino Containers - The Next Step. News from the Domino Container commu...
2024: Domino Containers - The Next Step. News from the Domino Container commu...Martijn de Jong
ย 
Finology Group โ€“ Insurtech Innovation Award 2024
Finology Group โ€“ Insurtech Innovation Award 2024Finology Group โ€“ Insurtech Innovation Award 2024
Finology Group โ€“ Insurtech Innovation Award 2024The Digital Insurer
ย 
Understanding Discord NSFW Servers A Guide for Responsible Users.pdf
Understanding Discord NSFW Servers A Guide for Responsible Users.pdfUnderstanding Discord NSFW Servers A Guide for Responsible Users.pdf
Understanding Discord NSFW Servers A Guide for Responsible Users.pdfUK Journal
ย 
08448380779 Call Girls In Greater Kailash - I Women Seeking Men
08448380779 Call Girls In Greater Kailash - I Women Seeking Men08448380779 Call Girls In Greater Kailash - I Women Seeking Men
08448380779 Call Girls In Greater Kailash - I Women Seeking MenDelhi Call girls
ย 
Artificial Intelligence: Facts and Myths
Artificial Intelligence: Facts and MythsArtificial Intelligence: Facts and Myths
Artificial Intelligence: Facts and MythsJoaquim Jorge
ย 
TrustArc Webinar - Stay Ahead of US State Data Privacy Law Developments
TrustArc Webinar - Stay Ahead of US State Data Privacy Law DevelopmentsTrustArc Webinar - Stay Ahead of US State Data Privacy Law Developments
TrustArc Webinar - Stay Ahead of US State Data Privacy Law DevelopmentsTrustArc
ย 
Scaling API-first โ€“ The story of a global engineering organization
Scaling API-first โ€“ The story of a global engineering organizationScaling API-first โ€“ The story of a global engineering organization
Scaling API-first โ€“ The story of a global engineering organizationRadu Cotescu
ย 

Recently uploaded (20)

Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...
ย 
Advantages of Hiring UIUX Design Service Providers for Your Business
Advantages of Hiring UIUX Design Service Providers for Your BusinessAdvantages of Hiring UIUX Design Service Providers for Your Business
Advantages of Hiring UIUX Design Service Providers for Your Business
ย 
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...
ย 
08448380779 Call Girls In Friends Colony Women Seeking Men
08448380779 Call Girls In Friends Colony Women Seeking Men08448380779 Call Girls In Friends Colony Women Seeking Men
08448380779 Call Girls In Friends Colony Women Seeking Men
ย 
[2024]Digital Global Overview Report 2024 Meltwater.pdf
[2024]Digital Global Overview Report 2024 Meltwater.pdf[2024]Digital Global Overview Report 2024 Meltwater.pdf
[2024]Digital Global Overview Report 2024 Meltwater.pdf
ย 
How to convert PDF to text with Nanonets
How to convert PDF to text with NanonetsHow to convert PDF to text with Nanonets
How to convert PDF to text with Nanonets
ย 
IAC 2024 - IA Fast Track to Search Focused AI Solutions
IAC 2024 - IA Fast Track to Search Focused AI SolutionsIAC 2024 - IA Fast Track to Search Focused AI Solutions
IAC 2024 - IA Fast Track to Search Focused AI Solutions
ย 
A Domino Admins Adventures (Engage 2024)
A Domino Admins Adventures (Engage 2024)A Domino Admins Adventures (Engage 2024)
A Domino Admins Adventures (Engage 2024)
ย 
EIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptx
EIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptxEIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptx
EIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptx
ย 
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...
ย 
Workshop - Best of Both Worlds_ Combine KG and Vector search for enhanced R...
Workshop - Best of Both Worlds_ Combine  KG and Vector search for  enhanced R...Workshop - Best of Both Worlds_ Combine  KG and Vector search for  enhanced R...
Workshop - Best of Both Worlds_ Combine KG and Vector search for enhanced R...
ย 
GenCyber Cyber Security Day Presentation
GenCyber Cyber Security Day PresentationGenCyber Cyber Security Day Presentation
GenCyber Cyber Security Day Presentation
ย 
๐Ÿฌ The future of MySQL is Postgres ๐Ÿ˜
๐Ÿฌ  The future of MySQL is Postgres   ๐Ÿ˜๐Ÿฌ  The future of MySQL is Postgres   ๐Ÿ˜
๐Ÿฌ The future of MySQL is Postgres ๐Ÿ˜
ย 
2024: Domino Containers - The Next Step. News from the Domino Container commu...
2024: Domino Containers - The Next Step. News from the Domino Container commu...2024: Domino Containers - The Next Step. News from the Domino Container commu...
2024: Domino Containers - The Next Step. News from the Domino Container commu...
ย 
Finology Group โ€“ Insurtech Innovation Award 2024
Finology Group โ€“ Insurtech Innovation Award 2024Finology Group โ€“ Insurtech Innovation Award 2024
Finology Group โ€“ Insurtech Innovation Award 2024
ย 
Understanding Discord NSFW Servers A Guide for Responsible Users.pdf
Understanding Discord NSFW Servers A Guide for Responsible Users.pdfUnderstanding Discord NSFW Servers A Guide for Responsible Users.pdf
Understanding Discord NSFW Servers A Guide for Responsible Users.pdf
ย 
08448380779 Call Girls In Greater Kailash - I Women Seeking Men
08448380779 Call Girls In Greater Kailash - I Women Seeking Men08448380779 Call Girls In Greater Kailash - I Women Seeking Men
08448380779 Call Girls In Greater Kailash - I Women Seeking Men
ย 
Artificial Intelligence: Facts and Myths
Artificial Intelligence: Facts and MythsArtificial Intelligence: Facts and Myths
Artificial Intelligence: Facts and Myths
ย 
TrustArc Webinar - Stay Ahead of US State Data Privacy Law Developments
TrustArc Webinar - Stay Ahead of US State Data Privacy Law DevelopmentsTrustArc Webinar - Stay Ahead of US State Data Privacy Law Developments
TrustArc Webinar - Stay Ahead of US State Data Privacy Law Developments
ย 
Scaling API-first โ€“ The story of a global engineering organization
Scaling API-first โ€“ The story of a global engineering organizationScaling API-first โ€“ The story of a global engineering organization
Scaling API-first โ€“ The story of a global engineering organization
ย 

Using deep neural networks in classifying electromyography signals for hand gestures

  • 1. IAES International Journal of Artificial Intelligence (IJ-AI) Vol. 13, No. 1, March 2024, pp. 217~227 ISSN: 2252-8938, DOI: 10.11591/ijai.v13.i1.pp217-227 ๏ฒ 217 Journal homepage: http://ijai.iaescore.com Using deep neural networks in classifying electromyography signals for hand gestures Ahmed M. Al-Khazzar, Zainab Altaweel, Jabbar S. Hussain Prosthetics and Orthotics Engineering Department, College of Engineering, University of Kerbala, Kerbala, Iraq Article Info ABSTRACT Article history: Received Jan 19, 2023 Revised May 8, 2023 Accepted May 23, 2023 Electromyography (EMG) signals are used for various applications, especially in smart prostheses. Recognizing various gestures (hand movements) in EMG systems introduces challenges. These challenges include the noise effect on EMG signals and the difficulty in identifying the exact movement from the collected EMG data amongst others. In this paper, three neural network models are trained using an open EMG dataset to classify and recognize seven different gestures based on the collected EMG data. The three implemented models are: a four-layer deep neural network (DNN), an eight-layer DNN, and a five-layer convolutional neural network (CNN). In addition, five optimizers are tested for each model, namely Adam, Adamax, Nadam, Adagrad, and AdaDelta. It has been found that four layers achieve respectable recognition accuracy of 95% in the proposed model. Keywords: Artificial intelligence Deep neural networks Electromyography Neural networks Smart prostheses This is an open access article under the CC BY-SA license. Corresponding Author: Ahmed M. Al-Khazzar Prosthetics and Orthotics Engineering Department, College of Engineering, University of Kerbala Kerbala, Iraq Email: ahmed.m.ahmed@uokerbala.edu.iq 1. INTRODUCTION Electromyography (EMG) signals can effectively characterize the properties of body neurons and muscles of the human body [1]. They are widely used in prosthetic applications as a method to control the actuators in lower or upper prostheses. Many of these applications use noninvasive surface EMG sensors to measure the muscle activity and control the prosthetic device based on the collected data. Some examples can be found in [2]โ€“[10]. Developing a controller to recognize various hand gestures based on EMG signals is a difficult task. The accuracy of such systems is reported in previous work [11]. The EMG accuracy is affected by various factors such as the location of EMG electrode, the extracted features, and the recognition algorithm [12]. In surface EMG (sEMG) specially, the electrode location greatly affects the signal quality [13]. In addition to the accuracy and signal quality challenges, differentiating between individual finger movements presents further difficulties. The reason is that the EMG signal variances are smaller for finger movements compared to other muscles [14]. Additionally, muscles that control finger gestures are in deep layers of the forearm, making it more difficult to measure the EMG signal [15]. To overcome some of these challenges, an efficient EMG recognition algorithm is required. The amputee usually is required to undergo training sessions to learn to control the prosthetic device. In the training process, the system needs to collect EMG data related to the amputee and recognize the intent of the amputee and make decisions later to enable the patient to control the prosthetic device. In using EMG based devices, the problem arises that the training should be repeated for each patient. Some patients are reported to drop the EMG based prosthetic device as a result of difficulty in controlling the prosthesis. These difficulties could be originated from the limited number of training sessions and the inherent EMG signal
  • 2. ๏ฒ ISSN: 2252-8938 Int J Artif Intell, Vol. 13, No. 1, March 2024: 217-227 218 properties. For example, electrical signals from muscles can be affected by interference from power supply, mechanical devices, and activity of other muscles [16]. To overcome some of the difficulties mentioned previously in this section, it is suggested to train neural network models i.e deep neural network (DNN) or convolutional neural network (CNN) with different parameters for EMG gesture recognition. In this paper, three models are proposed and trained using an open dataset and the recognition accuracy is reported. The dataset was collected using seven hand gestures. The proposed system should be able to recognize each gesture with acceptable accuracy based on the available EMG data. Table 1 shows some of the previous literatureโ€™s recognition accuracies in EMG data classification [10], [12], [14], [17], [18], [19]โ€“[28] using artificial neural networks (ANN) and other classifiers. The number of EMG channels (sensors), classifier types, number of subjects and gestures, and the length of time varies depending on the research. However, the table shows that the recognition accuracy can vary between 64% to 99% depending on the methodology. The results of this paper will be compared with the related research in this table. Table 1. Comparison of past literature in EMG data classification Reference No. of EMG Channels Classifier No. of Subjects Time Length (seconds) No. of Gestures Recognition Accuracy [10] 8 Multiple layer perceptron neural network (MLPNN) 3 7 14 91-94% [12] 6 Principal component analysis (PCA) algorithm and support vector machine (SVM) classifier 5 5 6 99.6% 11 95.6% 17 95.1% [14] 6 Artificial neural network (ANN) 12 5 9 72.9% 17 63.8% [17] 4 Independent component analysis (ICA), Integral root mean square (IRMS), ANN 4 10 90.33% [18] 4 K-nearest neighbor (KNN), linear discriminant analysis (LDA), SVM 6 0.064 9 91% [19] 5 Performance measurement index (PNM) 4 1 10 80% [20] 8 Deep adaptation network (DAN), multiple kernel variant of maximum mean discrepancies (MK-MMD) 23 3-10 22 84.6% [21] 2 Linear bayesian classifier 4 1 5 90%-93.5% 11 83.1%-95.4% 16 78.8%-90.3% [22] 4 Canonical correlation analysis (CCA), KNN, LDA 8 5-10 8 82% [23] 64 Hyperdimensional (HD) computing 5 2 9 78.21% [24] 2 KNN 30 5 4 94% [25] 4 1-nearest neighborhood, maximum likelihood estimation (MLE) 8 1-2 8 85.7% [26] 4 SVM, LDA, and hidden markov model (HMM) 18 1 8 89.3% [27] 6 SVM 5 4 5 96% [28] 8 MLPNN 3 5 5 99% 2. METHOD 2.1. The dataset The dataset used in this paper is generated and made available by [29]. It contains the EMG data from eight channels. The data were collected for seven gestures: 1- index finger only, 2- middle finger only, 3- ring finger only, 4- little finger only, 5- thumb only, 6- rest state, and 7- two finger victory gesture. The data were labeled into seven classes 0 to 6 based on the performed gesture 50 persons repeated each gesture 20 times The raw data was collected using 200 HZ sampling rate in the Myo armband, then it was preprocessed to remove the unusable data by detecting the abrupt changes, and cropping the signal. Finally, ten features were extracted from each electrode, namely: standard deviation, root mean square, minimum, maximum, zero crossings, average amplitude change, amplitude first burst, mean absolute value, waveform length, Willison amplitude. More than 6,800 set of features are extracted for each of the eight channels. Namely 6,800ร—80 features are available for the training across the seven gestures. These data were fed to the neural network models as described in the next section. 2.2. Myo armband The data used in this paper were collected using a Myo armband. A Myo armband is a wearable band that uses eight EMG channels to measure the EMG signals of forearm muscles. It also includes additional sensors such as gyroscope, accelerometer, and magnetometer to aid gesture recognition. The device can send
  • 3. Int J Artif Intell ISSN: 2252-8938 ๏ฒ Using deep neural networks in classifying electromyography signals for โ€ฆ (Ahmed M. Al-Khazzar) 219 data to various platforms via Bluetooth. Myo armband drivers can recognize five gestures internally. However, raw EMG data can also be read directly from the device. These raw data are used to train the neural network models in this paper. 2.3. Classification with deep neural networks Recently, neural networks have been widely used in EMG signal classification, as it has shown improvements in classification accuracy [30]. In this paper, two DNN architectures were used, the first one is DNN, which was employed in two models with different numbers of hidden layers. DNN has a simple architecture of fully connected layers, yet it works efficiently in complex classification problems. The second one is CNN, in which, one or more convolutional layer is presented. These layers whether they are fully connected or pooled can extract the important features of the input data. After the models' architecture was selected, the next step is to choose the training parameters as explained in the next section. 2.4. Optimizers A deep learning system attempts to perform predictions of new data based on a specific algorithm. An optimization algorithm decides the parameter values that in turn can minimize the classification error. These optimization algorithms can affect both the accuracy of the model and the training time. An optimizer modifies the properties of the neural network such as epochโ€™s weights and attempts to minimize the loss function. The expected function of the optimizer, therefore, is to improve the accuracy and reduce the loss [31]. Choosing a suitable optimization algorithm can be challenging since there are a very large number of parameters available. However, it is possible to detect a more favorable optimization algorithm for a specific application. The five optimization algorithms compared in this paper are Adam, Adamax, Nadam, Adagard, AdaDelta. These optimizers are briefly explained in sections 2.4.1. to 2.4.5. [31], [32]. 2.4.1. Adagard Adagard is a gradient based optimization algorithm that adapts the learning rate to the parameters. It uses a different learning curve for each parameter and for every time stop. Adagard advantages are that the learning curve changes per training parameter and it is capable of training sparse data. While its disadvantages are that it can be computationally expensive and it has a decreasing learning curve. ๐œƒ๐‘ก+1 = ๐œƒ๐‘ก โˆ’ ๐œ‚ โˆš๐บ๐‘ก+๐œ– . ๐‘”๐‘ก,๐‘– (1) 2.4.2. Adadelta Adadeleta is an update to Adagard that tries to address the decreasing learning rate. It is a powerfull extension of the Adadelta that prevents accumulation of the previous gradients. Adadelta continues the learning regardless of updates. Its advantages are that the learning curve will not decrease compared to Adagard, however, it is still computationally expensive. ๐ธ[๐‘”ยฒ]๐‘ก = ๐›พ. ๐ธ[๐‘”ยฒ]๐‘กโˆ’1 + (1 โˆ’ ๐›พ). ๐‘”๐‘กยฒ (2) ๐œƒ๐‘ก+1 = ๐œƒ๐‘ก โˆ’ ๐œ‚ โˆš๐ธ[๐‘”ยฒ]๐‘ก+๐œ– . ๐‘”๐‘ก (3) 2.4.3. Adam Adaptive moment estimation (Adam) calculates adaptive learning rates similar to Adagard, and Adadelta. Adam algorithm keeps track of exponentially decaying average of past square gradients vt and past gradients mt: ๐‘š๐‘ก = ๐›ฝ1๐‘š๐‘กโˆ’1 + (1 โˆ’ ๐›ฝ1)๐‘”๐‘ก (4) ๐‘ฃ๐‘ก = ๐›ฝ2๐‘ฃ๐‘กโˆ’1 + (1 โˆ’ ๐›ฝ2)๐‘”๐‘ก 2 (5) Bias corrected moments: ๐‘š ฬ‚๐‘ก = ๐‘š๐‘ก 1โˆ’๐›ฝ1 ๐‘ก (6) ๐‘ฃ ฬ‚๐‘ก = ๐‘ฃ๐‘ก 1โˆ’๐›ฝ2 ๐‘ก (7)
  • 4. ๏ฒ ISSN: 2252-8938 Int J Artif Intell, Vol. 13, No. 1, March 2024: 217-227 220 The Adam equation: ๐œƒ๐‘ก+1 = ๐œƒ๐‘ก โˆ’ ๐œ‚ โˆš๐‘ฃ ฬ‚๐‘ก+๐œ– . ๐‘š ฬ‚๐‘ก (8) The proposed values for ๐›ฝ1 ๐‘–๐‘  0.9 ๐‘Ž๐‘›๐‘‘ ๐‘“๐‘œ๐‘Ÿ ๐›ฝ2 is 0.999, and 10-8 for ๐œ–. The experiments show that Adamโ€™s performance is better compared to other algorithms. Its advantage is that it is fast and has no decaying learning rate. However, it is still computationally expensive. 2.4.4. Adamax Adamax is a variant of Adam based on infinity norm. It is a linear gradient based optimization technique which enables adjusting the learning curve based on characteristics of input data. It is suitable for time variant data such as speech. ๐‘ฃ๐‘ก = ๐›ฝ2 ๐‘ ๐‘ฃ๐‘กโˆ’1 + (1 โˆ’ ๐›ฝ2 ๐‘ )|๐‘”๐‘ก|๐‘ (9) ๐‘ข๐‘ก = ๐›ฝ2 โˆž ๐‘ฃ๐‘กโˆ’1 + (1 โˆ’ ๐›ฝ2 โˆž )|๐‘”๐‘ก|โˆž = ๐‘š๐‘Ž๐‘ฅ(๐›ฝ2 โ‹… ๐‘ฃ๐‘กโˆ’1, |๐‘”๐‘ก|) (10) ๐œƒ๐‘ก+1 = ๐œƒ๐‘ก โˆ’ ๐œ‚ ๐‘ข๐‘ก . ๐‘š ฬ‚๐‘ก (11) 2.4.5. Nadam Nesterov accelerated adaptive moment estimation (Nadam) combines two algorithms, Adam and Nestrov Momentum. It is similar to Adam in working on momentum, however it replaces RMSprop with Nestrov. Nadam oprimizerโ€™s applications are mostly in noisy or high curvature gradients. ๐œƒ๐‘ก+1 = ๐œƒ๐‘ก โˆ’ ๐œ‚ โˆš๐‘ฃ ฬ‚๐‘ก+๐œ– . (๐›ฝ1๐‘š ฬ‚๐‘ก + (1โˆ’๐›ฝ๐‘ก)๐‘”๐‘ก) 1โˆ’๐›ฝ1 ๐‘ก ) (12) 3. DEEP NEURAL NETWORK MODELS 3.1. Model 1: Four Layer DNN Model 1 is a simple DNN that consists of the input layer, two fully connected layers with 256 and 128 neurons, and the output layer as showm in Figure 1. Dropout technique was used to ignore random neurons during the training process. Testing the same model with different optimizers, results in lower accuracy even when increasing the number of epochs, as shown in the Table 2. Using this model, it was found that using different loss functions had no or slight effect on the accuracy, for example, Binary Cross Entropy loss function increased the accuracy to 95.01%. The training parameters were set such that the number of epochs= 100, the batch size= 32, the optimizer is Adam, and the loss function is Categorical cross entropy. Figure 1. DNN model 1
  • 5. Int J Artif Intell ISSN: 2252-8938 ๏ฒ Using deep neural networks in classifying electromyography signals for โ€ฆ (Ahmed M. Al-Khazzar) 221 3.2. Model 2: 8 Layer DNN In model 2 the number of dense layers was increased. The model consists of the input layer, six fully connected layers with 1,024, 512, 256, 128, 64, and 32 neurons, and the output layer. The training parameters were set similar to model 1. Similar to model 1, testing the same model with different optimizers, resulted in lower accuracy even when increasing the number of epochs, as shown in Table 3. Table 2. The effect of optimizer on the accuracy of the first model Optimizer Accuracy Loss Adam 94.7% 5.2% Adamax 94.7% 5.2% Nadam 94.4% 5.5% Adagrad 87.4% 12.5% AdaDelta 71.04% 28.9% Table 3. The effect of optimizer on the accuracy of the second model Optimizer Accuracy Loss Adam 95.1% 4.8% Adamax 95.01% 4.9% Nadam 94.02% 5.9% Adagrad 93.6% 6.3% AdaDelta 72.3% 27.6% 3.3. Model 3: Five Layer CNN In this model, two convolutional neural layers with 64 filters each were used with a kernel size of 3, in addition to one dense layer of 100 neurons. The training parameters were the same as the previous models as shown in Figure 2. The same pattern has repeated in this model. Testing the same model with different optimizers results in lower accuracy even when increasing the number of epochs, as shown in Table 4. Figure 2. CNN model 3 Table 4. The effect of optimizer on the accuracy of the third model Optimizer Accuracy Loss Adam 95.7% 4.2% Adamax 95.3% 4.6% Nadam 95.3% 4.6% Adagrad 88.6% 11.3% AdaDelta 71.7% 28.2% 4. RESULTS AND DISCUSSION Figures 3(a)-(c), 4(a)-(c), and 5(a)-(c) show the accuracy, loss over time, and confusion matrices for Adam optimizer in models 1, 2 and 3. Table 5 summarizes the confusion matrices of the models. In all three models, class 5 was recognized accurately for up to 100% of samples. Similarly, classes 2 and 6, were recognized with better accuracy and fewer misses than the other classes. The second model had a better performance in recognizing class 6 with 98.2% accuracy. Class 4 had the most misclassifications of all classes with an accuracy between 89.5% and 92.2%. No model shows exceptional accuracy across all classes.
  • 6. ๏ฒ ISSN: 2252-8938 Int J Artif Intell, Vol. 13, No. 1, March 2024: 217-227 222 (a) (b) (c) Figure 3. Model 1 accuracy (a) loss over time, (b) confusion matric, and (c) for Adam optimizer
  • 7. Int J Artif Intell ISSN: 2252-8938 ๏ฒ Using deep neural networks in classifying electromyography signals for โ€ฆ (Ahmed M. Al-Khazzar) 223 (a) (b) (c) Figure 4. Model 2 accuracy (a) loss over time, (b) confusion matric, and (c) for Adam optimizer
  • 8. ๏ฒ ISSN: 2252-8938 Int J Artif Intell, Vol. 13, No. 1, March 2024: 217-227 224 (a) (b) (c) Figure 5. Model 3 accuracy (a) loss over time, (b) confusion matric, and (c) for Adam optimizer
  • 9. Int J Artif Intell ISSN: 2252-8938 ๏ฒ Using deep neural networks in classifying electromyography signals for โ€ฆ (Ahmed M. Al-Khazzar) 225 Table 5. Recognition accuracy of different classes in the three models Model 1 Samples 0 1 2 3 4 5 6 Correctly classified 225 216 260 261 238 197 213 Misclassified 18 17 5 19 28 0 9 Accuracy 92.59% 92.70% 98.11% 93.21% 89.47% 100.00% 95.95% Model 2 samples 0 1 2 3 4 5 6 Correctly classified 228 212 260 269 240 197 218 Misclassified 15 21 5 11 26 0 4 Accuracy 93.83% 90.99% 98.11% 96.07% 90.23% 100.00% 98.20% Model 3 samples 0 1 2 3 4 5 6 Correctly classified 226 219 259 272 245 196 217 Misclassified 17 14 6 8 21 1 5 Accuracy 93.00% 93.99% 97.74% 97.14% 92.11% 99.49% 97.75% Table 6 shows the accuracy across different models. It is clear that the accuracy improvement with increasing number of layers was negligible (about 1% between model 1 and 3). It has been found that 4 layers can achieve an acceptable accuracy rate of 94.7%. Therefore, it is not necessary to increase the number of layers in this particular model. Compared to the results reported in the literature (Table 1), the DNN model used in this paper performed better than most reported results (the datasets used in the literature vary). 95% accuracy could be acceptable for an EMG gesture recognition system. Table 6. Comparing the recognition accuracy of the three models Model Number of Layers Accuracy Loss Model 1 4 94.7% 5.2% Model 2 8 95.1% 4.8% Model 3 6 (two convolution layers) 95.7% 4.2% 5. CONCLUSION Three DNN models were used in this paper to recognize the EMG signals extracted for seven different gestures. The dataset included 6,800 samples. 80 features were extracted for each sample from eight EMG channels. The neural network models used in this paper differed mostly in the number and type of layers (4,6, and 8), and the number of epochs. The first model consisted of the input layer, two fully connected layers with 256 and 128 neurons, and the output layer and resulted in an accuracy of up to 95.01%. The second model consisted of the input layer, six fully connected layers with 1024, 512, 256, 128, 64, and 32 neurons, and the output layer and resulted in an accuracy of up to 94.7%. The third model consisted of two convolutional neural layers with 64 filters with a kernel size of 3, in addition to one dense layer of 100 neurons. This model resulted in a recognition accuracy of upto 95.7%. The results in this paper showed that the accuracy improvement with increasing number of layers was negligible (about 1% between model 1 and 3). Therefore, in recognizing this particular dataset it is not crucial to increase the number of layers. In other words, increasing the number of layers had little to no effect on increasing the recognition accuracy. In addition, various optimizers namely, Adam, Adamax, Nadam, Adagrad, and AdaDelta, were tested across the neural network models. It was found that the Adam optimizer performed the best in recognizing the gestures in this EMG dataset. Using other optimizers resulted in lower accuracy even when increasing the number of epochs. The four-layer DNN model used in this paper archived average recognition accuracy of to 95%. This accuracy can be acceptable for a functional smart prosthesis based on EMG signals. The lower computing requirement and the acceptable accuracy of a four-layer DNN model (compared to even more layers) can be helpful with the limited computing power of the smart prosthesis devices. REFERENCES [1] K. F. Liem, G. E. Loeb, and C. Gans, Electromyography for Experimentalists, vol. 1987, no. 4. University of Chicago Press, 1987. doi: 10.2307/1445582. [2] P. J. Kyberd, โ€œAssessment of Functionality of Multifunction Prosthetic Hands,โ€ J. Prosthetics Orthot., vol. 29, no. 3, pp. 103โ€“111, Jul. 2017, doi: 10.1097/JPO.0000000000000139. [3] A. M. Simon, K. L. Turner, L. A. Miller, L. J. Hargrove, and T. A. Kuiken, โ€œPattern recognition and direct control home use of a multi- articulating hand prosthesis,โ€ in IEEE International Conference on Rehabilitation Robotics, IEEE, Jun. 2019, pp. 386โ€“391. doi: 10.1109/ICORR.2019.8779539. [4] S. A. Dalley, T. E. Wiste, T. J. Withrow, and M. Goldfarb, โ€œDesign of a multifunctional anthropomorphic prosthetic hand with extrinsic actuation,โ€ IEEE/ASME Trans. Mechatronics, vol. 14, no. 6, pp. 699โ€“706, Dec. 2009, doi: 10.1109/TMECH.2009.2033113. [5] Y. Losier et al., โ€œAn Overview of the UNB Hand System,โ€ in MyoElectric Controls/Powered Prosthetics Symposium Fredericton, 2011, pp. 2โ€“5. [6] J. T. Belter and A. M. Dollar, โ€œNovel differential mechanism enabling two DOF from a single actuator: Application to a prosthetic
  • 10. ๏ฒ ISSN: 2252-8938 Int J Artif Intell, Vol. 13, No. 1, March 2024: 217-227 226 hand,โ€ in IEEE International Conference on Rehabilitation Robotics, IEEE, Jun. 2013. doi: 10.1109/ICORR.2013.6650441. [7] C. Cipriani, M. Controzzi, and M. C. Carrozza, โ€œThe SmartHand transradial prosthesis,โ€ J. Neuroeng. Rehabil., vol. 8, no. 1, p. 29, 2011, doi: 10.1186/1743-0003-8-29. [8] H. Liu et al., โ€œMultisensory five-finger dexterous hand: The DLR/HIT hand II,โ€ in 2008 IEEE/RSJ International Conference on Intelligent Robots and Systems, IROS, IEEE, Sep. 2008, pp. 3692โ€“3697. doi: 10.1109/IROS.2008.4650624. [9] Y. Kamikawa and T. Maeno, โ€œUnderactuated five-finger prosthetic hand inspired by grasping force distribution of humans,โ€ in 2008 IEEE/RSJ International Conference on Intelligent Robots and Systems, IROS, IEEE, Sep. 2008, pp. 717โ€“722. doi: 10.1109/IROS.2008.4650628. [10] J. S. Hussain, A. Al-Khazzar, and M. N. Raheema, โ€œRecognition of new gestures using myo armband for myoelectric prosthetic applications,โ€ Int. J. Electr. Comput. Eng., vol. 10, no. 6, pp. 5694โ€“5702, Dec. 2020, doi: 10.11591/ijece.v10i6.pp5694-5702. [11] N. E. Krausz, R. A. L. Rorrer, and R. F. F. Weir, โ€œDesign and Fabrication of a Six Degree-of-Freedom Open Source Hand,โ€ IEEE Trans. Neural Syst. Rehabil. Eng., vol. 24, no. 5, pp. 562โ€“572, May 2016, doi: 10.1109/TNSRE.2015.2440177. [12] Z. Chen, N. Zhang, Z. Wang, Z. Zhou, and D. Hu, โ€œHand gestures recognition from multi-channel forearm EMG signals,โ€ in Communications in Computer and Information Science, Springer Singapore, 2017, pp. 119โ€“125. doi: 10.1007/978-981-10-5230-9_13. [13] L. Mesin, R. Merletti, and A. Rainoldi, โ€œSurface EMG: The issue of electrode location,โ€ J. Electromyogr. Kinesiol., vol. 19, no. 5, pp. 719โ€“726, Oct. 2009, doi: 10.1016/j.jelekin.2008.07.006. [14] T. Jiralerspong, E. Nakanishi, C. Liu, and J. Ishikawa, โ€œExperimental study of real-time classification of 17 voluntary movements for multi-degree myoelectric prosthetic hand,โ€ Appl. Sci., vol. 7, no. 11, p. 1163, Nov. 2017, doi: 10.3390/app7111163. [15] R. Philo, โ€œ Grayโ€™s Anatomy for Students, 2nd Ed. by Richard L. Drake, A. Wayne Vogl, and Adam W. M. Mitchell ,โ€ Clin. Anat., vol. 22, no. 7, pp. 846โ€“847, Oct. 2009, doi: 10.1002/ca.20863. [16] K. S. Turker, โ€œElectromyography: Some methodological problems and issues,โ€ Phys. Ther., vol. 73, no. 10, pp. 698โ€“710, Oct. 1993, doi: 10.1093/ptj/73.10.698. [17] G. R. Naik, D. K. Kumar, and S. P. Arjunan, โ€œMulti modal gesture identification for HCI using surface EMG,โ€ in MindTrek - 12th International MindTrek Conference: Entertainment and Media in the Ubiquitous Era, ACM, Oct. 2008, pp. 90โ€“94. doi: 10.1145/1457199.1457219. [18] X. Chen and Z. J. Wang, โ€œPattern recognition of number gestures based on a wireless surface EMG system,โ€ Biomed. Signal Process. Control, vol. 8, no. 2, pp. 184โ€“192, Mar. 2013, doi: 10.1016/j.bspc.2012.08.005. [19] M. C. Castro, S. P. Arjunan, and D. K. Kumar, โ€œSelection of suitable hand gestures for reliable myoelectric human computer interface,โ€ Biomed. Eng. Online, vol. 14, no. 1, Apr. 2015, doi: 10.1186/s12938-015-0025-5. [20] Y. Du, W. Jin, W. Wei, Y. Hu, and W. Geng, โ€œSurface EMG-based inter-session gesture recognition enhanced by deep domain adaptation,โ€ Sensors (Switzerland), vol. 17, no. 3, p. 458, Feb. 2017, doi: 10.3390/s17030458. [21] X. Chen, X. Zhang, Z. Y. Zhao, J. H. Yang, V. Lantz, and K. Q. Wang, โ€œHand gesture recognition research based on surface EMG sensors and 2D-accelerometers,โ€ in Proceedings - International Symposium on Wearable Computers, ISWC, IEEE, Oct. 2007, pp. 11โ€“ 14. doi: 10.1109/ISWC.2007.4373769. [22] R. N. Khushaba, โ€œCorrelation analysis of electromyogram signals for multiuser myoelectric interfaces,โ€ IEEE Trans. Neural Syst. Rehabil. Eng., vol. 22, no. 4, pp. 745โ€“755, Jul. 2014, doi: 10.1109/TNSRE.2014.2304470. [23] A. Moin, A. Zhou, S. Benatti, A. Rahimi, L. Benini, and J. M. Rabaey, โ€œAnalysis of Contraction Effort Level in EMG-Based Gesture Recognition Using Hyperdimensional Computing,โ€ in BioCAS 2019 - Biomedical Circuits and Systems Conference, Proceedings, IEEE, Oct. 2019. doi: 10.1109/BIOCAS.2019.8919214. [24] W. T. Shi, Z. J. Lyu, S. T. Tang, T. L. Chia, and C. Y. Yang, โ€œA bionic hand controlled by hand gesture recognition based on surface EMG signals: A preliminary study,โ€ Biocybern. Biomed. Eng., vol. 38, no. 1, pp. 126โ€“135, 2018, doi: 10.1016/j.bbe.2017.11.001. [25] K. Rhee and H. C. Shin, โ€œElectromyogram-based hand gesture recognition robust to various arm postures,โ€ Int. J. Distrib. Sens. Networks, vol. 14, no. 7, p. 155014771879075, Jul. 2018, doi: 10.1177/1550147718790751. [26] W. Geng, Y. Du, W. Jin, W. Wei, Y. Hu, and J. Li, โ€œGesture recognition by instantaneous surface EMG images,โ€ Sci. Rep., vol. 6, no. 1, Nov. 2016, doi: 10.1038/srep36571. [27] X. Luo et al., โ€œSynergistic myoelectrical activities of forearm muscles improving robust recognition of multi-fingered gestures,โ€ Sensors (Switzerland), vol. 19, no. 3, p. 610, Feb. 2019, doi: 10.3390/s19030610. [28] A. M. Alkhazzar and M. Nama Raheema, โ€œEMG Signal Classification Using Radial Basis Function Neural Network,โ€ in 2018 3rd Scientific Conference of Electrical Engineering, SCEE 2018, IEEE, Dec. 2018, pp. 180โ€“185. doi: 10.1109/SCEE.2018.8684162. [29] GABRIEL GONZALEZ, โ€œElectromyography(EMG) Dataset.โ€ https://www.kaggle.com/code/gabo515/emg-hand-gesture-analysis (accessed Nov. 01, 2022). [30] G. Jia, H. K. Lam, J. Liao, and R. Wang, โ€œClassification of electromyographic hand gesture signals using machine learning techniques,โ€ Neurocomputing, vol. 401, pp. 236โ€“248, Aug. 2020, doi: 10.1016/j.neucom.2020.03.009. [31] M. M. Ata, M. L. Francies, and M. A. Mohamed, โ€œA robust optimized convolutional neural network model for human activity recognition using sensing devices,โ€ Concurr. Comput. Pract. Exp., vol. 34, no. 17, May 2022, doi: 10.1002/cpe.6964. [32] T. Dozat, โ€œIncorporating Nesterov Momentum into Adam,โ€ in ICLR Workshop, 2016, pp. 2013โ€“2016. BIOGRAPHIES OF AUTHORS Ahmed M. Al-Khazzar received Ph.D. degree in Computer Security from University of Portsmouth, UK. He is currently a lecturer in University of Kerbala. His research interests are Biometrics, AI and Smart Prosthesis. He can be contacted at email: ahmed.m.ahmed@uokerbala.edu.iq.
  • 11. Int J Artif Intell ISSN: 2252-8938 ๏ฒ Using deep neural networks in classifying electromyography signals for โ€ฆ (Ahmed M. Al-Khazzar) 227 Zainab Altaweel received master's degree in Computer Engineering from University of Bridgeport, CT, USA. She is currently an assistant lecturer in University of Kerbala. Her research interest is in Deep Learning and Human Machine Interaction. She can be contacted at email: zainab.d@uokerbala.edu.iq. Jabbar Salman Hussain received Ph.D. degree in Electrical Engineering from University of Technology, Iraq. He is currently an assitanet professor in University of Kerbala. His research interests are AI, Smart Prosthesis, Speech Recognitions, Antenna Design and Mobile Radiation Protection Systems. He can be contacted at email: jabbar.salman@uokerbala.edu.iq.