Next Article in Journal
Collagen Formulation in Xenogeneic Bone Substitutes Influences Cellular Responses in Periodontal Regeneration: An In Vitro Study
Previous Article in Journal
Cam-Based Simple Design of Constant-Force Suspension Backpack to Isolate Dynamic Load
Previous Article in Special Issue
Bio-Signal-Guided Robot Adaptive Stiffness Learning via Human-Teleoperated Demonstrations
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

High-Accuracy Lower-Limb Intent Recognition: A KPCA-ISSA-SVM Approach with sEMG-IMU Sensor Fusion

1
School of Electrical and Mechanical Engineering, Pingdingshan University, Pingdingshan 467000, China
2
School of Intelligent Manufacturing Ecosystem, Xi’an Jiaotong-Liverpool University, Suzhou 215400, China
*
Author to whom correspondence should be addressed.
Biomimetics 2025, 10(9), 609; https://doi.org/10.3390/biomimetics10090609
Submission received: 23 June 2025 / Revised: 17 August 2025 / Accepted: 8 September 2025 / Published: 10 September 2025

Abstract

Accurately decoding human locomotion intention from physiological signals remains a significant hurdle for the seamless control of advanced rehabilitation devices like exoskeletons and intelligent prosthetics. Conventional recognition methods often falter, exhibiting limited accuracy and struggling to capture the complex, nonlinear dynamics inherent in biological data streams. Addressing these critical limitations, this study introduces a novel framework for lower-limb motion intent recognition, integrating Kernel Principal Component Analysis (KPCA) with a Support Vector Machine (SVM) optimized via an Improved Sparrow Search Algorithm (ISSA). Our approach commences by constructing a comprehensive high-dimensional feature space from synchronized surface electromyography (sEMG) and inertial measurement unit (IMU) data—a potent combination reflecting both muscle activation and limb kinematics. Critically, KPCA is employed for nonlinear dimensionality reduction; leveraging the power of kernel functions, it transcends the linear constraints of traditional PCA to extract low-dimensional principal components that retain significantly more discriminative information. Furthermore, the Sparrow Search Algorithm (SSA) undergoes three strategic enhancements: chaotic opposition-based learning for superior population diversity, adaptive dynamic weighting to adeptly balance exploration and exploitation, and hybrid mutation strategies to effectively mitigate premature convergence. This enhanced ISSA meticulously optimizes the SVM hyperparameters, ensuring robust classification performance. Experimental validation, conducted on a challenging 13-class lower-limb motion dataset, compellingly demonstrates the superiority of the proposed KPCA-ISSA-SVM architecture. It achieves a remarkable recognition accuracy of 95.35% offline and 93.3% online, substantially outperforming conventional PCA-SVM (91.85%) and standalone SVM (89.76%) benchmarks. This work provides a robust and significantly more accurate solution for intention perception in human–machine systems, paving the way for more intuitive and effective rehabilitation technologies by adeptly handling the nonlinear coupling characteristics of sEMG-IMU data and complex motion patterns.

1. Introduction

Human motion intent recognition, as a cutting-edge research domain in biomechatronic systems and intelligent human–machine interaction, leverages biomimetic principles to decode neuromuscular signals (e.g., surface electromyography, sEMG) and kinematic features (e.g., inertial measurement unit, IMU data) through mechanisms inspired by biological proprioception and sensorimotor integration. This capability mimics the hierarchical control of natural neuro-musculoskeletal architectures, enabling assistive devices such as lower-limb rehabilitation robotics and smart prostheses to replicate human-like anticipatory adaptation during locomotion [1]. By emulating the biological redundancy and fault tolerance inherent in vertebrate motor control systems, accurate intent recognition ensures harmonious human–device interaction that parallels the safety and adaptability of natural symbiotic relationships [2]. Consequently, the development of robust and precise locomotion intent recognition algorithms remains a pivotal research focus to advance this field [3,4].
Human locomotion intent recognition methods are generally categorized into three primary types based on sensor modalities: bioelectrical signal analysis [5,6,7], kinematic modeling [8,9], and multimodal information fusion [10]. Bioelectrical approaches, which predominantly utilize surface electromyography (sEMG), employ either musculoskeletal biomechanical models or deep learning (DL) algorithms to decode neuromuscular activity. Musculoskeletal frameworks establish a relationship between sEMG signals and joint torque as well as kinematic parameters (e.g., angular velocity and acceleration) through Newton-Euler mechanics [11]. In contrast, DL models, such as recurrent neural networks (RNN) [12], convolutional neural networks (CNN) [13], and their enhanced variants [14,15], directly translate preprocessed sEMG features into locomotion patterns [16]. Despite their physiological relevance, these methods encounter challenges, including sEMG signal attenuation, low signal-to-noise ratios, and sensitivity to electrode displacement. Kinematic modeling, which combines multibody inverse dynamics with reinforcement-learning-based predictive control [17], enables robust gait phase recognition but heavily relies on accurate inertial parameters [18], thereby constraining its practical applicability.
To address these challenges, multimodal fusion strategies synergistically combine sEMG with inertial measurement units (IMUs), force-sensitive resistors, and air-pressure mechanomyography [19,20]. Current innovations span three directions: (1) Deep learning architectures, such as hybrid LSTM-CNN models (97.21% gait recognition accuracy [21]) and CNN-based frameworks enabling seamless locomotion mode transitions [22]; (2) Feature-engineering techniques, exemplified by PCA-driven BP neural network model that maintain 93.6% classification accuracy [23]; and (3) Meta-heuristic algorithms, including swarm intelligence-enhanced algorithms (e.g., GA-PSO) are used to determine the best parameters for a recognition method [24,25]. Despite these innovations, significant challenges persist when processing complex, nonlinear human locomotion data. These include how to effectively extract and select critical information from high-dimensional feature spaces and how to optimize parameters of machine learning models to achieve higher recognition accuracy and generalization capabilities.
To overcome these limitations, this study proposes a novel framework for lower-limb locomotion intent recognition by integrating kernel principal component analysis (KPCA) and a support vector machine (SVM) optimized through an improved sparrow search algorithm (ISSA). The framework exploits the complementary characteristics of sEMG and IMU data by constructing a comprehensive high-dimensional feature space and applying nonlinear dimensionality reduction to extract discriminative low-dimensional principal components. Concurrently, the ISSA facilitates precise optimization of SVM hyperparameters, thereby substantially improving the classification performance. Specifically, this innovative framework integrates KPCA, ISSA, and SVM to fuse sEMG and IMU modalities, with the objective of achieving high-precision recognition of human lower-limb locomotion intent in dynamic environments.

