- 1School of medical information engineering, Guangzhou University of Chinese Medicine, Guangzhou, Guangdong, China
- 2College of Business, City University of Hong Kong, Hong Kong SAR, China
- 3School of Medical Information Engineering, Guangdong Pharmaceutical University, Guangzhou, Guangdong, China
Purpose: This study develops a particle swarm optimization (PSO)-based assessment system for evaluating upper extremity and shoulder joint muscle strength with potential application to stroke rehabilitation. This study validates the system on healthy adult volunteers using surface electromyography and joint motion data.
Methods: The system comprises a multimodal data acquisition module and a computational analysis pipeline. sEMG signals were collected non-invasively from the anterior, medial, and posterior deltoid muscles using bipolar electrode arrays. These signals are subjected to noise reduction and feature extraction. Simultaneously, triaxial kinematic data of the glenohumeral joint were obtained via an MPU6050 inertial measurement unit, processed through quaternion-based orientation estimation. Machine learning models, including Backpropagation Neural Network (BPNN), Support Vector Machines (SVM), and particle swarm optimization algorithms (PSO-BPNN, PSO-SVR), were applied for regression analysis. Model performance was evaluated using R-squared (R2), Root Mean Square Error (RMSE), Mean Absolute Error (MAE), and Mean Bias Error (MBE).
Results: The system successfully collected electromyographic and kinematic data. PSO-SVR achieved the best predictive performance (R2 = 0.8600, RMSE = 0.3122, MAE = 0.2453, MBE = 0.0293), outperforming SVR, PSO-BPNN, and BPNN.
Conclusion: The PSO-SVR model demonstrated the highest accuracy, which can better facilitate therapists in conducting muscle strength rehabilitation assessments.
Significance: This system enhances quantitative assessment of muscle strength in stroke patients, providing a reliable tool for rehabilitation monitoring and personalized therapy adjustments.
1 Introduction
Stroke, a prevalent neurological disorder in China (Wu et al., 2019), is increasingly recognised for its significant risk of mortality and disability. Approximately 80% of acute stroke patients exhibit upper limb motor deficits, and up to 50%–60% of these individuals continue to experience sequelae after 6 months (Dawson et al., 2021). Despite a reduction in the mortality rate of stroke patients due to medical advancements, the incidence of stroke has risen alongside population growth and an ageing demographic (Ananth et al., 2023). The increasing prevalence of stroke has heightened the demand for rehabilitation services (Stinear et al., 2020). Neuroplasticity enables patients with upper limb dysfunction post-stroke to enhance upper limb function to a certain degree through rehabilitation within the initial 3 months (Xing and Bai, 2020; Hubbard et al., 2015; Dromerick et al., 2021). Early rehabilitation is crucial for the recovery of upper limb dysfunction post-stroke, aiding patients in optimising upper limb function and enhancing quality of life and independence (Cecchi et al., 2021). Enhancement of upper limb function has been identified as one of the clinically recognized research priorities for rehabilitation efforts (Rodgers et al., 2019). The evaluation of upper extremity functional impairment and the advancement of rehabilitation therapy must be conducted prior to the confirmation of a patient’s rehabilitation program. This indicates that in the comprehensive rehabilitation management of stroke, establishing a scientific and effective functional assessment system remains the essential component for enhancing patient prognosis quality (Liu et al., 2022).
Traditional clinical assessments for upper limb motor function post-stroke, such as the Fugl-Meyer Assessment (FMA) and Brunnstrom stages (Riahi et al., 2020; Hsieh et al., 2007; Feys et al., 1998; Cordes et al., 2024), offer standardized and repeatable evaluation across multiple domains. However, these tools rely heavily on manual scoring and clinical observation, leading to high subjectivity, limited quantification, and reduced efficiency. These limitations highlight the need for objective, data-driven assessment methods to support precise and individualized rehabilitation planning.
With advancements in technology, traditional medical methods are increasingly integrated with machine learning, artificial intelligence, and other interdisciplinary fields (Wei and Wu, 2023). Contemporary devices such as wearable sensors, upper limb rehabilitation robots, and virtual reality technology can be utilised for the assessment of upper limb motor function (Dewil et al., 2023; Chen X. et al., 2022; Tozlu et al., 2020). Prange and other scholars discovered that robotic-assisted therapy was more efficacious than traditional therapy for patients in post-stroke rehabilitation, particularly regarding the enhancement of motor control (Prange et al., 2009). Wearable sensors encompass Surface Electromyographic Signal (sEMG) sensors, inertial measurement units (IMUs), among others. Ruan et al. (2024) employed high-density sEMG signals to quantify muscle co-activation patterns in stroke patients, aiming to enhance the assessment of hand injuries in this population. Bishop et al. (2024) developed a wearable device using inertial sensors to quantify and characterize mobility and upper limb movements in stroke patients, an innovation with high accuracy, acceptability and usability. Wang et al. (2025) integrated sEMG signals to develop an upper limb rehabilitation assessment method utilising an enhanced dynamic time warping (DTW) algorithm. The enhanced DTW algorithm can more precisely evaluate the recovery of upper limb movement, encompassing range of motion, coordination, and accuracy.
For shoulder-specific assessment in upper limb rehabilitation, selecting appropriate movements is equally challenging (Agrebi et al., 2024). Demonstrated that utilizing an Specific Strength Device with throwing-specific movements significantly improved peak concentric and eccentric torque performance in nearly all major muscle groups assessed across both arms. The diagnostic validity of motor rehabilitation assessments is fundamentally contingent upon the recognition fidelity of movement pattern classification models. To address limitations in pattern discrimination accuracy inherent in conventional methodologies, this investigation implements a multimodal biosignal capture framework integrating a multi-channel bipolar sEMG acquisition array with an MPU6050-derived inertial measurement unit (IMU). This synergistic configuration enables synchronous recording of neuromuscular activation signatures (0–500 Hz bandwidth) and triaxial kinematic parameters during upper extremity functional movements, thereby establishing a robust data foundation for subsequent analytical processing. Subsequently, we utilize BPNN and support vector machine learning techniques to build a regression prediction model and integrate PSO-BPNN into the regression prediction model. Utilise SVM algorithms to construct a regression prediction model, employing root mean squared error (RMSE), coefficient of determination (R-Square, R2), mean absolute error (MAE), and mean bias error (MBE) as evaluation metrics to assess the model’s performance and identify the algorithm with optimal overall efficacy for rehabilitation assessment.
2 Methods
The experimental protocol had asymptomatic adult volunteers perform a standardized anterior raise targeting the right glenohumeral joint. In these biomechanical tests, bipolar surface electrodes captured electromyographic activity in the three functional regions of the anterior deltoid, middle deltoid, and posterior deltoid, while an inertial motion capture system was used to monitor the triaxial trajectory of the ipsilateral limb. This bilateral sensor fusion strategy enabled comprehensive characterization of interlimb coordination patterns during unilateral load-bearing tasks. The sEMG sensor was utilised in conjunction with the MPU6050 inertial measurement unit during the experiment, as illustrated in Figure 1. Initially, data acquisition was conducted, followed by the extraction of kinematic feature parameters and the documentation of the subject’s muscle strength level utilising the unarmed muscle strength rating standard, which facilitated the construction of the machine learning regression model for predicting muscle strength levels. The predictive accuracy of the developed computational framework was rigorously evaluated through four statistical measures: R-Square (R2) to assess goodness-of-fit, Root Mean Squared Error (RMSE) and Mean Absolute Error (MAE) to quantify error magnitude, along with Mean Bias Error (MBE) to detect directional errors. These evaluation metrics were strategically selected to provide comprehensive insights into model performance characteristics. The experimental methodology and analytical workflow are systematically presented through a schematic diagram in Figure 2, which outlines the sequential phases from data preprocessing to final validation.