2. Method Overview

Human lower-limb locomotion exhibits pronounced rhythmic and periodic characteristics, including fundamental steady-state locomotion modes, such as level walking (LW), stair ascent (SA), stair descent (SD), ramp ascent (RA), and ramp descent (RD), along with dynamic transition models between these primary modes [26]. To enable a more detailed analysis of these locomotion patterns, this study classifies lower-limb locomotion into five distinct steady-state modes and eight transition motion modes based on differences in their kinematic features, as detailed in Table 1.
The framework for lower-limb locomotion intent recognition proposed in this study, as illustrated in Figure 1, consists of four sequential stages: (1) synchronous acquisition of multimodal signals during human locomotion, including sEMG and IMU data; (2) data preprocessing and feature extraction, where raw signals undergo noise reduction, bandpass filtering, and window segmentation, followed by time–frequency domain feature extraction; (3) model training using a hybrid KPCA-ISSA-SVM architecture, which integrates KPCA for nonlinear dimensionality reduction, an ISSA for hyperparameter optimization, and SVM for lower-limb locomotion intent recognition; (4) real-time intent identification by deploying the trained model to classify newly acquired motion signals into predefined locomotion modes (e.g., level walking, stair ascent). The proposed methodology primarily focuses on two technical components. Data preprocessing involves denoising, filtering, and window segmentation applied to raw sensor signals, with subsequent feature extraction to ensure signal integrity and enhance temporal resolution for robust recognition. And the KPCA-ISSA-SVM hybrid algorithm designed to enhance the recognition accuracy through feature space refinement and metaheuristic parameter tuning. Detailed implementations are elaborated in subsequent sections.

3. Data Preprocessing

This study proposes a multimodal framework for human lower-limb locomotion intent recognition through the synergistic integration of sEMG and IMU kinematic data. A high-density wireless EMG system (16 channels, 2 kHz sampling rate) was utilized to acquire bilateral lower-limb muscle sEMG, specifically targeting the rectus femoris, tibialis anterior, and soleus muscles during dynamic locomotion tasks. Simultaneously, the IMU sensors were attached on the thigh, shank, and ankle segments to record triaxial acceleration and angular velocity data. The preprocessing pipeline comprised two parallel modules: sEMG feature extraction and kinematic feature extraction.

3.1. sEMG Feature Extraction

Raw sEMG signals are highly susceptible to exogenous interference, such as ambient electromagnetic noise and motion artefacts, which can significantly compromise the reliability of motion intent recognition [27,28]. To mitigate these disturbances, the acquired sEMG signals were subjected to a sequential preprocessing pipeline: (1) a fourth-order Butterworth bandpass filter with cutoff frequencies of 20 Hz (high-pass) and 250 Hz (low-pass) to reduce baseline drift and high-frequency noise; (2) a 50 Hz notch filter for eliminating powerline interference. The filter stability was verified via a pole-zero analysis, with all poles residing within the unit circle. Furthermore, phase distortion introduced by the Butterworth filter was corrected via forward–backward filtering. The implemented preprocessing pipeline markedly improved the biopotential fidelity of the sEMG signals, as illustrated in Figure 2, which presents a comparison of the sEMG signals before and after preprocessing.
The preprocessed sEMG signals were segmented into consecutive epochs using a 100 ms non-overlapping Hamming window function. Bidomain feature extraction was systematically conducted, with time-domain parameters quantifying amplitude dynamics and frequency-domain descriptors characterising spectral redistribution. The time-domain feature extraction included three amplitude-based metrics that reflect instantaneous muscular activation patterns: the mean absolute value (MAV), which indicates localized contraction intensity; the root mean square (RMS), representing normalized neuromuscular energy expenditure; and the variance (VAR), capturing dynamic force fluctuation magnitudes. Frequency-domain analysis employed spectral metrics, such as the median frequency (MF), which identifies myoelectric spectral compression during fatigue, and the mean power frequency (MPF), quantifying progressive spectral shifts caused by variations in motor unit recruitment rates. Together, these bidomain features form a physiologically interpretable, multidimensional representation of sEMG signal dynamics. The mathematical formulations of the extracted bidomain features are formalized as follows:
MAV = 1 N i = 1 N x i
RMS = 1 N i = 1 N x i 2
VAR = 1 N 1 i = 1 N ( x i x ¯ ) 2
MF = 1 2 j = 1 M p j
MPF = j = 1 M f j p j j = 1 M p j
where x i denotes the discrete signal amplitude at the k-th sampling point, N represents the total number of collected data points, p j indicates the power spectral density at discrete frequency f i , and M corresponds to the total number of discrete frequency components. The sEMG signals were bilaterally acquired from six lower-limb muscles (three per leg). Five bidomain features were extracted for each sEMG channel; consequently, a 30-dimensional feature vector was constructed by aggregating these statistical measures.

3.2. Kinematic Feature Extraction

Three IMU sensors were placed at anatomical landmarks corresponding to the thigh, shank, and ankle to acquire triaxial accelerometry and gyroscopic data during human locomotion. The raw kinematic measurements exhibited significant fluctuations contaminated by high-frequency artifacts arising from soft-tissue oscillations and sensor perturbations. To mitigate these disturbances, a bidirectional fourth-order Butterworth low-pass filter (cutoff frequency: 6 Hz) was implemented for baseline stabilization. Subsequently, the filtered data stream were partitioned into consecutive epochs using a 100 ms non-overlapping Hamming window, which was used to facilitate time-localized feature extraction. Within each temporal window, two statistical descriptors, MAV and VAR, were computed using the Equations (1) and (3). Given that each IMU provides 3D accelerometry and 3D gyroscopic measurements, the feature extraction process generated two statistical descriptors per axis (6 axes × 2 features = 12 features/IMU). Aggregating data from three IMUs yielded a 36-dimensional feature vector through tensor concatenation.

4. KPCA-ISSA-SVM