Figure 1. Placement of the upper extremity test device: (a) placed in the anterior, middle and posterior deltoid tracts (b) MPU6050 positioned on the distal limb.

Figure 2. Research methods for predicting upper extremity muscle strength regression with sEMG and motion capture techniques.
2.1 sEMG signal acquisition and analysis
Muscles govern the movement of human limbs, and muscular strength measures the greatest force exerted by a muscle within specific constraints (Bohannon, 2019). Muscle force is typically not measurable directly; it must be assessed indirectly, utilizing methods such as EMG signal mapping and inverse kinematics (Borbély and Szolgay, 2017). EMG recordings fundamentally document bioelectrical patterns generated during musculoskeletal activation, serving as critical biomarkers for functional muscle evaluation and clinical assessment of neuromuscular health (Chen Z. et al., 2022). These non-invasive devices detect myoelectric signatures through electrode arrays positioned on the skin surface, measuring differential potentials across targeted muscle group (Wu et al., 2021). In rehabilitation science applications, sEMG technology demonstrates particular clinical value by enabling safe monitoring of motor unit recruitment patterns - as exemplified in Hsu et al. (2019) kinematic study analyzing post-stroke patients’ sit-to-stand transition mechanics through muscular activation sequences (Huang et al., 2020). Unlike invasive monitoring techniques, sEMG provides a safer, noninvasive method for recording muscle activity. It reduces clinical risk while preserving diagnostic reliability. This makes it suitable for various applications, such as tracking rehabilitation progress, assessing movement patterns, and analyzing muscle exertion.
2.1.1 sEMG signal acquisition system
A multi-channel sEMG acquisition system comprising six detection modules was implemented with a sampling rate of 10 kHz to record neuromuscular activity patterns, as detailed in the system schematic (Figure 3). sEMG signals were collected using a commercial multichannel system (Sichiray) with 6 surface electrodes. The system sampled at 10 kHz with a 16-bit resolution, analog input bandwidth of 20–450 Hz, and internal gain of 1,000
The electrode configuration was standardized according to the schematic shown in Figure 1a, featuring color-coded placement protocols. The reference electrode (denoted in red) maintained consistent alignment along the myofascial boundary, while the detection electrodes (chromatically differentiated as yellow and blue) were positioned over the motor point regions of target muscles. These non-invasive surface electrodes were specifically assigned for bipolar signal detection in sEMG monitoring applications.
The experimental protocol was designed to quantify neuromuscular activation characteristics across the three deltoid subdivisions during dynamic shoulder flexion movements. Through this methodological framework, temporal-spatial activation patterns were systematically analyzed to elucidate the synergistic coordination mechanisms underlying humeral elevation in the sagittal plane.
2.1.2 Signal preprocessing and feature extraction
The sEMG signal reflects important information about the activity of subcutaneous muscle tissue. However, because sEMG is very weak and therefore susceptible to various types of noise, the use of sEMG usually requires the use of specific filters for noise reduction of sEMG signals (Guo et al., 2021). In this experiment, a Savitzky-Golay filter was used for noise reduction. This filter has satisfactory denoising performance while preserving the signal trend and width of the sEMG. Its advantages include the preservation of characteristic signal information and superior noise resistance. In this experiment, the Savitzky-Golay filter is employed to attenuate the noise of the original sEMG signal. The key parameters governing the filter’s operation are window length and polynomial order (polyorder). In this study, the window length is set to 51, meaning that each smoothing computation considers 51 data points, or equivalently, 51 time units. This parameter influences the filter’s ability to suppress noise, as a fixed-length window may not always effectively reduce signal contamination. The polyorder, defined as the polynomial degree used for fitting data within each window, is assigned a value of 3 in this experiment. This indicates that cubic polynomials are utilized to approximate the data trend in each segment. The window length of 51 and polynomial order of 3 were selected for the Savitzky-Golay filter based on a balance between noise suppression and preservation of signal morphology. A longer window helps smooth high-frequency noise, while a cubic polynomial maintains the essential features of sEMG waveforms such as peak structure and slope continuity. Preliminary tests comparing this configuration with moving average and Butterworth low-pass filters showed that the Savitzky-Golay filter achieved superior denoising while preserving temporal characteristics of the muscle activation signal. Therefore, it was selected as the optimal preprocessing method for our study. The results of this filtering process are presented in the accompanying Figure 4. We refer to the literature for methods that are consistent with biomechanical signal acquisition (Dhahbi et al., 2017). Prior to sEMG data acquisition, the skin at electrode placement sites was prepared by shaving excess hair, lightly abrading the surface with fine sandpaper, and cleaning with 70% alcohol to reduce impedance and motion artifacts. In line with standard sEMG acquisition guidelines. Signal quality was assessed in real time by visually inspecting baseline noise and ensuring stable waveform morphology during low-force contractions. Channels with unstable baselines, excessive motion artifact, or powerline interference were excluded or reconfigured before data collection.