The proposed KPCA-ISSA-SVM framework for lower-limb locomotion intent recognition constructs a comprehensive high-dimensional feature space by integrating synchronized sEMG and IMU data acquisition. KPCA performs nonlinear dimensionality reduction to effectively extract discriminative low-dimensional principal components that retain essential characteristics of lower-limb locomotion modes. Meanwhile, the ISSA algorithm systematically optimizes SVM hyperparameters through iterative convergence criteria, thereby enhancing inter-class separability and ensuring robust generalization across diverse gait cycles.

4.1. Kernel Principal Component Analysis

KPCA is a classical nonlinear dimensionality reduction technique based on kernel methods, which effectively reduces data dimensionality and computational complexity while preserving essential features and structural information [29,30]. The core principle of KPCA involves mapping the original data into a high-dimensional feature space F through a nonlinear transformation, followed by the application of PCA within F. In this study, the feature matrix characterizing lower-limb motion patterns integrates sEMG feature and kinematic feature, formally represented as X = x 1 , x 2 , . . . , x n , where n denotes the total number of features, each represented by a d-dimensional vector. The nonlinear mapping function ϕ ( ) projects input data into the high-dimensional feature space F , enabling the covariance matrix in feature space F to be formulated as follows:
C F = 1 n i = 1 n ϕ ( x i ) ϕ ( x i ) T
Matrix C F is subjected to eigenvalue decomposition:
λ v = C F v
where λ denotes the eigenvalue of the covariance matrix C F , and v represents its corresponding eigenvector.
Combining Equation (7) into Equation (6) yields the following:
C F v = 1 n i = 1 n ϕ ( x i ) ϕ ( x i ) T v = 1 n i = 1 n ϕ ( x i ) , v ϕ ( x i )
where , denotes the inner product operation. The Equation is equivalent to
λ ϕ ( x k ) , v = ϕ ( x k ) , C F v
Given the non-vanishing eigenvalue λ 0 , the eigenvector v in the high-dimensional feature space admits a linear representation spanned by the mapped samples:
v = i = 1 n a i ϕ ( x i )
Through the combination of Equations (8)–(10), the following is obtained:
λ j = 1 n a j ϕ ( x k ) , ϕ ( x j ) = 1 n j = 1 n a j ϕ ( x k ) , i = 1 n ϕ ( x i ) ϕ ( x i ) , ϕ ( x j )
By defining a symmetric kernel matrix K with elements satisfying K ij = ϕ ( x i ) T ϕ ( x j ) , 1 i n ,   1 j n , Equation (11) simplifies to:
n λ α = K α
where α = [ α 1 , α 2 , , α n ] T . The eigenvectors of matrix C F are obtained by solving for the linear coefficient α , which also corresponds to an eigenvector of the kernel matrix K . Solving Equations (12) provides the eigenvalues λ 1 λ 2 λ n and associated eigenvectors α 1 , α 2 , , α n of K . The contribution rate of each principal component is calculated as follows:
C ( λ j ) = λ j i = 1 n λ i × 100 %
The principal components of the original vectors can be expressed as:
t k = v k , ϕ ( x ) = j = 1 n a j k ϕ ( x j ) , ϕ ( x )
where t k is the k-th principal component (PC), v k denotes the k-th eigenvector, a j k represents the coefficient associated with v k , and k = 1 , 2 p , p is the total number of retained principal components.
KPCA utilizes a kernel function to bypass explicit calculation of nonlinear mappings. The Gaussian radial basis function (RBF) kernel is predominantly selected, defined as follows:
K ( x , x i ) = exp x x i 2 2 σ 2
where σ represents the bandwidth parameter of the kernel function, and · denotes the Euclidean distance.

4.2. Support Vector Machine

This study employs an SVM classifier for lower-limb motion intent recognition. The SVM classification strategy reformulates the problem as a convex quadratic optimization task, aiming to maximize the margin within the feature space [31], and is mathematically expressed as follows:
max 1 ω ; s . t . y i ( ω T x i + b ) 1 , i = 1 , n .
where ω denotes the normal vector of the selected hyperplane, x i represents the feature vector, y i corresponds to the classification label, b is the threshold parameter, and n indicates the total number of training samples. To address linearly inseparable data, SVM employs kernel functions to project samples into a higher-dimensional feature space, where an optimal hyperplane is determined to facilitate linear separation of the mapped samples. The Gaussian radial basis function (RBF) kernel was selected for its capacity to map nonlinear relationships in high-dimensional feature spaces while maintaining computational stability. Its formulation is defined as follows:
k ( x 1 , x 2 ) = exp ( g x 1 x 2 2 ) ,   g > 0
where g denotes a tunable hyperparameter. To mitigate the impact of outlier-induced classification bias, slack variables ξ i are incorporated into the optimization framework, leading to the reformulated expression of Equation (16):
min 1 2 ω 2 + C i = 1 n ξ i ; s . t . y i ( ω T x i + b ) 1 ξ i , ξ i 0 , i = 1 , , n
where C denotes the regularization strength, which balances the trade-off between minimizing the empirical error and controlling the model complexity. As shown in Equations (17) and (18), the selection of hyperparameters C and g fundamentally determines the generalization capability of the SVM classifier. Consequently, this study proposes an improved sparrow search algorithm for the globally optimizing SVM parameters.

4.3. Improved Sparrow Search Algorithm

The SSA simulates the positional updating dynamics of sparrow foraging behavior through iterative optimization of individual positions to achieve target objectives [32]. During the search process, sparrows assume three distinct functional roles: explorers, followers and scouts. Compared with conventional optimization algorithms [33,34], SSA offers advantages such as implementation simplicity, rapid convergence speed, and high computational accuracy. However, it exhibits critical limitations, including significant sensitivity to initial parameter settings and a tendency to converge prematurely to local optima, which hinders the attainment of global optimality [35]. To address these deficiencies, this study proposes an enhanced ISSA by incorporating (1) a chaotic opposition-based learning strategy to expand global search capacity; (2) an adaptive dynamic weighting mechanism to balance exploration–exploitation trade-offs; and (3) a hybrid mutation perturbation scheme to circumvent stagnation in local basins. These synergistic modifications collectively mitigate premature convergence while enhancing solution robustness and search diversity.

4.3.1. Population Initialization Based on Chaotic Opposition-Based Learning Strategy

To address the limitations of the standard SSA, where randomly initialized populations often exhibit a heterogeneous distribution and insufficient diversity—thereby negatively impacting the convergence rate and solution accuracy—this study introduces a chaotic opposition-based learning strategy to initialize the sparrow population. This approach improves the stochastic characteristics and diversity of the initial population, ensuring a more uniform spatial distribution across the search space. This enhancement promotes more effective exploration of potential optimal regions and reduces the risk of premature convergence, thereby increasing the likelihood of achieving globally optimal solutions. The initialized population can be formally expressed as follows:
X ij = b j + ( a j b j ) · x k
x k + 1 = mod ( x k + c d 2 π sin ( 2 π x k ) ,   1 )
where X ij denotes the sparrow position vector; b j and a j represent the lower and upper boundaries of the search space, respectively; x k corresponds to the value of the chaotic mapping sequence; mod ( , ) is the modulus operator; and c = 0.2 and d = 0.5 are empirically tuned control parameters governing population distribution.
Following chaotic mapping initialization, an opposition-based learning (OBL) strategy is employed to generate the oppositional counterpart population for the current iteration, thereby expanding the exploration coverage of the initialization process. This hybrid mechanism can be mathematically expressed as follows:
X i , j op = a j + b j X ij
where X i , j op denotes the position vector of the opposition-based sparrow individual. The opposition population generated by the opposition-based learning strategy and the initial population obtained through chaotic mapping are merged and ranked according to their fitness values. The top 50% of individuals with optimal fitness values are selected to form the refined initial population. This hybrid population initialization strategy ensures a quasi-uniform spatial distribution and enhanced population diversity, thereby improving the initial population quality for subsequent optimization processes.

4.3.2. Explorers’ Position-Updating Strategy

Explorers conduct food source detection within a defined radius, providing directional guidance for the entire population’s foraging behavior. Their positional update equation can be formulated as follows:
X i , j t + 1 = X i , j t exp ( i β t m a x ) R < S T X i , j t + Q L R S T
where X i , j t denotes the position of the i-th explorer in the j-th dimension at t-th iteration, β is a stochastic coefficient uniformly sampled from ( 0.5 , 1 ] , t m a x represents the maximum number of iterations, Q is a Gaussian-distributed random perturbation term, L denotes a row matrix with all elements equal to 1 for dimensional consistency, R ( 0.5 , 1 ] serves as a real-time risk indicator, and S T ( 0.5 , 1 ] defines the safety threshold. When R < S T , explorers engage in routine food-search behavior, iteratively updating their positions toward regions governed by optimized parameter combinations C and g in SVM. Conversely, if R S T , the explorer detects nearby danger, issues a warning to the entire population, and moves to other safe places to forage.

4.3.3. Followers’ Position-Updating Strategy

In the standard SSA, the rapid convergence behavior inherently prevents low-fitness individuals from locating viable food sources, as high-fitness followers aggressively converge toward the perceived optimal region. This excessive exploitation narrows the search domain and reduces population-level precision due to premature stagnation. To address this imbalance between global exploration and local exploitation, a dynamic weighting factor is introduced to adaptively regulate swarm dispersion intensity. The dynamic weighting factor ψ is analytically defined as follows:
ψ = sin π 2 1 exp t T 1 x p 1 1
The update of the followers’ position can be expressed as follows:
X i , j t + 1 = X i , j t + ψ X i , j t X p t + 1
where X i , j t + 1 represents the local optimal position of the explorer in the (t + 1)-th generation.

4.3.4. Scouts’ Position-Updating Strategy

Following position updates of explorers and followers in the SSA, a stochastic vigilance mechanism is activated by randomly selecting 10–20% of the population as scouts, whose position can be expressed as follows:
X i , j t + 1 = X best t + γ X i , j t X best t ,   f i > f g X i , j t + μ X i , j t X worst t f i f w + ε , f i = f g
where γ represents a normally distributed random number, μ denotes a random number within the range [−1, 1], and ε is an infinitesimal constant introduced to prevent division by zero; f i corresponds to the fitness value of the i-th individual sparrow, X best t signifies the globally optimal position obtained at the t-th generation, X worst t indicates the globally worst position identified at the t-th generation, while f g and f w characterize the globally optimal fitness value and the worst fitness value achieved during the t-th generation, respectively.

5. Experimentation

5.1. Experimental Protocol

In this study, the sEMG and kinematic data were synchronously acquired using an ELONEX EMG100-Ch-Y-RA EMG system (eight channels, sampling frequency: 1000 Hz; Hangzhou Jiaopu Technology Co., Ltd., Hangzhou, China) and six BWT901CL IMUs (Shenzhen Wiite Intelligent Technology Co., Ltd., Shenzhen, China). The sEMG electrodes were placed bilaterally on the rectus femoris, tibialis anterior, and soleus muscles. IMUs were securely mounted using hypoallergenic straps on anatomical landmarks of the thigh (midpoint between the greater trochanter and the lateral femoral condyle), shank (distal third of the tibialis anterior), and ankle segments (lateral malleolus), ensuring minimal motion artifact during dynamic tasks.
Seven healthy participants (mean ± SD: age = 21.2 ± 1.47 years; height = 1.74 ± 0.056 m; body mass = 66 ± 7.9 kg) were recruited for this study. This study was approved by the Institutional Review Board of Pingdingshan University. All participants signed an informed consent form prior to participation, and all collected data were anonymized. Participants completed ten trials of gait analysis across five terrains: (1) level walking, (2) stair ascent, (3) stair descent, (4) ramp ascent (8° inclination), and (5) ramp descent. Each trial incorporated five steady-state locomotion modes and eight transitional modes, as detailed in Table 1, with locomotion performed at self-selected speeds to simulate natural gait kinematics. sEMG signals and IMU data were synchronously recorded. Motion phases were automatically annotated using plantar pressure sensors detecting heel-strike events, with gait cycles normalized to 0–100% duration.

5.2. Offline Experimental Results