Figure 4. Graphs of noise reduction results ((a): Comparison between the raw sEMG signal (blue) and the denoised sEMG signal (red) obtained through adaptive filtering; (b): blue waveform indicates the change of the original sEMG signal; (c): red waveform indicates the sEMG signal after noise reduction by adaptive filtering).
This work used three time-domain features—Root Mean Square (RMS), integrated EMG (iEMG), and Mean Absolute Value (MAV)—along with the Median Frequency (MF) as a frequency-domain feature to assess the collected sEMG signals. These features capture signal energy, recruitment efficiency, and fatigue state, aligning closely with the physiological characteristics of muscle strength impairment and recovery trajectory in post-stroke rehabilitation.
Equation 1 of sEMG signals represents the root mean square value of all amplitudes within a specified time interval, illustrating the average variation characteristics of sEMG over time, indicating the energy value of sEMG generated during muscular activities, and serving to assess the contribution of specific muscles in executing various movement processes.
Equation 2 of the sEMG signal represents the cumulative area under the curve per unit time following the rectification and smoothing of the recorded sEMG signal. This metric indicates the total discharge of motor units over a specified duration, reflecting the temporal variations in the intensity of the sEMG signal.
Where: EMG(t) represents the acquired electromyography signal, where
The Equation 3 represents the average of the absolute values of the amplitude of the sEMG signal during a certain time interval, typically employed to evaluate muscle contraction strength and tiredness.
Here,
Equation 4 is the central value of discharge frequency during muscle contraction, commonly utilized to evaluate muscle contraction strength and exhaustion, typically diminishing as exercise duration increases.
where
This includes sample points from various subjects performing different movements, using the anterior deltoid fasciculus as a case study. Figure 5 presents the eigenvalue distribution for each sample point, highlighting notable variations in eigenvalues among different movements. The eigenvalues of sEMG signals vary according to the physical condition of each subject, ensuring the integrity of the original data.
2.2 Inertial sensor acquisition and analysis
During upper limb rehabilitation after a stroke, shoulder joint movement often results from compensatory actions of the scapula or trunk. Minimizing these compensatory movements can improve rehabilitation effectiveness, which can be achieved through biofeedback mechanisms, such as inertial sensing units.
An inertial measurement unit (IMU) is a wearable sensor system that integrates gyroscopes, accelerometers, and magnetometers. Inertial measurement units have a wide range of applications either in limb movement capture or recognition (Meng et al., 2023). Columns such as (Mahmoud et al., 2021) used inertial sensors, Kinect camera and sEMG sensors in combination with occupational therapy (OT) to assess upper limb function in stroke patients. Passon et al. (2020) utilized wearable IMUs alongside an end-effector robot to achieve precise motion tracking during rehabilitation and assess the effectiveness of feedback-based motor assistance. Kim et al. (2020) employed IMU-equipped sensors to collect elbow motion data, using machine learning algorithms such as random forests to analyze spasticity. Acharya et al. (2022) applied MPU6050 inertial sensors to measure upper limb movement direction and analyzed it against hand trajectories recorded by Kinect sensors.
2.2.1 MPU6050 acquisition device
The MPU6050 is a six-degree-of-freedom inertial sensor (Tjhai and O’Keefe, 2019). The sensor module consists of the MPU6050 and an Arduino UNO, which analyzes the angle of motion and acceleration using the direction calculation method implemented in the Arduino IDE. In this study, the position of the MPU6050 is shown in Figure 1b. The MPU6050 sensor was affixed using double-sided medical adhesive tape to the distal third of the lateral aspect of the right upper arm, approximately 5 cm proximal to the lateral epicondyle of the humerus, avoiding areas with excessive soft tissue or bony protrusions. The sensor was aligned longitudinally with the humeral shaft, with its X-axis facing anteriorly. Elastic bands were used to further secure the sensor and minimize motion artifacts during shoulder flexion. This placement ensured consistent angular measurements of the glenohumeral joint across participants.
2.2.2 MPU6050 acquisition and feature processing
During the experiment, the MPU6050 sensor was placed at the distal end of the upper limb and the shoulder position was fixed to infer the shoulder joint motion angle. In this paper, the three-axis acceleration, three-axis angular velocity, and three-axis bias angle acquired by the MPU6050 are used to analyze the data, in which the rotation around the Z-axis is the heading angle (yaw), the rotation around the Y-axis is the pitch angle (pitch), and the rotation around the X-axis is the traversing roll angle (roll) (Figure 6). The MPU6050 has a three-channel gyroscope and a three-channel accelerometer internally, and thus the MPU sensors are able to output the three-axis acceleration (Acc), and three-axis angular velocity (Gyro).
The gyroscope combines acceleration and angular velocity over a time interval to determine Equation 5, as expressed in the following formula:
The fusion coefficient
2.3 Analysis methods for predictive modeling
As machine learning continues to evolve, the integration of medicine and engineering continues to advance, especially in the diagnostic process and in the monitoring and categorization of neurological activity (Wang S. et al., 2018; Górriz et al., 2019; Gaur et al., 2019; Zhang et al., 2018). Modern techniques, such as Random Forests and Support Vector Machines, offer superior performance over traditional methods in various applications (Yu et al., 2018; Zhang et al., 2019). When applied to muscle data, these algorithms have proven effective in classifying movements and detecting irregularities in muscle function (Gómez-Vilda et al., 2019; Burns et al., 2020; Dai and Hu, 2019). This study employs sEMG and movement signals, utilizing a Backpropagation (BP) neural network and a Support Vector Machine (SVM) to predict muscle regression during motion and evaluate muscle strength recovery. Existing studies have shown (Wang S. et al., 2024) that initial progress has been made in machine learning-based assessment of rehabilitation systems, but limitations in model optimization remain. The BP neural network is prone to local optima and is sensitive to initial weights and biases; when addressing complex issues, the support vector machine may encounter overfitting or underfitting. To mitigate these challenges, this study incorporates the PSO algorithm into both the BPNN and the support vector machine regression algorithm, enhancing algorithm performance and improving the accuracy and stability of the regression prediction model.
The particle swarm algorithm, commonly referred to as the bird flock foraging algorithm, is a stochastic search method grounded in collective cooperation, inspired by the foraging behavior of avian flocks (Shu et al., 2023). It has been extensively utilized in unconstrained, constrained, and other defined problems because to its straightforward implementation, rapid convergence, and little parameter adjustment requirements (Cui et al., 2022; Liu et al., 2020; Cao et al., 2020). Equation 6 is an iterative method to find the optimal solution from random solutions and its algorithm is formulated as follows:
Rand represents a random number within the interval (0, 1), while
After extracting a total of 21 features from sEMG and IMU signals, all features were retained for model training. This choice was based on preliminary tests showing minimal multicollinearity and no significant performance gain from standard dimensionality reduction techniques. Nevertheless, we acknowledge that feature selection methods could be explored in future work to optimize model efficiency and interpretability.
2.3.1 BP neural network regression prediction models
BPNN is a multilayer feedforward network trained according to the error backpropagation algorithm. It is currently widely used in the medical field (Yan et al., 2022; Wu et al., 2024; Han, 2024). The BPNN comprises an input layer, a hidden layer, and an output layer, with the interlayer weights determined by signal forward propagation and error backpropagation to construct the BPNN.
2.3.2 Support vector machine regression prediction models
Support Vector Machines (SVM) is a supervised learning approach commonly used for both classification and regression tasks, where a subset of the available data is employed for model training. In regression analysis, this methodology is specifically known as Support Vector Regression (SVR). SVR is particularly effective in handling nonlinear relationships in high-dimensional spaces, showcasing strong performance in complex scenarios. Exhibit strong regression performance and are extensively utilized in clinical, physical, chemical, and engineering domains (Gao and Liu, 2024; Wu et al., 2022; Lin et al., 2021; Sahoo et al., 2022). In the regression problem, Support Vector Regression (SVR) establishes a “margin” on either side of the linear function, permitting a deviation of
2.3.3 PSO-BPNN regression prediction model
In the PSO-BPNN, each particle signifies a weight configuration of the neural network, while the particle’s velocity denotes the rate of weight alteration. The optimal weight configuration is determined by updating the particles’ velocity and position via the PSO algorithm (Wang Y. et al., 2024). The BPNN is utilized for training and optimizing network weights and thresholds to reduce output error. The PSO-BP neural network merges the global search abilities of PSO with the local search abilities of the BP neural network. This combination allows for efficient and quick solutions to complex nonlinear problems.
2.3.4 PSO-SVM regression prediction modeling
PSO-SVM integrates the PSO technique with the SVM algorithm to enhance the parameters and model of SVM. PSO is employed to optimize parameters in SVM, including kernel function parameters and the penalty parameter, to enhance the performance and generalization of SVM (Zhao et al., 2024). In PSO-SVM, each particle signifies a potential solution (a set of parameters) for SVM, the particle’s position denotes the parameter values, and the particle’s velocity is employed to modify these parameter values. The particle modifies its position and velocity based on the assessment outcomes of the objective function to identify the ideal parameter combination, hence enhancing the performance of the SVM.
2.3.5 Assessment of indicators
To assess the efficacy of comparing those machine learning models, specific evaluation metrics are typically employed to indicate the accuracy of the predictive model. Four metrics were used in this study to determine the best regression method among the four algorithms. Equation 8, was used to measure the accuracy of machine learning predictions (Gao and Liu, 2024). The Equation 9 is the square root of the mean of the squared differences between the actual values and the predicted values. The lower the RMSE, the higher the predictive accuracy of the model. Equation 10 measures the average of the absolute differences between the actual values and the predicted values. The lower the MAE, the more accurate the model’s predictions. Equation 11 assesses the direction of error in a model by calculating the average difference between predicted and actual values. A positive MBE indicates that the predicted values are higher than the actual values, while a negative MBE indicates the opposite, and MBE close to zero indicates that the predictive model has minimal bias.
This study evaluates the performance of machine learning regression models by comparing four assessment metrics: R2;, RMSE, MAE, and MBE. All regression algorithms are implemented using Python. To ensure that the observed performance differences among the four regression models were not due to chance, we performed repeated-measures ANOVA on the cross-validated performance metrics (R2;, RMSE, MAE, MBE), followed by Bonferroni correction for multiple comparisons. This correction reduces the risk of Type I error associated with evaluating multiple models simultaneously.
3 Experimental design and analysis
3.1 Experimental protocol design and data acquisition
This study recruited fifteen healthy volunteers. All participants were medically cleared, with no history of limb injuries, consciousness disorders, or other relevant medical conditions, and reported no substance abuse. The study protocol was approved by the Institutional Review Board of Guangdong Provincial Hospital of Traditional Chinese Medicine (Approval No. YE 2024-245-01). In this study, a six - channel EMG muscle electricity sensor collected sEMG signals, and an MPU6050 inertial sensor gathered motion data. Considering human physiological structures, for each participant, the system simultaneously collected sEMG signals from three parts of the right upper limb deltoid: anterior deltoid, middle deltoid, posterior deltoid.
In order to exclude the influence of skin surface magazines such as sweat, the subjects cleaned the skin around the tested muscles with 75% alcohol before the examination. Subjects sat in a seated position with the elbow joint fully extended during the shoulder flexion exercise. The right upper limb was lifted from the trunk lateral midline and returned to the trunk lateral midline for a complete shoulder flexion exercise. Each participant completed 10 shoulder flexion exercises at different angles. With the help of a professional rehabilitation therapist, they also underwent unarmed muscle strength tests based on the MMT grading scale (detailed in Table 1). A total of 150 data points were collected from 15 subjects. However, due to muscle fatigue, only 145 data points were usable. Muscle strength was graded 0–5 on the MMT scale, with grades 2–5 selected for examination and discussion. Participants with MMT grades of 0 or 1 were excluded from the study because individuals with such low muscle strength are typically unable to produce sufficient voluntary movement or detectable sEMG signals. Including these grades would result in unreliable data and inconsistent muscle activation profiles, making it difficult to train robust models. Therefore, only participants with MMT grades 2 through 5 were included to ensure signal quality and task feasibility.
Given the relatively small dataset (n = 15), we adopted measures to mitigate overfitting. These included five-fold cross-validation during model training and performance evaluation, and performance consistency checks across folds. Moreover, we prioritized relatively simple model architectures and avoided excessive parameter tuning. Nonetheless, future work with larger and more diverse populations is planned to enhance generalizability.
3.2 Analysis of experimental results
The experiment constructed a dataset from the collected sEMG and exercise data, extracting 21 features from the iEMG signals of the anterior, middle, and posterior regions of the deltoid muscle fascia, including RMS, MAV, MF, Gyrox, Gyroy, Gyroz, Accx, Accy, Accz, Pitch, Roll, and Yaw obtained from the MPU6050. The rehabilitation therapist used the MMT scale to quantify the magnitude of muscle strength during exercise, and the resulting muscle strength was used as the output. A dataset was formed with characteristics as the independent variable and muscle force output as the dependent variable, and standardization was done using a linear transformation function Equation 12 to prevent different variables from being affected by different units. The dataset was then divided into a training set and a test set in 7:3, and the test set was tested using the model in the training set. Finally, four evaluation metrics - R2, RMSE, MAE and MBE - were used to assess the performance of the model (Khan et al., 2021).
3.2.1 Results of the BP neural network regression model
We used a BP neural network regression model with data for all variables. We adjusted the number of neurons in the hidden_layer_sizes and the number of max_iter. The number of iterations indicates the maximum number of iterations allowed during training. In this experiment, we configured the model to contain a hidden layer of 5 neurons and set the total number of iterations to 1,000. We train the BP neural network regression model using the training set and then apply it to the test set for prediction. The training results for the training set are shown in Figure 7 and the prediction results for the test set are shown in Figure 8.
The BPNN regression model was trained using the training dataset, which helped the model learn the underlying patterns and relationships in the data. Figure 7 presents a comparison of the predicted versus actual values within this training dataset, showing an RMSE of 0.28422, indicating a relatively good fit of the model to the training data. For the test dataset, which was not used during the training phase, the trained model was applied to make predictions. Figure 8 illustrates the comparison between the predicted and actual values in the test dataset, resulting in an RMSE of 0.41333. This higher RMSE value suggests that while the model performed well on the training data, there is some degree of generalization error when applying the model to unseen data, which is typical in machine learning tasks.
3.2.2 Results of support vector machine regression modeling
All variables are incorporated into the SVR model, which is configured with essential parameters: kernel function and associated parameters, regularization parameter (C), and error tolerance parameter (epsilon). The kernel function transforms input features into a high-dimensional space, enabling linear separation of nonlinear relationships. The regularization parameter regulates model complexity and fault tolerance, while the error tolerance parameter sets the allowable margin of error during model fitting. In this experiment, we utilized an RBF kernel with gamma = 0.1, regularization parameter C = 10, and error tolerance parameter = 0.1. The support vector machine regression model is trained using the training and test sets to predict outcomes, yielding training results for the training set (Figure 9) and prediction results for the testing set (Figure 10).
The SVR model was trained using the training dataset, which enabled the model to learn underlying patterns in the data. Figure 9 presents a comparison between the model’s predictions and the actual values within the training set, achieving an RMSE of 0.26467, indicating a good fit to the training data. For the test dataset, which was not seen during the training phase, the pre-trained model was applied to make predictions. Figure 10 displays the comparison between the predicted and actual values in the test set, resulting in an RMSE of 0.32966. This value, while higher than the training RMSE, suggests that the model maintains reasonable predictive performance on unseen data, with the difference between training and test performance being expected in supervised learning tasks.
3.2.3 Results of PSO-BP neural network regression modeling
All variable data are incorporated into the PSO-BP neural network regression model, with model parameters modified according to particle swarm optimization requirements. This includes adjustments to the learning factors of the particle swarm, the number of iterations, and the size of the particle swarm population, based on the BP neural network. In this experiment, the learning factors
The particle swarm optimization algorithm delineates the error curve relative to the number of iterations. Figure 11 demonstrates that with 100 iterations, the overall model error ranges from 0.07 to 0.075. The training set primarily facilitates the training of the PSO-BP neural network regression model. Figure 12 illustrates the comparative results between predicted and actual values in the training set, yielding an RMSE value of 0.28355. The testing set is evaluated using the established model. The trained model predicts the test set, as illustrated in Figure 13, which compares the predicted and actual values; the RMSE is 0.35591.
3.2.4 PSO-SVM regression model results
All variable data are incorporated into the PSO-SVR model, with model parameters modified according to the requirements of particle swarm optimization. This includes adjustments to the learning factors of the particle swarm, the number of iterations, and the size of the particle swarm population based on the SVR. In the current experiment, the learning factors
The PSO algorithm illustrates how the model’s error evolves with the number of iterations. As shown in Figure 14, after approximately 10 iterations, the model’s error stabilizes within the range of 0.0265–0.027, indicating convergence of the optimization process. For the PSO-SVR model, the training dataset serves as the foundation for learning underlying patterns in the data. Figure 15 presents a comparison between predicted and actual values within the training set, achieving an RMSE of 0.26337, which reflects a good fit of the model to the training data. The test dataset, which was not exposed to the model during training, is utilized for validation purposes. Figure 16 displays the comparison between predicted and actual values in the test set, resulting in an RMSE of 0.27685. This value indicates that the PSO-SVR model maintains robust predictive performance on unseen data, with minimal degradation from the training performance, suggesting good generalization capabilities.
3.2.5 Comparison of regression model results
To analyze the performance of the machine learning models comprehensively, the performance metrics (R2;, RMSE, MAE, and MBE) for both the test and training sets are illustrated visually in Figures 17a–d, while the findings for all test sets are summarized in Table 2 reveals significant disparities among the results of the four model test sets: BPNN, SVR, PSO-BPNN, and PSO-SVR. This indicates that the right shoulder anterior flexion sEMG and motion data collected in this experiment were modeled differently across the four machine learning frameworks. The PSO-SVR model exhibited the best fit, achieving a R2; of 0.8600, followed by SVR with a R2; of 0.8099, PSO-BPNN with a R2; of 0.8119, and BPNN, which demonstrated the poorest fitting performance with a R2; of 0.6948. The accuracy assessment metrics for the test sets of the four models are RMSE, MAE, and MBE. The PSO-SVR model exhibits an RMSE of 0.3122, an MAE of 0.2453, and an MBE of 0.0293, indicating superior prediction accuracy. The SVR model has an RMSE of 0.3605, an MAE of 0.2830, and an MBE of 0.0090, reflecting relatively high prediction accuracy. The PSO-BPNN model shows an RMSE of 0.3537, an MAE of 0.2663, and an MBE of 0.0099. The BPNN model records an RMSE of 0.4294, an MAE of 0.3299, and an MBE of 0.0184, indicating relatively high prediction accuracy.
Upon integrating the four evaluation metrics, it is evident that the PSO-SVR and SVR models outperform the PSO-BPNN and BPNN regression models. Furthermore, the PSO-SVR and PSO-BPNN predictive models demonstrate a marked superiority over the SVR and BPNN predictive models, indicating that the particle swarm optimization algorithm substantially improves the model’s overall efficacy, thereby facilitating more accurate predictions. To enhance the robustness of performance evaluation, we conducted multiple repeated experiments for each model and reported the performance metrics as mean
4 Discussion
This work employs two prevalent machine learning regression prediction models, alongside regression prediction models utilizing particle swarm optimization: BPNN, SVR, PSO-BPNN, and PSO-SVR. In experiments involving shoulder forward flexion exercises of the right upper limb on 15 subjects, four regression models—BPNN, SVR, PSO-BPNN, and PSO-SVR—were evaluated for their fitting performance and accuracy. The model fitting performance and accuracy indicated that the coefficient of determination R2; for PSO-SVR surpassing SVR, both of which exceeded the performance of PSO-BPNN and BPNN. Additionally, the accuracy of PSO-SVR and SVR was markedly superior to that of PSO-BPNN and BPNN. Furthermore, PSO-SVR and PSO-BPNN demonstrated significantly enhanced model performance and accuracy compared to SVR and BPNN, suggesting that the particle swarm optimization algorithm enhances the model’s global search capability, resulting in improved prediction accuracy and performance. The PSO-SVR and SVR models outperform the PSO-BPNN and BPNN models significantly. The performance enhancement of the particle swarm optimization-based algorithm, in comparison to the original algorithm, is primarily attributed to its capacity for global search within the parameter space to identify optimal model parameter configurations. This approach increases the likelihood of discovering the global optimal solution and prevents the traditional model from becoming trapped in local optima (Wang D. et al., 2018; Jensi and Jiji, 2016). Particle swarm optimization algorithms have been shown across various domains to explore the model’s structure and parameter space, identify the optimal model fit, and effectively elucidate the intricate relationships among data (Cui et al., 2017), thereby enhancing model performance, predictive accuracy, and generalization capability.
The performance of the SVR model in the context of the right upper extremity shoulder forward flexion exercise is markedly superior to that of the BPNN. This superiority is evident in the SVR model’s adeptness at managing small sample data by employing support vectors for data fitting and its resilience against outlier interference. Conversely, the BPNN is susceptible to overfitting with small sample sizes and may be adversely affected by outliers, leading to inadequate generalization capabilities and diminished performance.
The experimental findings in this paper indicate that the RMSE and MAE of the PSO-BPNN test set are inferior to those of the BPNN, signifying superior prediction accuracy for PSO-BPNN. Concurrently, the absolute value of the MBE for the PSO-BPNN test set exceeds that of the BPNN, primarily attributable to the PSO-BPNN model’s heightened sensitivity to outliers during the optimization process compared to the BPNN model, particularly in the presence of outliers or noisy data within the test set. The presence of outliers or noisy data in the test set disrupts the PSO-BPNN model during the fitting process, leading to a greater absolute value of MBE, whereas the BPNN model, being less susceptible to outliers, demonstrates superior performance in terms of MBE. The experiment’s outcome underscores the necessity of using many metrics during model selection and evaluation to thoroughly evaluate the model’s performance and flexibility. While our findings in healthy subjects provide a solid foundation for system development, we acknowledge that clinical application requires validation in the target population. Therefore, as the next step, we plan to conduct studies involving stroke patients to evaluate the system’s predictive performance, usability, and clinical responsiveness in real-world rehabilitation scenarios. Such investigations will be critical for translating this technology into individualized, patient-centered rehabilitation strategies.
The purpose of this study was focuses on patients with upper limb motor dysfunction following a clinical stroke, enabling rehabilitation therapists to utilize equipment for gathering upper limb movement data and employing suitable models to forecast muscle strength outcomes, thereby offering a basis for developing personalized and precise rehabilitation programs. Improve the model’s overall performance, hence facilitating more accurate predictions of outcomes.
This study has several limitations that should be acknowledged.
First, the participant cohort consisted exclusively of healthy adults aged 20–28 years. Although this controlled demographic enabled standardized signal acquisition and technical feasibility analysis, it limits the generalizability of our findings. Stroke survivors commonly display altered muscle activation patterns, reduced motor unit synchronization, increased co-contraction, and abnormal joint kinematics due to neuromuscular impairments. These distinctions may affect both the distribution of sEMG and IMU features and the generalization ability of machine learning models trained solely on healthy data. Our future work will involve clinical validation in a wider age range of stroke populations and the development of relevant databases (Dhahbi et al., 2014).
Second, this study employed a single-joint, unidirectional shoulder flexion task, which—while technically controllable—fails to reflect the multidimensional demands of upper-limb functional tasks. Stroke rehabilitation often involves multi-joint coordination, varied movement directions, and goal-oriented behaviors like reach-to-grasp, object transport, and bilateral task execution. To capture these dynamics, future studies should incorporate more functionally relevant movement paradigms and extract kinematic quality metrics such as trajectory smoothness, joint synchronization, and compensatory trunk motions using IMU-derived features or video-based motion tracking.
Third, we used Manual Muscle Testing (MMT) scores as the ground truth labels for training regression models. Although MMT is widely accepted in clinical practice for its simplicity and availability, it remains a subjective, ordinal-scale assessment. Treating MMT scores as continuous variables introduces approximation error: the coarse granularity and inter-rater subjectivity may inject noise into model training and affect interpretability of outcome metrics such as RMSE and
Fourth, while this study emphasized model accuracy metrics, we acknowledge the importance of validating the system’s reliability and clinical sensitivity. Future research will include test-retest reliability analysis using established metrics such as the intraclass correlation coefficient (ICC), standard error of measurement (SEM), and minimal detectable change (MDC), especially in longitudinal stroke rehabilitation trials (Čular et al., 2021). Additionally, external responsiveness—the ability of the system to detect meaningful physiological or functional change over time—must be demonstrated. We plan to evaluate responsiveness following standardized frameworks (Ardigò et al., 2020), including pre-post intervention testing and analysis of effect size or standardized response mean (SRM), to assess the system’s utility in real-world clinical recovery tracking.
5 Conclusion
This research proposes a muscle strength rating system for upper extremity rehabilitation, utilizing movement velocity and offset angle data obtained from sEMG and MPU6050. The approach tackles the existing issue of activity constraints resulting from an exclusive dependence on sEMG for movement recognition or classification. The analysis focuses on the muscle strength grade of the right upper limb’s shoulder forward flexion movement, utilizing sEMG and motion capture technologies to develop a machine learning regression model for predicting muscle strength grading. Experiments have demonstrated that the upper limb muscle strength evaluation model, which is based on sEMG and joint motion information presented in this paper, can serve as an effective reference for shoulder forward flexion exercises and rehabilitation training, offering theoretical technical support for therapists in designing personalized rehabilitation programs.
Data availability statement
The raw data supporting the conclusions of this article will be made available by the authors, without undue reservation.
Ethics statement
The studies involving humans were approved by Guangdong Provincial Hospital of Traditional Chinese Medicine (Approval No. YE 2024-245-01). The studies were conducted in accordance with the local legislation and institutional requirements. The participants provided their written informed consent to participate in this study.
Author contributions
CZ: Writing – review and editing, Writing – original draft. SW: Writing – review and editing, Validation, Supervision. MW: Methodology, Writing – review and editing. WL: Writing – review and editing. JY: Writing – review and editing. XG: Writing – review and editing, Conceptualization. HY: Software, Writing – review and editing. JY: Writing – review and editing, Supervision, Investigation. DC: Writing – review and editing, Supervision.
Funding
The author(s) declare that financial support was received for the research and/or publication of this article. This research was funded by the grants from the National Key R&D plan of China (Grant No. 2019YFC1710400; 2019YFC1710402), the Special projects in key fields of colleges and universities in Guangdong Province (Grant No. 2020ZDZX3080), the Guangdong Provincial Graduate Education Innovation Program (Grant No. 2024JGXM_042), the Big Data Research Center for Traditional Chinese Medicine at Guangzhou University of Chinese Medicine (No. A1-2601-25-439-127Z102).
Acknowledgments
We would like to express our sincere gratitude to all individuals and organizations who have contributed to the completion of this research. We would also like to thank the members of our research team for their collaboration and dedication. Their contributions in data collection, analysis, and discussions have been vital to the success of this project. We would like to acknowledge the participants of this study for their willingness to be part of our research and for their valuable insights. Without the generous contributions and support from the aforementioned individuals and organizations, this research would not have been possible. Thank you all for your invaluable contributions.
Conflict of interest
The authors declare that the research was conducted in the absence of any commercial or financial relationships that could be construed as a potential conflict of interest.
Generative AI statement
The author(s) declare that no Generative AI was used in the creation of this manuscript.
Publisher’s note
All claims expressed in this article are solely those of the authors and do not necessarily represent those of their affiliated organizations, or those of the publisher, the editors and the reviewers. Any product that may be evaluated in this article, or claim that may be made by its manufacturer, is not guaranteed or endorsed by the publisher.
Supplementary material
The Supplementary Material for this article can be found online at: https://www.frontiersin.org/articles/10.3389/fbioe.2025.1619411/full#supplementary-material
References
Acharya, A., Bhat, S., and Kanthi, M. (2022). A comparative analysis of two approaches for estimation of upper limb orientation using inertial and kinect sensors. Adv. Electr. and Comput. Eng. 22, 83–90. doi:10.4316/aece.2022.04010
Agrebi, B., Dhahbi, W., Abidi, H., Kasmi, S., Houas, N., Chtara, M., et al. (2024). Isokinetic peak torque improvement and shoulder muscle ratios imbalance correction after specific strength training on a new ballistic throwing device: a randomized controlled trial. J. Sport Rehabilitation 1, 423–436. doi:10.1123/jsr.2023-0253
Ananth, C. V., Brandt, J. S., Keyes, K. M., Graham, H. L., Kostis, J. B., and Kostis, W. J. (2023). Epidemiology and trends in stroke mortality in the usa, 1975–2019. Int. J. Epidemiol. 52, 858–866. doi:10.1093/ije/dyac210
Ardigò, L. P., Palermi, S., Padulo, J., Dhahbi, W., Russo, L., Linetti, S., et al. (2020). External responsiveness of the superoptm device to assess recovery after exercise: a pilot study. Front. sports Act. living 2, 67. doi:10.3389/fspor.2020.00067
Baraniuk, R. G., Goldstein, T., Sankaranarayanan, A. C., Studer, C., Veeraraghavan, A., and Wakin, M. B. (2017). Compressive video sensing: Algorithms, architectures, and applications. IEEE Signal Process. Mag. 34, 52–66. doi:10.1109/msp.2016.2602099
Bishop, L., Demers, M., Rowe, J., Zondervan, D., and Winstein, C. J. (2024). A novel, wearable inertial measurement unit for stroke survivors: validity, acceptability, and usability. Archives Phys. Med. rehabilitation 105, 1142–1150. doi:10.1016/j.apmr.2024.01.020
Bohannon, R. W. (2019). Considerations and practical options for measuring muscle strength: a narrative review. BioMed Res. Int. 2019, 1–10. doi:10.1155/2019/8194537
Borbély, B. J., and Szolgay, P. (2017). Real-time inverse kinematics for the upper limb: a model-based algorithm using segment orientations. Biomed. Eng. online 16, 1–29. doi:10.1186/s12938-016-0291-x
Burns, A., Adeli, H., and Buford, J. A. (2020). Upper limb movement classification via electromyographic signals and an enhanced probabilistic network. J. Med. Syst. 44, 176. doi:10.1007/s10916-020-01639-x
Cao, B., Gu, Y., Lv, Z., Yang, S., Zhao, J., and Li, Y. (2020). Rfid reader anticollision based on distributed parallel particle swarm optimization. IEEE internet things J. 8, 3099–3107. doi:10.1109/jiot.2020.3033473
Cecchi, F., Germanotta, M., Macchi, C., Montesano, A., Galeri, S., Diverio, M., et al. (2021). Age is negatively associated with upper limb recovery after conventional but not robotic rehabilitation in patients with stroke: a secondary analysis of a randomized-controlled trial. J. Neurology 268, 474–483. doi:10.1007/s00415-020-10143-8
Chen, X., Liu, F., Lin, S., Yu, L., and Lin, R. (2022a). Effects of virtual reality rehabilitation training on cognitive function and activities of daily living of patients with poststroke cognitive impairment: a systematic review and meta-analysis. Archives Phys. Med. Rehabilitation 103, 1422–1435. doi:10.1016/j.apmr.2022.03.012
Chen, Z., Wang, Q., Bi, Y., Lin, J., Yang, W., Deng, C., et al. (2022b). Analyzing human muscle state with flexible sensors. J. Sensors 2022, 1–11. doi:10.1155/2022/5227955
Cordes, D., Gerloff, C., Heise, K.-F., Hummel, F. C., Schulz, R., Wolf, S., et al. (2024). Efficacy and safety of transcranial direct current stimulation to the ipsilesional motor cortex in subacute stroke (nets): a multicenter, randomized, double-blind, placebo-controlled trial. Lancet Regional Health–Europe 38, 100825. doi:10.1016/j.lanepe.2023.100825
Cui, H., Shu, M., Song, M., and Wang, Y. (2017). Parameter selection and performance comparison of particle swarm optimization in sensor networks localization. Sensors 17, 487. doi:10.3390/s17030487
Cui, Y., Meng, X., and Qiao, J. (2022). A multi-objective particle swarm optimization algorithm based on two-archive mechanism. Appl. soft Comput. 119, 108532. doi:10.1016/j.asoc.2022.108532
Čular, D., Dhahbi, W., Kolak, I., Iacono, A. D., Bešlija, T., Laffaye, G., et al. (2021). Reliability, sensitivity, and minimal detectable change of a new specific climbing test for assessing asymmetry in reach technique. J. Strength and Cond. Res. 35, 527–534. doi:10.1519/jsc.0000000000002694
Dai, C., and Hu, X. (2019). Extracting and classifying spatial muscle activation patterns in forearm flexor muscles using high-density electromyogram recordings. Int. J. neural Syst. 29, 1850025. doi:10.1142/s0129065718500259
Dawson, J., Liu, C. Y., Francisco, G. E., Cramer, S. C., Wolf, S. L., Dixit, A., et al. (2021). Vagus nerve stimulation paired with rehabilitation for upper limb motor function after ischaemic stroke (Vns-rehab): a randomised, blinded, pivotal, device trial. lancet 397, 1545–1553. doi:10.1016/s0140-6736(21)00475-x
Dewil, S., Kuptchik, S., Liu, M., Sanford, S., Bradbury, T., Davis, E., et al. (2023). The cognitive basis for virtual reality rehabilitation of upper-extremity motor function after neurotraumas. J. Multimodal User Interfaces 17, 105–120. doi:10.1007/s12193-023-00406-9
Dhahbi, W., Chaouachi, A., Dhahbi, A. B., Cochrane, J., Chèze, L., Burnett, A., et al. (2017). The effect of variation of plyometric push-ups on force-application kinetics and perception of intensity. Int. J. sports physiology Perform. 12, 190–197. doi:10.1123/ijspp.2016-0063
Dhahbi, W., Zouita, A., Salah, F. B., Chaouachi, A., Chamari, K., and Cheze, L. (2014). Reference database of the gait cycle for young healthy Tunisian adults. IRBM 35, 46–52. doi:10.1016/j.irbm.2013.12.005
Dromerick, A. W., Geed, S., Barth, J., Brady, K., Giannetti, M. L., Mitchell, A., et al. (2021). Critical period after stroke study (cpass): a phase ii clinical trial testing an optimal time for motor recovery after stroke in humans. Proc. Natl. Acad. Sci. 118, e2026676118. doi:10.1073/pnas.2026676118
Feys, H. M., De Weerdt, W. J., Selz, B. E., Cox Steck, G. A., Spichiger, R., Vereeck, L. E., et al. (1998). Effect of a therapeutic intervention for the hemiplegic upper limb in the acute phase after stroke: a single-blind, randomized, controlled multicenter trial. Stroke 29, 785–792. doi:10.1161/01.str.29.4.785
Gao, J., and Liu, Y. (2024). Prediction and the influencing factor study of colorectal cancer hospitalization costs in China based on machine learning-random forest and support vector regression: a retrospective study. Front. Public Health 12, 1211220. doi:10.3389/fpubh.2024.1211220
Gaur, P., McCreadie, K., Pachori, R. B., Wang, H., and Prasad, G. (2019). Tangent space features-based transfer learning classification model for two-class motor imagery brain–computer interface. Int. J. neural Syst. 29, 1950025. doi:10.1142/s0129065719500254
Gómez-Vilda, P., Gómez-Rodellar, A., Vicente, J. M. F., Mekyska, J., Palacios-Alonso, D., Rodellar-Biarge, V., et al. (2019). Neuromechanical modelling of articulatory movements from surface electromyography and speech formants. Int. J. Neural Syst. 29, 1850039. doi:10.1142/s0129065718500399
Górriz, J. M., Ramírez, J., Segovia, F., Martínez, F. J., Lai, M.-C., Lombardo, M. V., et al. (2019). A machine learning approach to reveal the neurophenotypes of autisms. Int. J. neural Syst. 29, 1850058. doi:10.1142/s0129065718500582
Guo, S., Ding, Y., and Guo, J. (2021). “Control of a lower limb exoskeleton robot by upper limb semg signal,” in 2021 IEEE International Conference on Mechatronics and Automation (ICMA), Takamatsu, Japan, 08-11 August 2021 (IEEE), 1113–1118.
Han, H. (2024). Diagnostic value of dynamic enhanced multi-slice spiral ct in lymph node metastasis of cervical cancer and analysis of the causes of missed diagnosis. Eur. J. Gynaecol. Oncol. 45. doi:10.22514/ejgo.2024.006
Hsieh, Y.-W., Hsueh, I.-P., Chou, Y.-T., Sheu, C.-F., Hsieh, C.-L., and Kwakkel, G. (2007). Development and validation of a short form of the fugl-meyer motor scale in patients with stroke. Stroke 38, 3052–3054. doi:10.1161/strokeaha.107.490730
Hsu, W.-C., Chang, C.-C., Lin, Y.-J., Yang, F.-C., Lin, L.-F., and Chou, K.-N. (2019). The use of wearable sensors for the movement assessment on muscle contraction sequences in post-stroke patients during sit-to-stand. Sensors 19, 657. doi:10.3390/s19030657
Huang, P., Wang, H., Wang, Y., Liu, Z., Samuel, O. W., Yu, M., et al. (2020). Identification of upper-limb movements based on muscle shape change signals for human-robot interaction. Comput. Math. methods Med. 2020, 1–14. doi:10.1155/2020/5694265
Hubbard, I. J., Carey, L. M., Budd, T. W., Levi, C., McElduff, P., Hudson, S., et al. (2015). A randomized controlled trial of the effect of early upper-limb training on stroke recovery and brain activation. Neurorehabilitation neural repair 29, 703–713. doi:10.1177/1545968314562647
Jensi, R., and Jiji, G. W. (2016). An enhanced particle swarm optimization with levy flight for global optimization. Appl. Soft Comput. 43, 248–261. doi:10.1016/j.asoc.2016.02.018
Khan, M. A., Memon, S. A., Farooq, F., Javed, M. F., Aslam, F., and Alyousef, R. (2021). Compressive strength of fly-ash-based geopolymer concrete by gene expression programming and random forest. Adv. Civ. Eng. 2021, 6618407. doi:10.1155/2021/6618407
Kim, J.-Y., Park, G., Lee, S.-A., and Nam, Y. (2020). Analysis of machine learning-based assessment for elbow spasticity using inertial sensors. Sensors 20, 1622. doi:10.3390/s20061622
Lin, S., Zheng, H., Han, C., Han, B., and Li, W. (2021). Evaluation and prediction of slope stability using machine learning approaches. Front. Struct. Civ. Eng. 15, 821–833. doi:10.1007/s11709-021-0742-8
Liu, K., Yin, M., and Cai, Z. (2022). Research and application advances in rehabilitation assessment of stroke. J. Zhejiang University-Science B 23, 625–641. doi:10.1631/jzus.b2100999
Liu, Z., Qin, Z., Zhu, P., and Li, H. (2020). An adaptive switchover hybrid particle swarm optimization algorithm with local search strategy for constrained optimization problems. Eng. Appl. Artif. Intell. 95, 103771. doi:10.1016/j.engappai.2020.103771
Mahmoud, S. S., Cao, Z., Fu, J., Gu, X., and Fang, Q. (2021). Occupational therapy assessment for upper limb rehabilitation: a multisensor-based approach. Front. Digital Health 3, 784120. doi:10.3389/fdgth.2021.784120
Meng, L., Chen, M., Li, B., He, F., Xu, R., and Ming, D. (2023). An inertial-based upper-limb motion assessment model: performance validation across various motion tasks. IEEE Sensors J. 23, 7168–7177. doi:10.1109/jsen.2022.3233344
Passon, A., Schauer, T., and Seel, T. (2020). Inertial-robotic motion tracking in end-effector-based rehabilitation robots. Front. Robotics AI 7, 554639. doi:10.3389/frobt.2020.554639
Prange, G. B., Jannink, M., Groothuis-Oudshoorn, C., Hermens, H. J., and Ijzerman, M. J. (2009). Systematic review of the effect of robot-aided therapy on recovery of the hemiparetic arm after stroke.
Riahi, N., Vakorin, V. A., and Menon, C. (2020). Estimating fugl-meyer upper extremity motor score from functional-connectivity measures. IEEE Trans. neural Syst. rehabilitation Eng. 28, 860–868. doi:10.1109/tnsre.2020.2978381
Rodgers, H., Bosomworth, H., Krebs, H. I., van Wijck, F., Howel, D., Wilson, N., et al. (2019). Robot assisted training for the upper limb after stroke (ratuls): a multicentre randomised controlled trial. Lancet 394, 51–62. doi:10.1016/s0140-6736(19)31055-4
Ruan, Y., Shin, H., and Hu, X. (2024). Quantifying muscle co-activation for impaired finger Independence in stroke survivors. IEEE Trans. Biomed. Eng. 71, 3293–3301. doi:10.1109/tbme.2024.3416908
Sahoo, A. K., Pramanik, J., Jayanthu, S., and Samal, A. K. (2022). “Slope stability predictions using machine learning techniques,” in 2022 4th International Conference on Advances in Computing, Communication Control and Networking (ICAC3N), Greater Noida, India, 16-17 December 2022 (IEEE), 133–137.
Shu, X., Liu, Y., Liu, J., Yang, M., and Zhang, Q. (2023). Multi-objective particle swarm optimization with dynamic population size. J. Comput. Des. Eng. 10, 446–467. doi:10.1093/jcde/qwac139
Stinear, C. M., Lang, C. E., Zeiler, S., and Byblow, W. D. (2020). Advances and challenges in stroke rehabilitation. Lancet Neurology 19, 348–360. doi:10.1016/s1474-4422(19)30415-6
Tjhai, C., and O’Keefe, K. (2019). Using step size and lower limb segment orientation from multiple low-cost wearable inertial/magnetic sensors for pedestrian navigation. Sensors 19, 3140. doi:10.3390/s19143140
Tozlu, C., Edwards, D., Boes, A., Labar, D., Tsagaris, K. Z., Silverstein, J., et al. (2020). Machine learning methods predict individual upper-limb motor impairment following therapy in chronic stroke. Neurorehabilitation neural repair 34, 428–439. doi:10.1177/1545968320909796
Wang, D., Tan, D., and Liu, L. (2018a). Particle swarm optimization algorithm: an overview. Soft Comput. 22, 387–408. doi:10.1007/s00500-016-2474-6
Wang, S., Hu, Y., Shen, Y., and Li, H. (2018b). Classification of diffusion tensor metrics for the diagnosis of a myelopathic cord using machine learning. Int. J. neural Syst. 28, 1750036. doi:10.1142/s0129065717500368
Wang, S., Lai, W., Zhang, Y., Yao, J., Gou, X., Ye, H., et al. (2024a). Design of upper limb muscle strength assessment system based on surface electromyography signals and joint motion. Front. Neurology 15, 1470759. doi:10.3389/fneur.2024.1470759
Wang, S., Wu, X., Lai, W., Yao, J., Gou, X., Ye, H., et al. (2025). Rehabilitation evaluation method and application for upper limb post-stroke based on improved dtw. Biomed. Signal Process. Control 106, 107775. doi:10.1016/j.bspc.2025.107775
Wang, Y., Jiao, R., Wei, T., Guo, Z., and Ben, Y. (2024b). A method for predicting inertial navigation system positioning errors using a back propagation neural network based on a particle swarm optimization algorithm. Sensors 24, 3722. doi:10.3390/s24123722
Wei, S., and Wu, Z. (2023). The application of wearable sensors and machine learning algorithms in rehabilitation training: a systematic review. Sensors 23, 7667. doi:10.3390/s23187667
Wu, C., Zha, D., and Gao, H. (2022). Prediction of bronchopneumonia inpatients’ total hospitalization expenses based on bp neural network and support vector machine models. Comput. Math. Methods Med. 2022, 9275801–9275806. doi:10.1155/2022/9275801
Wu, S., Wu, B., Liu, M., Chen, Z., Wang, W., Anderson, C. S., et al. (2019). Stroke in China: advances and challenges in epidemiology, prevention, and management. Lancet Neurology 18, 394–405. doi:10.1016/s1474-4422(18)30500-3
Wu, Y., Xin, B., Wan, Q., Ren, Y., and Jiang, W. (2024). Risk factors and prediction models for cardiovascular complications of hypertension in older adults with machine learning: a cross-sectional study. Heliyon 10, e27941. doi:10.1016/j.heliyon.2024.e27941
Wu, Y.-D., Ruan, S.-J., and Lee, Y.-H. (2021). An ultra-low power surface emg sensor for wearable biometric and medical applications. Biosensors 11, 411. doi:10.3390/bios11110411
Xing, Y., and Bai, Y. (2020). A review of exercise-induced neuroplasticity in ischemic stroke: pathology and mechanisms. Mol. Neurobiol. 57, 4218–4231. doi:10.1007/s12035-020-02021-1
Yan, Y., Chen, R., Yang, Z., Ma, Y., Huang, J., Luo, L., et al. (2022). Application of back propagation neural network model optimized by particle swarm algorithm in predicting the risk of hypertension. J. Clin. Hypertens. 24, 1606–1617. doi:10.1111/jch.14597
Yu, B., Wang, H., Shan, W., and Yao, B. (2018). Prediction of bus travel time using random forests based on near neighbors. Computer-Aided Civ. Infrastructure Eng. 33, 333–350. doi:10.1111/mice.12315
Zhang, J., Xiao, M., Gao, L., and Chu, S. (2019). Probability and interval hybrid reliability analysis based on adaptive local approximation of projection outlines using support vector machine. Computer-Aided Civ. Infrastructure Eng. 34, 991–1009. doi:10.1111/mice.12480
Zhang, X., Foderaro, G., Henriquez, C., and Ferrari, S. (2018). A scalable weight-free learning algorithm for regulatory control of cell activity in spiking neuronal networks. Int. J. neural Syst. 28, 1750015. doi:10.1142/s0129065717500150
Keywords: upper limb movement disorders, surface electromyographic signals, feature extraction, regression prediction, feature importance, muscle strength assessment PSO-optimized upper limb rehabilitation strength assessment
Citation: Zhou C, Wang S, Wu M, Lai W, Yao J, Gou X, Ye H, Yi J and Cao D (2025) Development of an upper limb muscle strength rehabilitation assessment system using particle swarm optimisation. Front. Bioeng. Biotechnol. 13:1619411. doi: 10.3389/fbioe.2025.1619411
Received: 01 May 2025; Accepted: 23 June 2025;
Published: 09 July 2025.
Edited by:
Fabiano Bini, Sapienza University of Rome, ItalyReviewed by:
Wissem Dhahbi, University of Jendouba, TunisiaMurad Althobaiti, Imam Abdulrahman Bin Faisal University, Saudi Arabia
Ismail Ben Abdallah, Advanced Technologies for Medicine and Signals (ATMS), Tunisia
Copyright © 2025 Zhou, Wang, Wu, Lai, Yao, Gou, Ye, Yi and Cao. This is an open-access article distributed under the terms of the Creative Commons Attribution License (CC BY). The use, distribution or reproduction in other forums is permitted, provided the original author(s) and the copyright owner(s) are credited and that the original publication in this journal is cited, in accordance with accepted academic practice. No use, distribution or reproduction is permitted which does not comply with these terms.
*Correspondence: Jun Yi, eWlqdW5feGpAMTYzLmNvbQ==; Dong Cao, Y2FvZG9uZzlAMTYzLmNvbQ==
†These authors have contributed equally to this work and share first authorship