The proposed KPCA-ISSA-SVM framework was implemented to classify lower-limb motion intents using experimental datasets. To ensure both reproducibility and statistical rigor, a bootstrap-resampling protocol with 100 iterations was applied to the human lower-limb motion dataset. At each iteration, a stratified random sample comprising 80% of the dataset was drawn with replacement to form the training subset, while the remaining 20% was reserved as the held-out test set for performance validation. The classification accuracy was reported as the median value across all bootstrap iterations, with uncertainty quantified through a nonparametric 95% confidence interval (CI) calculated from the 2.5th and 97.5th percentiles of the bootstrap distribution. All model training and testing processes were conducted on a high-performance workstation equipped with an Intel Core i7-10700K CPU (3.80 GHz), 64 GB RAM, and an NVIDIA GeForce RTX 3090 GPU.
For the five steady-state locomotion modes, the computational cost of this bootstrapping procedure was quantified as 13 ± 4.4 min per iteration on the standard workstation, resulting in a total processing time of 1273 min for 100 iterations. The KPCA-ISSA-SVM framework demonstrated an overall (OA) accuracy of 96.3% (95% CI: 95.5–96.9%), as quantitatively validated in Figure 3. Stair ascent (SA) exhibited the lowest recognition rate of 95.3% (95% CI: 94.6–96.1%), while ramp descent (RD) achieved the highest accuracy of 97.8% (95% CI: 96.8–98.2%). The proposed method shows tighter CIs, indicating higher robustness. A detailed misclassification analysis demonstrated that 2.8% of SA were erroneously classified as RA, and 2.2% of RA were misidentified as SA, likely due to kinematic similarities in lower-limb joint angles and muscle activation patterns between ascent tasks. This observation aligns with prior biomechanical studies highlighting comparable sagittal-plane hip-knee coordination during stair and ramp negotiation [36].
For all locomotion modes, each bootstrap iteration completed in 31 ± 5.2 min, resulting in a total processing time of 3146 min for the full bootstrap validation. The KPCA-ISSA-SVM framework achieved OA 95.4% (95% CI: 94.6–96.1%), as quantified in Figure 4. Notably, despite a marginal reduction of 0.97 percentage points compared to its performance under steady-state modes (96.3% OA; 95% CI: 95.5–96.9%), the consistently narrow confidence intervals observed in both scenarios indicate superior algorithmic robustness of the proposed method. The corresponding confusion matrix as shown in Figure 5, which reveals concentrated misclassifications in two specific scenarios: 4.8% of RD-LW samples were misidentified as RD; 4.3% of SD-LW samples were misidentified as SD; 3.9% of SD samples were misidentified as SD-LW; and 3.8% of RD samples were misidentified as RD-LW. All remaining locomotion modes maintained recognition accuracies exceeding 95%. The results demonstrate that RD vs RD-LW and SD vs SD-LW locomotion modes are prone to misclassification. This stems from the complex kinematic signatures and high temporal dynamics inherent in transitional locomotion modes. Specifically, due to the body’s inertial effects, residual kinematic states from the preceding locomotion phase persist into subsequent motion phases, thereby leading to confusion between RD and RD-LW, as well as SD and SD-LW modes.
To simulate real-world noise conditions, we injected additive white Gaussian noise into raw sEMG signals at varying signal-to-noise ratios (SNR: 10 dB, 5 dB, 0 dB). The proposed framework maintained accuracy above 91.2% even at SNR = 5 dB, demonstrating strong noise tolerance. This robustness stems from the bandpass filtering in data preprocessing, and the standardized placement of sEMG sensors is critical to model accuracy. To mitigate this, we recommend using adjustable wearable bands with anatomical markers for consistent sensor positioning. It should be noted that while the proposed KPCA-ISSA-SVM framework achieves high recognition accuracy, its current validation was conducted on a homogeneous cohort of seven healthy young adults, which ensures internal validity for initial algorithmic verification but may limit generalizability to populations with pathological gait patterns (e.g., stroke survivors) or age-related neuromuscular degradation. Future studies should validate this method in larger, clinically diverse cohorts to assess its robustness across varied physiological conditions.

5.3. Online Experimental Results

Prior to online experimentation, the trained recognition model, optimized through experimental datasets, was deployed onto an NVIDIA Jetson TX2 embedded computing module. During online trials, raw EMG signals and IMU data collected in online operation were transmitted to the TX2 device. A dedicated data-processing pipeline implemented on the TX2 performed real-time preprocessing followed by sliding-window segmentation with a 100 ms non-overlapping Hamming window. The processed feature vectors were subsequently fed into the embedded recognition model for continuous prediction of participants’ motion intent. To ensure experimental consistency, an identical sensor placement protocol (adhesive electrode positions and IMU orientations) was strictly maintained across all seven subjects, as predefined during offline data acquisition. The real-time recognition accuracy is presented in Figure 6, where the bar heights represent the mean recognition accuracy of seven experimental subjects, and the vertical error bars indicate the full data range (minimum to maximum accuracy). The experimental results demonstrate that the proposed online recognition system achieves a robust performance across all motion modes, with the lowest accuracy observed at 90.6% for the SD-LW mode and the highest accuracy reaching 94.6% for the RA mode; the OA accuracy for the 13 locomotion modes is 93.3%. This indicates that the model maintains high reliability in real-time scenarios, despite a slight degradation (2.1%) compared to offline recognition (95.4%). The minor performance decrease can be attributed to online computational constraints, sensor noise, and temporal variations in motion execution.

5.4. Comparative Experimental Results

To validate the superiority of multimodal data fusion based on surface electromyography (sEMG) and inertial measurement unit (IMU) for lower-limb motion intention recognition, this study conducted systematic experiments using the proposed recognition framework under single-modality and fusion configurations. As demonstrated in Figure 7, the recognition accuracy achieved 95.4% in multimodal fusion mode, surpassing the isolated performances of sEMG (91.7%) and IMU (91.4%) alone. This indicates that sensor fusion significantly enhances discriminative power through feature complementarity. For LW, SA, and SD, the IMU-only configuration achieved a competitive accuracy (92.1–94.7%) due to the discriminative kinematic signatures embedded in triaxial accelerometry and angular velocity profiles. This performance discrepancy stems from inherent limitations of individual modalities: sEMG signals, while providing high temporal resolution for neuromuscular activation patterns, exhibit significant inter-subject variability and susceptibility to muscle crosstalk during complex motor tasks, particularly in lower-limb locomotions with similar electrophysiological signatures. Conversely, IMU data effectively capture kinematic trajectories but lack physiological specificity to distinguish motion phases with comparable acceleration profiles. The synergistic fusion mechanism overcomes these constraints through spatiotemporal feature complementarity—sEMG features provide precursor indications of muscle contraction onset, while IMU-derived angular velocities and linear accelerations precisely quantify limb displacement parameters. These results quantitatively confirm that multimodal integration significantly enhances the recognition robustness compared to unimodal approaches, establishing a methodological foundation for clinical applications requiring high-precision motion decoding, such as rehabilitation robotics and neural prosthesis control.
To further validate the effectiveness of the proposed KPCA-ISSA-SVM classification model, comparative experiments were conducted using PCA-SVM and standard SVM algorithms based on experimentally collected multimodal human lower-limb locomotion data for motion intent recognition. As shown in Figure 8, the overall recognition accuracies of PCA-SVM and SVM were 91.85% and 89.76%, respectively, which were 3.50% and 5.59% lower than the proposed KPCA-ISSA-SVM (95.4%). This discrepancy arises because PCA-SVM employs linear principal component analysis (PCA), which struggles to effectively decouple the non-stationarity of sEMG signals from the nonlinear coupling characteristics of IMU dynamic parameters during lower-limb motion. Although PCA-SVM mitigates the “curse of dimensionality” through principal component reduction, its orthogonal decomposition process discards nonlinear, high-order, statistical features critical for classification. This proves that the nonlinear principal components extracted by KPCA are crucial for classification. Additionally, traditional SVM relies on grid search for hyperparameter optimization, which is prone to local optima and computationally inefficient. In contrast, the KPCA in the proposed method maps the original feature space into a high-dimensional separable space via kernel functions, significantly enhancing the discriminability of inter-class boundaries for motion patterns. Meanwhile, the ISSA integrated into the proposed method introduces adaptive inertia weighting and Cauchy mutation strategies, achieving synergistic optimization of penalty factors and kernel parameters during global search. This approach prevents premature convergence and improves the model’s generalization capability.
Although the proposed KPCA-ISSA-SVM framework demonstrates competitive performance in our experiments, emerging deep learning architectures, such as CNNs, LSTM, or transformer models, exhibit promising potential for capturing long-range temporal dependencies in sEMG signals. Nevertheless, their performance heavily depends on large-scale datasets and high computational resources, and these requirements are often unmet in clinical or wearable-device scenarios. A limitation of this study is the baseline comparison scope. While we focused on classical machine learning methods for clinical applicability, future research should evaluate the performance against state-of-the-art deep learning models when larger sEMG datasets become available.

6. Conclusions

This study presents a novel KPCA-ISSA-SVM framework for high-accuracy lower-limb motion intent recognition, addressing the critical challenges of nonlinear feature extraction and parameter optimization in multimodal biosignal analysis. By synergistically integrating KPCA for nonlinear dimensionality reduction and an ISSA for SVM hyperparameter tuning, the proposed framework effectively overcomes the limitations of conventional methods in handling complex, high-dimensional sEMG-IMU data. The ISSA incorporates chaotic opposition-based learning, adaptive dynamic weighting, and hybrid mutation strategies, thereby achieving enhanced global search capabilities and mitigating premature convergence risks. Experimental validation on a diverse 13-class locomotion dataset demonstrates a recognition accuracy of 95.35%, surpassing traditional PCA-SVM (91.85%) and standalone SVM (89.76%) benchmarks. Key innovations include the construction of a discriminative low-dimensional feature space through KPCA and the establishment of a robust classification boundary via ISSA-optimized SVM, which collectively enable precise differentiation of steady-state and transitional locomotion modes. Future work should explore real-time deployment in wearable rehabilitation systems and extend validation to clinical populations with mobility impairments. This research establishes a foundational methodology for intention-driven human–machine collaboration, with potential applications in exoskeleton control, smart prosthetics, and neurorehabilitation technologies.

Author Contributions

K.Y. contributed to the conception of the study, the background research, method design, and analysis of the experimental results; P.L. performed the methodological guidance and writing review; P.H. carried out the experiment and wrote the manuscript; H.Z. reviewed and revised the manuscript; Y.C. provided methodological guidance, writing review, and funding support. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by the Project of the Science and Technology Department of Henan Province under Grant 252102221011, and the Research Project of High Education in Henan Province under Grant 23A413008.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

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

Data Availability Statement

Data are unavailable due to privacy or ethical restrictions.

Acknowledgments

The authors sincerely thank the seven anonymous participants who volunteered for this study. Their dedication and cooperation were essential to the success of the experimental protocol. We are also deeply grateful to the anonymous reviewers and editors for their valuable feedback and suggestions, which greatly helped improve the quality of this work.

Conflicts of Interest

The authors declare no conflicts of interest.

References

  1. Li, L.-L.; Cao, G.-Z.; Liang, H.-J.; Zhang, Y.-P.; Cui, F. Human lower limb motion intention recognition for exoskeletons: A review. IEEE Sens. J. 2023, 23, 30007–30036. [Google Scholar] [CrossRef]
  2. Shi, M.; Yang, C.; Zhang, D. A novel human-machine collaboration model of an ankle joint rehabilitation robot driven by eeg signals. Math. Probl. Eng. 2021, 2021, 5564235. [Google Scholar] [CrossRef]
  3. Luptáková, I.D.; Kubovčík, M.; Pospíchal, J. Wearable sensor-based human activity recognition with transformer model. Sensors 2022, 22, 1911. [Google Scholar] [CrossRef]
  4. Semwal, V.B.; Gupta, A.; Lalwani, P. An optimized hybrid deep learning model using ensemble learning approach for human walking activities recognition. J. Supercomput. 2021, 77, 12256–12279. [Google Scholar] [CrossRef]
  5. Ding, Z.; Yang, C.; Wang, Z.; Yin, X.; Jiang, F. Online adaptive prediction of human motion intention based on semg. Sensors 2021, 21, 2882. [Google Scholar] [CrossRef] [PubMed]
  6. Li, Z.-Y.; Zhao, X.-G.; Zhang, B.; Ding, Q.-C.; Zhang, D.-H.; Han, J.-D. Review of semg-based motion intent recognition methods in non-ideal conditions. Acta Autom. Sin. 2021, 47, 955–969. [Google Scholar]
  7. Zhang, L.; Liu, G.; Han, B.; Wang, Z.; Zhang, T. sEMG based human motion intention recognition. J. Robot. 2019, 2019, 3679174. [Google Scholar] [CrossRef]
  8. Semwal, V.B.; Gaud, N.; Lalwani, P.; Bijalwan, V.; Alok, A.K. Pattern identification of different human joints for different human walking styles using inertial measurement unit (imu) sensor. Artif. Intell. 2022, 55, 1149–1169. [Google Scholar] [CrossRef]
  9. Gu, C.; Lin, W.; He, X.; Zhang, L.; Zhang, M. Imu-based motion capture system for rehabilitation applications: A systematic review. Biomim. Intell. Robot. 2023, 3, 100097. [Google Scholar] [CrossRef]
  10. Li, X.; Liu, J.; Huang, Y.; Wang, D.; Miao, Y. Human motion pattern recognition and feature extraction: An approach using multi-information fusion. Micromachines 2022, 13, 1205. [Google Scholar] [CrossRef] [PubMed]
  11. Bian, Q.; Castellani, M.; Shepherd, D.; Duan, J.; Ding, Z. Gait intention prediction using a lower-limb musculoskeletal model and long short-term memory neural networks. IEEE Trans. Neural Syst. Rehabil. Eng. 2024, 32, 822–830. [Google Scholar] [CrossRef]
  12. Gao, X.; Yan, L.; Wang, G.; Gerada, C. Hybrid recurrent neural network architecture-based intention recognition for human–robot collaboration. IEEE Trans. Cybern. 2021, 53, 1578–1586. [Google Scholar] [CrossRef]
  13. Shahini, N.; Bahrami, Z.; Sheykhivand, S.; Marandi, S.; Danishvar, M.; Danishvar, S.; Roosta, Y. Automatically identified eeg signals of movement intention based on cnn network (end-to-end). Electronics 2022, 11, 3297. [Google Scholar] [CrossRef]
  14. Yu, Z.; Lee, M. Human motion based intent recognition using a deep dynamic neural model. Robot. Auton. Syst. 2015, 71, 134–149. [Google Scholar] [CrossRef]
  15. Zhu, M.; Guan, X.; Li, Z.; He, L.; Wang, Z.; Cai, K. semg-based lower limb motion prediction using cnn-lstm with improved pca optimization algorithm. J. Bionic Eng. 2023, 20, 612–627. [Google Scholar] [CrossRef]
  16. Zhang, T.; Sun, H.; Zou, Y. An electromyography signals-based human-robot collaboration system for human motion intention recognition and realization. Robot. Comput.-Integr. Manuf. 2022, 77, 102359. [Google Scholar] [CrossRef]
  17. Yin, K.; Chen, J.; Xiang, K.; Pang, M.; Tang, B.; Li, J.; Yang, L. Artificial human balance control by calf muscle activation modelling. IEEE Access 2020, 8, 86732–86744. [Google Scholar] [CrossRef]
  18. Embry, K.R.; Villarreal, D.J.; Macaluso, R.L.; Gregg, R.D. Modeling the kinematics of human locomotion over continuously varying speeds and inclines. IEEE Trans. Neural Syst. Rehabil. 2018, 26, 2342–2350. [Google Scholar] [CrossRef]
  19. Yin, K.; Li, Y.; Li, X.; Zhao, H. Human motion intention recognition via semg and joint kinematics fusion using mpso-svm for intelligent transportation systems. CHAIN 2025, 2, 198–209. [Google Scholar] [CrossRef]
  20. Wang, E.; Chen, X.; Li, Y.; Fu, Z.; Huang, J. Lower limb motion intent recognition based on sensor fusion and fuzzy multitask learning. IEEE Trans. Fuzzy Syst. 2024, 32, 2903–2914. [Google Scholar] [CrossRef]
  21. Liu, K.; Liu, Y.; Ji, S.; Gao, C.; Zhang, S.; Fu, J. A novel gait phase recognition method based on dpf-lstm-cnn using wearable inertial sensors. Sensors 2023, 23, 5905. [Google Scholar] [CrossRef]
  22. Su, B.-Y.; Wang, J.; Liu, S.-Q.; Sheng, M.; Jiang, J.; Xiang, K. A cnn-based method for intent recognition using inertial measurement units and intelligent lower limb prosthesis. IEEE Trans. Neural Syst. Rehabil. Eng. 2019, 27, 1032–1042. [Google Scholar] [CrossRef]
  23. Tao, Y.; Huang, Y.; Zheng, J.; Chen, J.; Zhang, Z.; Guo, Y.; Li, P. Multi-channel semg based human lower limb motion intention recognition method. In Proceedings of the 2019 IEEE/ASME International Conference on Advanced Intelligent Mechatronics (AIM), Hong Kong, China, 8–12 July 2019; pp. 1037–1042. [Google Scholar]
  24. Tu, P.; Li, J.; Wang, H. Lower limb motion recognition with improved svm based on surface electromyography. Sensors 2024, 24, 3097. [Google Scholar] [CrossRef]
  25. Yu, X.; He, W.; Li, Y.; Xue, C.; Li, J.; Zou, J.; Yang, C. Bayesian estimation of human impedance and motion intention for human–robot collaboration. IEEE Trans. Cybern. 2019, 51, 1822–1834. [Google Scholar] [CrossRef]
  26. Su, B.; Wang, J.; Liu, S.; Sheng, M.; Xiang, K. An improved motion intent recognition method for intelligent lower limb prosthesis driven by inertial motion capture data. Acta Autom. Sin. 2020, 46, 1517–1530. [Google Scholar]
  27. Yin, K.; Xue, Y.; Yu, Y.; Xie, S. Variable impedance control for bipedal robot standing balance based on artificial muscle activation model. J. Robot. 2021, 2021, 8142161. [Google Scholar] [CrossRef]
  28. Xue, Y.; Yu, Y.; Yin, K.; Du, H.; Li, P.; Dai, K.; Ju, Z. Using adaptive directed acyclic graph for human in-hand motion identification with hybrid surface electromyography and kinect. Symmetry 2022, 14, 2093. [Google Scholar] [CrossRef]
  29. Pani, A.K. Nonlinear process monitoring using kernel principal component analysis: A review of the basic and modified techniques with industrial applications. Braz. J. Chem. Eng. 2022, 39, 327–344. [Google Scholar] [CrossRef]
  30. Han, Y.; Song, G.; Liu, F.; Geng, Z.; Ma, B.; Xu, W. Fault monitoring using novel adaptive kernel principal component analysis integrating grey relational analysis. Process Saf. Environ. Prot. 2022, 157, 397–410. [Google Scholar] [CrossRef]
  31. Guido, R.; Ferrisi, S.; Lofaro, D.; Conforti, D. An overview on the advancements of support vector machine models in healthcare applications: A review. Information 2024, 15, 235. [Google Scholar] [CrossRef]
  32. Gharehchopogh, F.S.; Namazi, M.; Ebrahimi, L.; Abdollahzadeh, B. Advances in sparrow search algorithm: A comprehensive survey. Arch. Comput. Methods Eng. 2023, 30, 427–455. [Google Scholar] [CrossRef] [PubMed]
  33. Yin, K.; Tang, B.; Li, M.; Zhao, H. A multi-objective optimization approach based on an enhanced particle swarm optimisation algorithm with evolutionary game theory. IEEE Access 2023, 11, 77566–77584. [Google Scholar] [CrossRef]
  34. Feng, Z.; Huang, J.; Jin, S.; Wang, G.; Chen, Y. Artificial intelligence-based multi-objective optimisation for proton exchange membrane fuel cell: A literature review. J. Power Sources 2022, 520, 230808. [Google Scholar] [CrossRef]
  35. Ma, J.; Hao, Z.; Sun, W. Enhancing sparrow search algorithm via multi-strategies for continuous optimisation problems. Inf. Process. Manag. 2022, 59, 102854. [Google Scholar] [CrossRef]
  36. Shimotori, D.; Kato, K.; Yoshimi, T.; Kondo, I. Validation of gait kinematics with ramp and stair ascent and descent revealed by markerless motion capture in simulated living space: Test-retest reliability study. JMIR Rehabil. Assist. Technol. 2025, 12, e66886. [Google Scholar] [CrossRef] [PubMed]
Figure 1. The framework of the proposed lower-limb locomotion intent recognition method.
Figure 1. The framework of the proposed lower-limb locomotion intent recognition method.
Biomimetics 10 00609 g001
Figure 2. Comparison of sEMG signals before (above) and after preprocessing (below).
Figure 2. Comparison of sEMG signals before (above) and after preprocessing (below).
Biomimetics 10 00609 g002
Figure 3. The recognition accuracy of five steady states.
Figure 3. The recognition accuracy of five steady states.
Biomimetics 10 00609 g003
Figure 4. The recognition accuracy under all locomotion modes.
Figure 4. The recognition accuracy under all locomotion modes.
Biomimetics 10 00609 g004
Figure 5. Confusion matrix of all locomotion modes.
Figure 5. Confusion matrix of all locomotion modes.
Biomimetics 10 00609 g005
Figure 6. The online experimental recognition accuracy.
Figure 6. The online experimental recognition accuracy.
Biomimetics 10 00609 g006
Figure 7. Motion intention recognition accuracy of the proposed method with single-modality data and multimodal fusion.
Figure 7. Motion intention recognition accuracy of the proposed method with single-modality data and multimodal fusion.
Biomimetics 10 00609 g007
Figure 8. Motion intention recognition accuracy of the different proposed recognition method.
Figure 8. Motion intention recognition accuracy of the different proposed recognition method.
Biomimetics 10 00609 g008
Table 1. Thirteen lower-limb locomotion modes and their descriptions.
Table 1. Thirteen lower-limb locomotion modes and their descriptions.
NO.Locomotion ModeDescription
1Level Walking-to-Stair Ascent (LW-SA)Transition phase from level walking to stair ascent
2Level Walking-to-Stair Descent (LW-SD)Transition phase from level walking to stair descent
3Level Walking-to-Ramp Ascent (LW-RA)Transition phase from level walking to ramp ascent
4Level Walking-to-Ramp Descent (LW-RD)Transition phase from level walking to ramp descent
5Ramp Ascent-to-Level Walking (RA-LW)Transition phase from ramp ascent to level walking
6Ramp Descent-to-Level Walking (RD-LW)Transition phase from ramp descent to level walking
7Stair Ascent-to-Level Walking (SA-LW)Transition phase from stair ascent to level walking
8Stair Descent-to-Level Walking (SD-LW)Transition phase from stair descent to level walking
9Level Walking (LW)Continuous level walking on flat ground
10Stair Ascent (SA)Continuous ascending stairs
11Stair Descent (SD)Continuous descending stairs
12Ramp Ascent (RA)Continuous ascending slope
13Ramp Descent (RD)Continuous descending slope
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Yin, K.; Hao, P.; Zhao, H.; Lou, P.; Chen, Y. High-Accuracy Lower-Limb Intent Recognition: A KPCA-ISSA-SVM Approach with sEMG-IMU Sensor Fusion. Biomimetics 2025, 10, 609. https://doi.org/10.3390/biomimetics10090609

AMA Style

Yin K, Hao P, Zhao H, Lou P, Chen Y. High-Accuracy Lower-Limb Intent Recognition: A KPCA-ISSA-SVM Approach with sEMG-IMU Sensor Fusion. Biomimetics. 2025; 10(9):609. https://doi.org/10.3390/biomimetics10090609

Chicago/Turabian Style

Yin, Kaiyang, Pengchao Hao, Huanli Zhao, Pengyu Lou, and Yi Chen. 2025. "High-Accuracy Lower-Limb Intent Recognition: A KPCA-ISSA-SVM Approach with sEMG-IMU Sensor Fusion" Biomimetics 10, no. 9: 609. https://doi.org/10.3390/biomimetics10090609

APA Style

Yin, K., Hao, P., Zhao, H., Lou, P., & Chen, Y. (2025). High-Accuracy Lower-Limb Intent Recognition: A KPCA-ISSA-SVM Approach with sEMG-IMU Sensor Fusion. Biomimetics, 10(9), 609. https://doi.org/10.3390/biomimetics10090609

Article Metrics

Back to TopTop