Next Article in Journal
Electrochemical Sensors for Antibiotic Detection: A Focused Review with a Brief Overview of Commercial Technologies
Previous Article in Journal
WD-1D-VGG19-FEA: An Efficient Wood Defect Elastic Modulus Predictive Model
Previous Article in Special Issue
Research into the Applications of a Multi-Scale Feature Fusion Model in the Recognition of Abnormal Human Behavior
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

A Lightweight Pathological Gait Recognition Approach Based on a New Gait Template in Side-View and Improved Attention Mechanism

1
College of Information Science and Technology, Hebei Agricultural University, Baoding 071001, China
2
Hebei Key Laboratory of Agricultural Big Data, Baoding 071001, China
*
Author to whom correspondence should be addressed.
Sensors 2024, 24(17), 5574; https://doi.org/10.3390/s24175574
Submission received: 21 July 2024 / Revised: 19 August 2024 / Accepted: 27 August 2024 / Published: 28 August 2024
(This article belongs to the Special Issue Multi-sensor Data Fusion)

Abstract

:
As people age, abnormal gait recognition becomes a critical problem in the field of healthcare. Currently, some algorithms can classify gaits with different pathologies, but they cannot guarantee high accuracy while keeping the model lightweight. To address these issues, this paper proposes a lightweight network (NSVGT-ICBAM-FACN) based on the new side-view gait template (NSVGT), improved convolutional block attention module (ICBAM), and transfer learning that fuses convolutional features containing high-level information and attention features containing semantic information of interest to achieve robust pathological gait recognition. The NSVGT contains different levels of information such as gait shape, gait dynamics, and energy distribution at different parts of the body, which integrates and compensates for the strengths and limitations of each feature, making gait characterization more robust. The ICBAM employs parallel concatenation and depthwise separable convolution (DSC). The former strengthens the interaction between features. The latter improves the efficiency of processing gait information. In the classification head, we choose to employ DSC instead of global average pooling. This method preserves the spatial information and learns the weights of different locations, which solves the problem that the corner points and center points in the feature map have the same weight. The classification accuracies for this paper’s model on the self-constructed dataset and GAIT-IST dataset are 98.43% and 98.69%, which are 0.77% and 0.59% higher than that of the SOTA model, respectively. The experiments demonstrate that the method achieves good balance between lightweightness and performance.

1. Introduction

Neurological disorders are common in middle-aged and elderly people, and gait abnormalities are an important manifestation of neurological disorders. It has been noted that the prevalence of gait disorders increases from 10% in people aged 60–69 years to more than 60% in community residents aged 80 years and older [1]. Normal gait maintains stable limb mobility and complementary periodic movements under the control of the entire nervous system [2]. Abnormal gait is an involuntary behavior made by the body and controlled by neurological disorders, which can lead to weakened mobility and seriously affect the quality of life for patients. Patients with different neurological disorders have different gait patterns [3]. For example, patients with Parkinson’s disease often show festinating gait and freezing gait, hemiparetic patients have hemiparetic gait, and scissor gait is mostly seen in patients with spastic paraplegia. When diagnosing the above diseases, medical professionals often rely on qualitative evaluations such as personal professional experience [4], which makes it difficult to accurately assess the patients according to their actual conditions. Although the gait characteristics of walking in patients with the same disease are consistent with the characterization of the typical gait described above, the movements exhibited by each individual during walking can vary, making assessment relatively difficult. The development of telemedicine can avoid frequent hospital visits and further deterioration of patients’ conditions, but it is difficult for doctors to evaluate patients’ conditions by remote video. Gait recognition is an attractive biometric method designed to recognize people based on the way they walk [5]. Each person’s gait has unique characteristics such as stride length and limb movement, which make gait difficult to imitate. Therefore, the identification of patients’ gait through a high accuracy and lightweight abnormal gait recognition method is of great significance in assisting doctors in diagnosing the abovementioned neurological diseases and improving patients’ quality of life.

2. Related Work

Currently, abnormal gait recognition methods are mainly categorized into contact and noncontact. Contact abnormal gait recognition methods use more IMUs [6,7,8] and pressure sensors [9,10], which collect data to sense subtle changes in the lower limbs and soles. These methods have achieved better results in recognizing an abnormal gait, but the motion sensors are expensive, wearing and calibrating them requires professional guidance, and wearing the sensors affects the patient’s gait when walking.
The noncontact abnormal gait recognition method mainly uses various cameras to acquire images and then performs a series of processing on the images to obtain gait features, which eliminates the shortcomings of the contact method. In noncontact gait recognition methods, gait recognition methods based on skeletal data, gait recognition methods based on binary contour image sequences, and gait recognition methods based on energy images and other templates are more commonly used. With the advent of depth sensors (e.g., Kinect) and posture estimation methods, skeletal-based gait recognition has been used for the diagnosis, treatment, and rehabilitation of abnormal gait. Skeletal-based abnormal gait recognition methods are categorized into abnormal gait recognition based on the overall skeleton and based on joint point information. Tian et al. [11] proposed a method of abnormal gait recognition based on the overall skeleton and spatiotemporal attention-enhanced convolutional network of skeleton structure maps that can account for the spatial interactions of skeletal joints. Lee et al. [12] proposed an abnormal gait recognition method based on 3D joint point information for the multiKinects system and RNN-LSTM, which was able to recognize five types of abnormal gaits such as lurching gait, steppage gait, Trendelenburg gait, and so on. Although the above methods have achieved better results, the problem is that the skeletal data do not contain the shape and texture information of the human body, so the detailed information cannot be captured. Chen et al. [13] coded binary contour images into image vectors to distinguish between Parkinson’s patients and normal individuals. Albuquerque et al. [14] proposed a spatiotemporal deep learning method based on a sequence of contour images to recognize four abnormal gaits and one normal gait on the GAIT-IT dataset. Although the binary contour image contains the shape and texture information of the human body, the quality of its segmentation affects the classification results to a great extent. Methods based on templates such as energy images have more concise inputs and are easier to construct efficient algorithms than methods based on contour sequences [15]. In addition, the template-based approach effectively overcomes the limitation that the quality of binary contours affects the classification results. Common gait templates are the gait energy image (GEI) [16], gait entropy image (GEnI), active energy image (AEI), etc. Elkholy et al. [17] learned representative features from the GEI by convolutional self-encoder and used anomaly detection methods to detect an abnormal gait caused by diseases such as Parkinson’s disease and stroke, enabling multiangle gait disorder detection. Zhou et al. [18] proposed a novel method for estimating the physical impairment of elderly people using gait, which was realized by using a specific patch-GEI for the detection of visually impaired gait and leg-impaired gait. Albuquerque et al. [19] proposed a telemedicine healthcare system using a shallow CNN structure for automatic assessment of gait affected by pathologies such as diplegic, hemiplegic, Parkinson’s disease, and neuropathic. The GEI is superimposed on a cycle of normalized contour images and is calculated by averaging the images, which loses important temporal information. Bashir et al. [20] first proposed a new gait representation, the GEnI, which can capture most of the motion information and is robust to changes in various covariate conditions affecting appearance. The GEnI provides richer and more robust gait information than the GEI and AEI. The GEnI contains more spatial and temporal features about the gait, which can better capture the details of the gait, thus improving the robustness of gait recognition. Zhang et al. [21] first proposed a new gait representation method by accumulating the active region extracted from the difference between two neighboring silhouette images—AEI. The AEI focuses primarily on dynamic information in gait, but ignores static information, and contains very little profile information. In research on the template-based recognition of abnormal gait, there is little direct use of the GEnI or AEI to recognize abnormal gait.
For this reason, given that the strengths and weaknesses of the three images, GEI, GEnI, and AEI, can complement each other, in this paper, we choose to use batch gradient descent (BGD) to optimize the weights for the fusion of the three images in the side-view and generate the fused energy image (FEI) by fusing them according to the optimal fusion weights and using it as an input to our algorithm. Verlekar et al. [22] used a transfer learning approach to address the problems of overfitting and low accuracy of the VGG19 model on a small pathological gait dataset. Traditional deep learning gait recognition algorithms such as VGG19 mentioned above have large parameter counts and high computational complexity, which are significant drawbacks for resource-constrained devices. Therefore, for relatively small pathological gait datasets, the use of lightweight network models is a good solution. Based on a transfer learning method, we propose a lightweight pathological gait recognition network (NSVGT-ICBAM-FACN) that fuses attentional features and convolutional features. In this paper’s pathological gait recognition method, we improved the convolutional block attention module (CBAM) to obtain the module (ICBAM), which allows the network to focus on the important features and suppress unnecessary features. Compared with the use of squeeze-and-excitation (SE) [23], efficient channel attention (ECA) [24], and the CBAM, the ICBAM ensures the effectiveness of the module without adding much computational cost.
Currently, most abnormal gait recognition studies use sensor datasets of abnormal gait and image datasets of healthy subjects simulating abnormal gait (such as the INIT dataset [25], the DAI dataset [26], the DAI2 dataset [27], and the GAIT-IST dataset [28]). The INIT dataset simulated seven different gait disorders, but these gait disorders could not be directly deduced from the associated pathologies. The DAI and DAI2 datasets simulated abnormal gaits for four pathologies, but the number of abnormal gait sequences collected was very small. The GAIT-IST dataset provides Parkinsonian gait but does not subdivide it. So, we subdivided it into festinating gait and shuffling gait in freezing gait, which can identify Parkinson’s disease more finely. Therefore, we constructed an abnormal gait dataset. The main contributions are summarized below:
  • By analyzing the advantages and disadvantages of the GEI, GEnI, and AEI, along with the relationship between their generation principles and abnormal gait characteristics, we design a comprehensive gait template that is robust and contains rich gait information.
  • We propose an ICBAM that employs depthwise separable convolution (DSC) to replace ordinary convolution in the spatial attention module and connect it in parallel for capturing key features and richer discriminative information.
  • We constructed an abnormal gait dataset that can recognize not only festinating gait and shuffling gait in Parkinson’s disease, but also pathological gait in hemiplegic disease and spastic paraplegic disease.
  • A lightweight deep learning model, NSVGT-ICBAM-FACN, is used to evaluate pathological gait. The accuracy of this paper’s method is proven to be superior to other methods by ablation studies, module comparison experiments, and identification results on the self-constructed abnormal gait dataset and GAIT-IST dataset, which ensures high accuracy while keeping the model lightweight.
The paper is organized as follows: Section 3 introduces the gait cycle division module, the new cross-view gait template, and the details of the proposed model. Section 4 describes the dataset construction, evaluation indicators, settings, and the results of the experiment. Finally, we conclude in Section 5.

3. Materials and Methods

3.1. Overall Architecture of the Proposed Algorithm

Figure 1 illustrates the overall structure of the proposed algorithm for abnormal gait recognition outlined in this paper. We devised a gait cycle division module tasked with automatic gait cycle segmentation. From the resulting binary contour image sequences, we compute the GEI, GEnI, and AEI correspondingly. Optimizing the fusion weights of these three images via BGD allows us to attain the most optimal fusion weights. Subsequently, these optimized weights are applied to fuse the three images, culminating in the creation of the FEI. The FEIs are fed into the attention branch composed of the ICBAM and MobileNetv2 convolution module and the convolution branch of the MobileNetv2 convolution module, respectively, and the obtained attention features and convolution features are fused to obtain the fusion features. A new customized head is designed using operations such as global average pooling with DSC replacement, and the fused features are fed into this head for pathological gait recognition.

3.2. Gait Cycle Division Module

Human walking is a cyclic behavior, and the gait cycle is generally defined as the time elapsed from the time the foot hits the ground to the time the heel of the leg on the same side hits the ground again. Since the height of the person does not change when the person walks, and the width of the person changes periodically with the swinging of the legs, the width-to-height ratio of the person is utilized as a feature for periodic detection. Since the manual process of dividing the gait cycle is slow and cumbersome, we designed this module to divide the gait cycle automatically and use it to make the process of dividing the gait cycle more efficient.
Although the gait template designed in this paper can effectively manage the problem that the low quality of contour segmentation affects the classification results, to achieve more accurate recognition we also need to ensure the quality of contour segmentation. First, to avoid external factors such as background, illumination, and reflected light from the floor, which affect the segmentation quality of the silhouette, we use the YOLOv5 [29] target detection algorithm to automatically crop the human body regions detected in the image to facilitate finer contour segmentation. Then, the cropped image sequence is grayed out, binarized, and morphologically processed to obtain a binary contour image sequence. The binary contour image sequence is size-normalized to obtain a binary image sequence of 256 × 256 pixels. Finally, the contour of the human body is extracted by the Sobel edge detection method, and the gait cycle is detected and divided by calculating the width-to-height ratio of the smallest outer rectangle of the human body contour. The two adjacent troughs are half a gait cycle. It is verified that the gait cycle divided by this gait cycle division module matches the actual gait cycle. The images involved in this process are shown in Figure 2. The width-to-height ratio change curve of a human body contour in a gait sequence is shown in Figure 3.

3.3. New Gait Template

3.3.1. Gait Energy Image (GEI)

The GEI was generated by averaging a sequence of binary contour images acquired through gait cycle segmentation. The GEI contains not only dynamic information about the human body as it walks, but also static information. During walking, areas with frequent movements have high energy and large pixel values. Conversely, the energy is low and the pixel values are small. The GEI is a global feature representation that captures information about the entire gait cycle. Therefore, the GEI is suitable for gait recognition of the overall process of the five gaits described in this paper. The GEI is calculated as follows:
G E I x , y = 1 N t = 1 N F t x , y
where N denotes the total number of frames in the gait image sequence, F t x , y denotes the binary contour image at moment t , and G E I x , y denotes the GEI.

3.3.2. Gait Entropy Image (GEnI)

Before generating the GEnI, we need to calculate the Shannon entropy for each pixel point location in the contour image sequence, which is calculated by the following formula:
H x , y = j = 1 K p j ( x , y ) × log 2 p j ( x , y )
where, since the contour image we are using is a binary image, the value of K is taken as 2; x , y denotes the coordinates of the pixel point in the contour image, p j ( x , y ) denotes the probability of the pixel point to take the value of j th, and H x , y denotes the Shannon entropy of the pixel point.
After calculating the Shannon entropy for each pixel point location in the sequence, a GEnI is generated. In the GEnI, the dynamic regions of the limbs have higher entropy values and are more informative, while the static portion of the torso has an entropy value of zero. The GEnI provides a wider range of feature representations, including gait complexity and variety. This makes it more suitable for detecting different types (variable speed, variable stride) of abnormal gait, such as festinating gait and shuffling gait. The GEnI is calculated as follows:
G E n I x , y = ( H x , y H m i n ) × 255 H m a x H m i n
where H m a x denotes the maximum value of Shannon entropy, H m i n denotes the minimum value of Shannon entropy, and G E n I x , y denotes the GEnI.

3.3.3. Active Energy Image (AEI)

In the adjacent anterior and posterior frames of people walking, the torso is nearly stationary, and limb movement is most prominent. So, the AEI discards the stationary part and extracts only the moving part. The higher the frequency of motion in the dynamic part, the stronger the pixel intensity in that part of the AEI. We can extract the dynamic part of the human body by calculating the difference between two neighboring frames of binary contour images in the same gait cycle. The AEI mainly captures the action features in the gait, such as step frequency, step length, and gait phase. Abnormal gait usually exhibits a different dynamic pattern than normal gait, so the dynamic features of the AEI are more appropriate for detecting festinating gait, scissor gait, and hemiplegic gait. The AEI is calculated as follows:
A E I x , y = 1 N t = 1 N | F t x , y F t 1 x , y |
where | F t x , y F t 1 x , y | denotes the extracted dynamic region and A E I ( x , y ) denotes the AEI.

3.3.4. Batch Gradient Descent (BGD)

BGD [30] is a first-order optimization algorithm whose main objective is to find the minimum value of the objective function through iterations. In this study, the objective function we require is the cost function, which represents the degree of error between the target image and the estimated image. The cost change is the difference between the cost function of two neighboring iterations. If the cost change is less than a set threshold, or if the maximum number of iterations is reached, the iteration is stopped. The BGD is run multiple times using several different initial parameter values, and then the set of parameters with the smallest cost function value is selected as the final result. The GEI, GEnI, and AEI corresponding to different gait cycles have different optimal fusion weights. The formula for calculating the optimal fusion weights of the image is as follows:
w e i g h t s = 1 n i m a g e s
e s t i m a t e d _ i m a g e = i m a g e _ m a t r i x × w e i g h t s
e r r o r = t a r g e t _ p i x e l s e s t i m a t e d _ i m a g e
c o s t = i = 1 n p i x e l s e r r o r i 2
g r a d = i m a g e _ m a t r i x T × e r r o r
w e i g h t s = w e i g h t s l e a r n i n g _ r a t e × g r a d i = 1 n i m a g e s w e i g h t s i
where i m a g e _ m a t r i x is a matrix that stores the GEI, GEnI, and AEI pixels; e s t i m a t e d _ i m a g e denotes the current estimated weight matrix, resulting in an “approximate” reconstruction of the image by multiplying and summing the pixels; t a r g e t _ p i x e l s denotes the pixel values of the target image and is used to store the sum of all the pixel values; e r r o r denotes the error between the t a r g e t _ p i x e l s and the e s t i m a t e d _ i m a g e ; and c o s t denotes the degree of error between the t a r g e t _ p i x e l s and the e s t i m a t e d _ i m a g e . The i m a g e _ m a t r i x T is the transpose of the image matrix, g r a d is the gradient, and w e i g h t s is the current weight of each image.

3.3.5. Fusion Energy Image (FEI)

To obtain an FEI with a size of 256 × 256 pixels, the GEI, GEnI, and AEI are fused according to the optimal weights obtained by the BGD.

3.4. NSVGT-ICBAM-FACN

Among the popular lightweight CNN algorithms, we choose MobileNetv2 as the basic algorithm due to its better balance between model speed and performance. Based on MobileNetV2, this paper proposes a lightweight deep neural network model NSVGT-ICBAM-FACN for recognizing multiple pathological gaits. In this model, the preprocessed gray-scale FEIs are input to both the single branch of the MobileNetv2 convolutional network and the combined branch of the MobileNetv2 convolutional network with the ICBAM. In a single branch, the MobileNetv2 convolutional network directly extracts the convolutional feature map. In the binding branch, the ICBAM focuses on the feature maps extracted by the MobileNetv2 convolutional network to generate the attention feature maps to obtain important information. The ICBAM helps to reduce the weight of irrelevant information in the image and reduces redundant information. The attention feature map and the convolutional feature map are then fused to obtain the fused feature map.
Since the classification layer of the MobileNetV2 model obtained by training on the ImageNet dataset has 1000 nodes, a new customized head with 5 classifications was designed to match the experimental content in this study. The customized head contains (i) DSC, (ii) flatten layer, (iii) dense layer 1, (iv) BN layer, (v) ReLU activation function, (vi) dropout layer, (vii) dense layer 2, and (viii) SoftMax layer. In the last feature map of the original 7 × 7 global average pooling layer, the perceptual domain of the center point and the perceptual domain of the edge points are the same, but the perceptual domain of the center point includes the complete picture, while the perceptual domain of the edge points is only a part of the picture, so the weight of each point should be different, but the average pooling layer takes them into account as if they were the same, and therefore the network performance will decrease. We chose to replace the global average pooling layer in the original model with a DSC consisting of a depthwise convolution with a convolutional kernel size of 3 × 3 and a pointwise convolution so that the network can learn the weights at different points. On the one hand, the number of output channels is reduced and the quality of the feature representation per channel is higher. On the other hand, the spatial information is maintained, and there is also some regularization effect, which enhances the feature representation and the generalization capability of the model. Adding a BN layer to batch-normalize the output of the previous layer helps to increase the training speed of the model and enhance its robustness. Adding the ReLU activation function behind the BN layer introduces nonlinearities that allow the model to learn more complex features. We chose to include a dropout layer before the final fully connected layer to randomly deactivate neurons during training and to further prevent model overfitting. The combination of these operations allows the model to improve its performance and stability without disproportionately increasing the number of parameters.

3.5. MobileNetv2

MobileNetV2 [31] is a lightweight convolutional neural network for mobile devices developed by a Google team in 2018. MobileNetV2 exhibits a smaller model size, less computation, and higher computational efficiency than conventional convolutional neural networks. As shown in Figure 4, the main characteristics of MobileNetV2 are as follows: (i) Inverted residual structure. First, pointwise convolution is used for dimension upgrading, then 3 × 3 depthwise convolution feature extraction, and finally pointwise convolution for dimension downgrading, which improves the feature expressiveness and the depth of the model while reducing the amount of computation and the number of parameters. Reduced storage requirements make the model more efficient on resource-constrained devices. (ii) Linear bottleneck structure. Since the inverted residual structure outputs low-dimensional feature information, a linear activation function is used to avoid feature loss. (iii) DSC. The DSC reduces the number of parameters and computation in the model while achieving the same effect as the standard convolution for feature extraction. (iv) Shortcut connection. This design helps to spread the gradients and facilitates the transfer and reuse of features.

3.6. Improved Convolutional Block Attention Module

Woo et al. [32] proposed a lightweight CBAM, which can be seamlessly integrated into any CNN architecture, can be trained end-to-end with the underlying CNN, and has negligible overhead. The CBAM contains the channel attention module and the spatial attention module, and since the two submodules work through a serial connection, the inputs to the features in the spatial attention module, which is in the back of the queue, are affected to some extent by the channel attention module in front of it. Therefore, the overall structure of the CBAM is modified to parallel connection, so that the two attention modules can directly learn the original feature inputs without being affected by the order of the front and back of the channel attention and spatial attention modules. Since depthwise convolution learns the spatial features of the input data, while pointwise convolution learns the relationships between channels, DSC can better capture complex features. The relatively small number of output channels of the DSC means the computation of convolutional operations in the inference phase is faster, which is useful for applications with high real-time requirements (e.g., real-time image processing). Therefore, we replace the ordinary convolution in the spatial attention module with a convolution kernel size of 7 × 7 with a DSC consisting of a depthwise convolution with a convolution kernel size of 7 × 7 and a pointwise convolution, and then we obtain an ICBAM. The ICBAM has improved performance with almost no increase in the number of parameters and is better than the CBAM. The detailed structure of the ICBAM is shown in Figure 5.
The formula for the channel attention module is as follows:
M c F = σ M L P A v g p o o l F + M L P M a x p o o l F = σ W 1 W 0 F a v g c + W 1 W 0 F m a x c
where σ denotes the Sigmoid nonlinear activation function, M L P denotes the fully connected hidden layer and fully connected output layer, and W 1 and W 0 represent the weight matrices. F a v g c and F m a x c denote the average pooling feature and the maximum pooling feature on the channel dimension, respectively.
The formula for the spatial attention module is as follows:
M s F = σ f p 1 × 1 f d 7 × 7 A v g p o o l F ;   M a x p o o l F = σ f p 1 × 1 f d 7 × 7 ( [ F a v g s ; F m a x s ] )
where f d 7 × 7 denotes a depthwise convolution operation with a convolution kernel size of 7 × 7 and f p 1 × 1 denotes the pointwise convolution operation. F a v g s and F m a x s denote the average pooling feature and the maximum pooling feature on the spatial dimension, respectively.
The formula for the ICBAM is as follows:
F 2 = M C ( F ) M S ( F ) F
where denotes the elementwise multiplication, F denotes the input feature map, and F 2 denotes the final feature map generated by F after the ICBAM. M c F and M s F denote channel attention features and spatial attention features, respectively.

3.7. Transfer Learning

Transfer learning [33] is a machine learning method that applies the weights of a convolutional neural network model trained on one domain or task to another new domain or task. To avoid the model learning from scratch, to help the model better understand the characteristics of the current task, and to improve the model performance, this study adopts the MobileNetv2 model, which has been trained on the large-scale dataset ImageNet [34]. As the base model, the classifier weights were removed, feature weights frozen, and newly added layers retrained.

4. Experiment and Result Analysis

4.1. Dataset Construction

4.1.1. Characterization of the Five Gait Types

Patients with different neurological disorders have different gait characteristics, and physicians often use different gait characteristics to assess and determine the patient’s disease. A common gait in people with Parkinson’s disease is the festinating gait and the frozen gait. Frozen gait is divided into three main categories: (1) shuffling gait; (2) tremor-in-place type; and (3) complete immobility. In contrast to tremors in place and complete immobility, people with shuffling symptoms have a milder condition, can usually walk without assistance, and timely detection and treatment can prevent the condition from worsening. Compared with tremor in place and total immobility, in patients with shuffling symptoms, the condition is less severe and they are usually able to walk without the help of others, and timely detection and treatment can prevent the condition from worsening. Therefore, among the frozen gait, the shuffling gait is selected for study in this paper. Eventually, we chose to use festinating gait, scissor gait, hemiparetic gait, shuffling gait, and normal gait as the subjects of study to identify Parkinson’s disease, hemiplegia disease, spastic paraplegia disease, and healthy subjects. Table 1 shows the different walking characteristics for different gaits.

4.1.2. Experimental Scheme

Informed consent was obtained from all subjects involved in the study. The experimental environment is shown in Figure 6. In this paper, color image sequences of the side-view gait were captured using a Kinect 2.0 device with 1080P resolution and stable performance, and the device was mounted on a 1.5 m high tripod. Subjects walked within a distance of 4 m and remained 3 m from the device. One normal gait and four abnormal gaits simulating festinating gait, scissor gait, paraplegic gait, and shuffling gait were collected for this paper. In this paper, we refer to the characterization of the five gait types [35,36,37] and instruct 18 subjects (aged 20–25 years) to simulate the four abnormal gaits. Each individual walked from right to left six times, with at least six gait sequences of each gait for each individual. We chose the FEI generated for each gait cycle as a sample. Since there are fewer samples of normal gait with the same gait sequence, and the various types of samples are not well balanced, we refer to the CASIA gait dataset to extend the dataset [38]. The gait sequences of nine individuals were selected in subdataset B of the CASIA gait dataset and 180 normal gait samples were generated. In this dataset, the sample sizes for festinating gait, scissor gait, hemiparetic gait, shuffling gait, and normal gait were 264, 192, 236, 254, and 341, respectively. The sample size was 256 × 256 pixels. Figure 7 shows the corresponding examples for each gait and normal gait in the CASIA-B dataset.

4.2. Evaluation Indicators

To further validate the effectiveness of the method described, this study uses accuracy (Acc), precision (Prec), sensitivity (Sens), specificity (Spec), and macro F1-score (MF1) as the evaluation indexes, and the index formulas are as follows:
A c c u r a c y = 1 N i = 1 n T P i
P r e c i s i o n = 1 n i = 1 n T P i T P i + F P i
S e n s i t i v i t y = 1 n i = 1 n T P i T P i + F N i
S p e c i f i c i t y = 1 n i = 1 n T N i T N i + F P i
M F 1 = 1 n i = 1 n 2   * P r e c i s i o n i   *   R e c a l l i P r e c i s i o n i   + R e c a l l i
where T P , T N , F P , and F N represent true positive, true negative, false positive, and false negative. N is the total number of samples, I is the i-th class, and n is the number of gait classes.
To select the optimal module and model, we also evaluated the number of parameters, number of floating point operations per second (Flops), memory usage, and frames per second (FPS) for the different modules and models.

4.3. Settings

This experiment is based on the Windows 11 operating system, the GPU is NVIDIA GeForce RTX 3050, the processor is AMD Ryzen 7 5800H with Radeon Graphics 3.20 GHz, and the running memory is 16 GB. The Python version is 3.7.1, and the deep learning framework is Pytorch. The parallel computing framework and version is CUDA version 11.4, and the development environment is Pycharm.
The dataset is randomly divided proportionally into training and testing sets, with 80% of its data used for model training and 20% for model testing. Adam is chosen for the model optimizer and cross-entropy is used for the loss function. The learning rate was set to 0.0001, the batch size to 32, and the number of training rounds to 100. To prevent overfitting, the dropout value was set to 0.2.

4.4. Ablation Study

In this study, ablation experiments are designed to demonstrate that each of the improvements made in MobileNetv2 contributes to improving the performance of the model. This ablation experiment focuses on the adoption of dual branching, the incorporation of the ICBAM, the use of DSC in place of global average pooling, and the design of customized heads. Table 2 shows the design of the five sets of experiments (numbered 1–5).
Table 3 displays the results obtained from each set of experiments. In Experiment 2, the incorporation of the ICBAM following the convolutional layer in the original MobileNetv2 model from Experiment 1 resulted in a 2.74% accuracy enhancement. This signifies that the ICBAM enables dynamic focus on various regions within the input feature map, thereby aiding in the comprehensive capture of pertinent semantic information. Experiment 3 involved the transformation of a single branch into a dual branch, leading to overall metric improvement. This underscores that the fusion of attention features and convolutional features amplifies feature representation, thereby fortifying the model’s robustness and generalization capacity. Experiment 4 substituted global average pooling with DSC, demonstrating improved spatial information capture and interchannel correlation, facilitating enhanced feature learning while retaining spatial details. Experiment 5 introduced a novel customized header, expediting training convergence, diminishing gradient issues, and mitigating overfitting concerns. These structural modifications amalgamate to form the model proposed in this study, elevating recognition accuracy on the gait dataset by 7.84% compared to the original network model, showcasing enhanced stability and performance. The final model exhibits superior values across all metrics, highlighting its robustness, stability, and exceptional overall performance. Figure 8 illustrates the change curves of accuracy and loss values following each model enhancement, indicating an enhanced convergence rate with each incremental component addition. Compared to the original MobileNetv2 model, the proposed algorithm herein manifests lower loss values and improved model convergence.

4.5. Comparative Performance Experiments with Attention Modules

To verify the performance of different attention modules, five-class classification experiments were performed on our dataset (image size: 256 × 256 pixels) and GAIT-IST (image size: 224 × 224 pixels), respectively, and the experimental results are shown in Table 4. The experimental results show that (i) in our dataset, our attention module improves the accuracy over ECA, SE, and the CBAM by 1.57%, 1.18%, and 0.78% respectively. (ii) For GAIT-IST, the accuracy displays increments of 0.64%, 0.32%, and 0.32% over ECA, SE, and the CBAM, correspondingly, where SE and the CBAM have the same accuracy. In terms of the number of parameters, the number of parameters in our attention module increases by 0.21 M compared to ECA, which is comparable to the number of SE and CBAM parameters. From the results, it can be concluded that ECA focuses on attention in the channel dimension, while SE and the CBAM focus on joint attention in the spatial and channel dimensions. They do not have explicit parallel convolutional branches and DSC, and may not be able to capture more complex features. Our attention module has an increased number of parameters compared to ECA, but remains lightweight and has higher accuracy.

4.6. Comparative Experiments on the Validity of Different Components in the New Gait Template

We designed comparison experiments of different components in the new gait template to demonstrate the effectiveness of the new gait template. Each component was recognized by the NSVGT-ICBAM-FACN network and the results are shown in Table 5. From the table, we can see that the accuracy of recognition by the GEnI is higher than that for the AEI and GEI, which indicates that the GEnI provides richer information and is more robust. The recognition effect of the FEI is better than that of the three images individually, which indicates that the shortcomings of each of the three images are complementary after fusion, and it proves feasibility that the three images are fused according to the optimal fusion weights optimized by the BGD.

4.7. Compared with the State-of-the-Art Models

As shown in Table 6, our method is compared with other state-of-the-art methods on GAIT-IST and our datasets, respectively. (i) GAIT-IST dataset. Using the skeleton energy image (SEI), the increase in the number of parameters and the number of Flops of this paper’s model is insignificant compared to GhostNet, with an increase of 0.29 and 0.146, respectively, with comparable accuracy. In comparison to the fine-tuned VGG-19, our proposed model exhibits a substantial reduction in parameters by roughly 48 times, Flops by 61 times, and memory usage by 47.5 times. Additionally, it boasts a 34.87 increase in FPS and a 0.64% enhancement in accuracy. Notably, the accuracy of using the FEI in this paper is higher compared to the SEI, with an improvement of 0.65%, indicating that the FEI contains richer discriminative information. (ii) Our dataset. When using the FEI, compared to the fine-tuned VGG-19, our proposed model exhibits a substantial reduction in parameters by roughly 46 times, Flops by 46.7 times, and memory usage by 55.7 times. Additionally, it boasts a 43.95 increase in FPS and a 0.77% enhancement in accuracy. From the above results, it can be concluded that our method performs well on both the GAIT-IST dataset and our dataset, and achieves a good balance between lightweightness and performance.

4.8. Experimental Results of the Model on the Self-Constructed Dataset

The confusion matrix obtained by applying the model NSVGT-ICBAM-FACN to the self-constructed gait dataset used in this study is shown in Figure 9. The confusion matrix shows the number of samples correctly and incorrectly predicted for each of the five gaits in the test set. The values on the main diagonal of the confusion matrix indicate the number of samples correctly categorized by the model during the prediction process, i.e., the true category is the same as the predicted category. Values in other positions indicate the number of samples misclassified by the model. The confusion matrix shows that a normal gait and a shuffling gait were incorrectly recognized as scissor gait. This may be because the magnitude of the movement while walking is too small, causing the model to make an error in the recognition.
Usually, models perform well with trained data and poorly with real data. Therefore, we use untrained test-set images to test the performance of the model. Table 7 gives the test results of the NSVGT-ICBAM-FACN model in terms of precision, sensitivity, and specificity. The table shows that the model recognizes the gaits in the test set very well. The five gaits exhibit precision higher than 94.87%, sensitivity higher than 96%, and specificity higher than 99.08%, which indicates that the model described in this paper has a significant recognition effect on individual gaits and distinguishes the five gaits well. Taking shuffling gait as an example, the recognition precision and specificity reached 100%, indicating that the model performed ideally in the recognition task of shuffling gait, and was able to carry out the recognition perfectly without any error or omission.

4.9. Experimental Results of the Model on the GAIT-IST Dataset

The confusion matrix obtained by applying the model NSVGT-ICBAM-FACN to the GAIT-IST dataset in this paper is shown in Figure 10. Two groups of diplegic gaits were incorrectly identified as neuropathic and Parkinsonian gaits, and one group of Parkinsonian gait was incorrectly identified as diplegic gait. This may be because the lower limbs move similarly in all three gaits, and the upper part of the body changes so little that the arm is not fully characterized in the side view. Thus, we found that of the five gaits, the three gaits mentioned above are not easily recognized.
Table 8 gives the test results of the NSVGT-ICBAM-FACN model on the GAIT-IST dataset. From the table, it can be seen that the precision of all five gaits is more than 98.31%, the sensitivity of diplegic gait is 100%, and the precision, sensitivity, and specificity of normal gait are all close to 100%. The results show that although abnormal gaits are not easy to recognize, the model can still recognize well the five gaits in the GAIT-IST dataset.

5. Conclusions

In this study, we introduce a novel abnormal gait recognition approach, NSVGT-ICBAM-FACN, aimed at achieving high accuracy while maintaining a lightweight model. We innovate by creating a new gait template, the FEI, which consolidates more discriminative information through the fusion of the GEI, GEnI, and the AEI using optimized weights determined via BGD. Key features are extracted using the ICBAM and integrated into a two-branch structure to generate effective fusion features. Moreover, DSC is employed to retain spatial information, allowing the network to adapt weights across various points. Ultimately, distinct pathological gaits are identified through a newly designed classification layer. Our algorithm synergistically incorporates feature fusion and loss, enhancing the model’s performance significantly. The proposed methodology demonstrates superior performance on both the self-constructed gait dataset and the GAIT-IST dataset, surpassing the majority of state-of-the-art methods in classification outcomes. Future endeavors will involve gathering abnormal gait data from multiple views to expand the dataset and further validate the efficacy of the developed gait template. Additionally, we aim to continue refining the model for increased lightweightness without compromising recognition accuracy. This algorithm not only aids doctors in diagnosing various pathologically induced gaits, but also serves as a benchmark for other abnormal gait recognition systems.

Author Contributions

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

Funding

This work was supported by the 2023 Program for Introducing Overseas Educated Personnel in Hebei Province, grant number C20230333, and the Scientific Research Projects of Universities in Hebei Province, grant number ZD2021056.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

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

Data Availability Statement

The data presented in this study are available on request from the authors. The data are not publicly available due to the privacy concerns of subjects participating in the experiment.

Conflicts of Interest

The authors declare no conflicts of interest.

References

  1. Pirker, W.; Katzenschlager, R. Gait Disorders in Adults and the Elderly: A Clinical Guide. Wien. Klin. Wochenschr. 2017, 129, 81–95. [Google Scholar] [CrossRef]
  2. Wu, J.; Huang, J.; Wu, X.; Dai, H. A Novel Graph-Based Hybrid Deep Learning of Cumulative GRU and Deeper GCN for Recognition of Abnormal Gait Patterns Using Wearable Sensors. Expert Syst. Appl. 2023, 233, 120968. [Google Scholar] [CrossRef]
  3. Connor, P.; Ross, A. Biometric Recognition by Gait: A Survey of Modalities and Features. Comput. Vis. Image Underst. 2018, 167, 1–27. [Google Scholar] [CrossRef]
  4. FitzGerald, J.J.; Lu, Z.; Jareonsettasin, P.; Antoniades, C.A. Quantifying Motor Impairment in Movement Disorders. Front. Neurosci. 2018, 12, 202. [Google Scholar] [CrossRef] [PubMed]
  5. Rida, I.; Almaadeed, N.; Almaadeed, S. Robust Gait Recognition: A Comprehensive Survey. IET Biom. 2019, 8, 14–28. [Google Scholar] [CrossRef]
  6. Sijobert, B.; Denys, J.; Coste, C.A.; Geny, C. IMU Based Detection of Freezing of Gait and Festination in Parkinson’s Disease. In Proceedings of the 2014 IEEE 19th International Functional Electrical Stimulation Society Annual Conference (IFESS), Kuala Lumpur, Malaysia, 17–19 September 2014; pp. 1–3. [Google Scholar]
  7. Zhao, H.; Wang, Z.; Qiu, S.; Shen, Y.; Wang, J. IMU-Based Gait Analysis for Rehabilitation Assessment of Patients with Gait Disorders. In Proceedings of the 2017 4th International Conference on Systems and Informatics (ICSAI), Hangzhou, China, 11–13 November 2017; pp. 622–626. [Google Scholar]
  8. Wang, L.; Sun, Y.; Li, Q.; Liu, T.; Yi, J. IMU-Based Gait Normalcy Index Calculation for Clinical Evaluation of Impaired Gait. IEEE J. Biomed. Health Inform. 2021, 25, 3–12. [Google Scholar] [CrossRef]
  9. Potluri, S.; Ravuri, S.; Diedrich, C.; Schega, L. Deep Learning Based Gait Abnormality Detection Using Wearable Sensor System. In Proceedings of the 2019 41st Annual International Conference of the IEEE Engineering in Medicine and Biology Society (EMBC), Berlin, Germany, 23–27 July 2019; pp. 3613–3619. [Google Scholar]
  10. Wang, M.; Yong, S.; He, C.; Chen, H.; Zhang, S.; Peng, C.; Wang, X. Research on Abnormal Gait Recognition Algorithms for Stroke Patients Based on Array Pressure Sensing System. In Proceedings of the 2019 IEEE 3rd Information Technology, Networking, Electronic and Automation Control Conference (ITNEC), Chengdu, China, 15–17 March 2019; pp. 1560–1563. [Google Scholar]
  11. Tian, H.; Ma, X.; Wu, H.; Li, Y. Skeleton-Based Abnormal Gait Recognition with Spatio-Temporal Attention Enhanced Gait-Structural Graph Convolutional Networks. Neurocomputing 2022, 473, 116–126. [Google Scholar] [CrossRef]
  12. Lee, D.-W.; Jun, K.; Lee, S.; Ko, J.-K.; Kim, M.S. Abnormal Gait Recognition Using 3D Joint Information of Multiple Kinects System and RNN-LSTM. In Proceedings of the 2019 41st Annual International Conference of the IEEE Engineering in Medicine and Biology Society (EMBC), Berlin, Germany, 23–27 July 2019; pp. 542–545. [Google Scholar]
  13. Chen, Y.-Y. A Vision-Based Regression Model to Evaluate Parkinsonian Gait from Monocular Image Sequences. Expert Syst. Appl. 2012, 39, 520–526. [Google Scholar] [CrossRef]
  14. Albuquerque, P.; Verlekar, T.T.; Correia, P.L.; Soares, L.D. A Spatiotemporal Deep Learning Approach for Automatic Pathological Gait Classification. Sensors 2021, 21, 6202. [Google Scholar] [CrossRef] [PubMed]
  15. Zhou, C.; Feng, D.; Chen, S.; Ban, N.; Pan, J. Portable Vision-Based Gait Assessment for Post-Stroke Rehabilitation Using an Attention-Based Lightweight CNN. Expert Syst. Appl. 2024, 238, 122074. [Google Scholar] [CrossRef]
  16. Han, J.; Bhanu, B. Individual Recognition Using Gait Energy Image. IEEE Trans. Pattern Anal. Mach. Intell. 2006, 28, 316–322. [Google Scholar] [CrossRef] [PubMed]
  17. Elkholy, A.; Makihara, Y.; Gomaa, W.; Rahman Ahad, M.A.; Yagi, Y. Unsupervised GEI-Based Gait Disorders Detection From Different Views. In Proceedings of the 2019 41st Annual International Conference of the IEEE Engineering in Medicine and Biology Society (EMBC), Berlin, Germany, 23–27 July 2019; pp. 5423–5426. [Google Scholar]
  18. Zhou, C.; Mitsugami, I.; Yagi, Y. Detection of Gait Impairment in the Elderly Using patch-GEI. IEEJ Trans. Electr. Electron. Eng. 2015, 10, S69–S76. [Google Scholar] [CrossRef]
  19. Albuquerque, P.; Machado, J.P.; Verlekar, T.T.; Correia, P.L.; Soares, L.D. Remote Gait Type Classification System Using Markerless 2D Video. Diagnostics 2021, 11, 1824. [Google Scholar] [CrossRef] [PubMed]
  20. Bashir, K.; Xiang, T.; Gong, S. Gait Recognition Using Gait Entropy Image. In Proceedings of the 3rd International Conference on Imaging for Crime Detection and Prevention (ICDP 2009), London, UK, 3 December 2009; p. P2. [Google Scholar]
  21. Zhang, E.; Zhao, Y.; Xiong, W. Active Energy Image plus 2DLPP for Gait Recognition. Signal Process. 2010, 90, 2295–2302. [Google Scholar] [CrossRef]
  22. Verlekar, T.T.; Lobato Correia, P.; Soares, L.D. Using Transfer Learning for Classification of Gait Pathologies. In Proceedings of the 2018 IEEE International Conference on Bioinformatics and Biomedicine (BIBM), Madrid, Spain, 3–6 December 2018; pp. 2376–2381. [Google Scholar]
  23. Hu, J.; Shen, L.; Sun, G. Squeeze-and-Excitation Networks. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Salt Lake City, UT, USA, 18–23 June 2018; pp. 7132–7141. [Google Scholar]
  24. Wang, Q.; Wu, B.; Zhu, P.; Li, P.; Zuo, W.; Hu, Q. ECA-Net: Efficient Channel Attention for Deep Convolutional Neural Networks. In Proceedings of the 2020 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Seattle, WA, USA, 13–19 June 2020; pp. 11531–11539. [Google Scholar]
  25. Ortells, J.; Herrero-Ezquerro, M.T.; Mollineda, R.A. Vision-Based Gait Impairment Analysis for Aided Diagnosis. Med. Biol. Eng. Comput. 2018, 56, 1553–1564. [Google Scholar] [CrossRef]
  26. Nieto-Hidalgo, M.; Ferrández-Pastor, F.J.; Valdivieso-Sarabia, R.J.; Mora-Pascual, J.; García-Chamizo, J.M. Vision Based Extraction of Dynamic Gait Features Focused on Feet Movement Using RGB Camera. In Proceedings of the Ambient Intelligence for Health; Springer: Cham, Switzerland, 2015; pp. 155–166. [Google Scholar]
  27. Nieto-Hidalgo, M.; García-Chamizo, J.M. Classification of Pathologies Using a Vision Based Feature Extraction. In Proceedings of the Ubiquitous Computing and Ambient Intelligence; Springer: Cham, Switzerland, 2017; pp. 265–274. [Google Scholar]
  28. Loureiro, J.; Correia, P.L. Using a Skeleton Gait Energy Image for Pathological Gait Classification. In Proceedings of the 2020 15th IEEE International Conference on Automatic Face and Gesture Recognition (FG 2020), Buenos Aires, Argentina, 16–20 November 2020; pp. 503–507. [Google Scholar]
  29. Sukkar, M.; Kumar, D.; Sindha, J. Real-Time Pedestrians Detection by YOLOv5. In Proceedings of the 2021 12th International Conference on Computing Communication and Networking Technologies (ICCCNT), Kharagpur, India, 6 July 2021; pp. 1–6. [Google Scholar]
  30. Žilinskas, A. Review of Practical Mathematical Optimization: An Introduction to Basic Optimization Theory and Classical and New Gradient-Based Algorithms. Interfaces 2006, 36, 613–615. [Google Scholar]
  31. Sandler, M.; Howard, A.; Zhu, M.; Zhmoginov, A.; Chen, L.-C. MobileNetV2: Inverted Residuals and Linear Bottlenecks. In Proceedings of the 2018 IEEE/CVF Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–23 June 2018; pp. 4510–4520. [Google Scholar]
  32. Woo, S.; Park, J.; Lee, J.-Y.; Kweon, I.S. CBAM: Convolutional Block Attention Module. In Computer Vision— ECCV 2018; Ferrari, V., Hebert, M., Sminchisescu, C., Weiss, Y., Eds.; Lecture Notes in Computer Science; Springer International Publishing: Cham, Switzerland, 2018; Volume 11211, pp. 3–19. ISBN 978-3-030-01233-5. [Google Scholar]
  33. Iman, M.; Arabnia, H.R.; Rasheed, K. A Review of Deep Transfer Learning and Recent Advancements. Technologies 2023, 11, 40. [Google Scholar] [CrossRef]
  34. Fei-Fei, L.; Deng, J.; Li, K. ImageNet: Constructing a large-scale image database. J. Vis. 2010, 9, 1037. [Google Scholar] [CrossRef]
  35. Ebersbach, G.; Moreau, C.; Gandor, F.; Defebvre, L.; Devos, D. Clinical Syndromes: Parkinsonian Gait. Mov. Disord. 2013, 28, 1552–1559. [Google Scholar] [CrossRef]
  36. Wick, J.Y.; Zanni, G.R. Tiptoeing Around Gait Disorders: Multiple Presentations, Many Causes. Consult. Pharm. 2010, 25, 724–737. [Google Scholar] [CrossRef]
  37. Schaafsma, J.D.; Balash, Y.; Gurevich, T.; Bartels, A.L.; Hausdorff, J.M.; Giladi, N. Characterization of Freezing of Gait Subtypes and the Response of Each to Levodopa in Parkinson’s Disease. Euro J. Neurol. 2003, 10, 391–398. [Google Scholar] [CrossRef] [PubMed]
  38. Yu, S.; Tan, D.; Tan, T. A Framework for Evaluating the Effect of View Angle, Clothing and Carrying Condition on Gait Recognition. In Proceedings of the 18th International Conference on Pattern Recognition (ICPR’06), Hong Kong, China, 20–24 August 2006; pp. 441–444. [Google Scholar]
Figure 1. The overall architecture of the proposed algorithm.
Figure 1. The overall architecture of the proposed algorithm.
Sensors 24 05574 g001
Figure 2. (a) Image with detection frame; (b) cropped image; (c) binary contour image; (d) human silhouette with the minimum external rectangle.
Figure 2. (a) Image with detection frame; (b) cropped image; (c) binary contour image; (d) human silhouette with the minimum external rectangle.
Sensors 24 05574 g002
Figure 3. Width-to-height ratio change curve of a human body contour in a gait sequence.
Figure 3. Width-to-height ratio change curve of a human body contour in a gait sequence.
Sensors 24 05574 g003
Figure 4. Structure of the inverted residual block.
Figure 4. Structure of the inverted residual block.
Sensors 24 05574 g004
Figure 5. Improved convolutional block attention module.
Figure 5. Improved convolutional block attention module.
Sensors 24 05574 g005
Figure 6. Experimental environment.
Figure 6. Experimental environment.
Sensors 24 05574 g006
Figure 7. Sample image. The first row is in order from left to right: (a) festinating gait; (b) scissor gait; and (c) hemiparetic gait. The second row is in order from left to right: (d) shuffling gait; (e) normal gait; and (f) normal gait in the CASIA-B dataset.
Figure 7. Sample image. The first row is in order from left to right: (a) festinating gait; (b) scissor gait; and (c) hemiparetic gait. The second row is in order from left to right: (d) shuffling gait; (e) normal gait; and (f) normal gait in the CASIA-B dataset.
Sensors 24 05574 g007
Figure 8. (a) Curve of change in accuracy for each set of experiments; (b) curve of change in loss value for each set of experiments.
Figure 8. (a) Curve of change in accuracy for each set of experiments; (b) curve of change in loss value for each set of experiments.
Sensors 24 05574 g008
Figure 9. Confusion matrix of the model on the self-constructed dataset. (A: festinating gait; B: scissor gait; C: normal gait; D: hemiparetic gait; E: shuffling gait).
Figure 9. Confusion matrix of the model on the self-constructed dataset. (A: festinating gait; B: scissor gait; C: normal gait; D: hemiparetic gait; E: shuffling gait).
Sensors 24 05574 g009
Figure 10. Confusion matrix of the model on the GAIT-IST dataset.
Figure 10. Confusion matrix of the model on the GAIT-IST dataset.
Sensors 24 05574 g010
Table 1. Gait characteristics of different gaits.
Table 1. Gait characteristics of different gaits.
Gait TypeGait Characteristics
Festinating gaitThe subject’s body leaned forward with increasing speed and smaller steps [35].
Scissor gaitThe subject’s legs flexed slightly at the hips and knees, with the knees and thighs hitting or crossing in a scissors-like movement [36].
Hemiparetic gaitThe subject’s legs were swung outward in a semicircle [36].
Shuffling gaitSubjects dragged and took small steps [37].
Normal gaitSubjects walked normally without abnormal movements.
Table 2. Ablation experimental design.
Table 2. Ablation experimental design.
NumberSingle BranchDual BranchICBAMDSCCustomized Head (Except DSC)
1××××
2×××
3×××
4××
5×
Table 3. Comparison of ablation experiment results.
Table 3. Comparison of ablation experiment results.
NumberAcc (%)Prec (%)Sens (%)Spec (%)MF1
190.5990.5589.6397.6489.84
293.3393.0892.7898.3492.82
395.2995.0694.9698.8395
496.8696.6096.8599.2396.70
598.4398.1898.3899.6298.26
Table 4. Comparison of experimental results of different attention modules.
Table 4. Comparison of experimental results of different attention modules.
TypeDatasetsParameters (Million)Acc (%)
ECAOur Dataset2.896.86
SEOur Dataset3.0197.25
CBAMOur Dataset3.0197.65
ProposedOur Dataset3.0198.43
ECAGAIT-IST2.6898.04
SEGAIT-IST2.8998.37
CBAMGAIT-IST2.8998.37
ProposedGAIT-IST2.8998.69
Table 5. Comparative experiments with different components in the new gait template.
Table 5. Comparative experiments with different components in the new gait template.
TypeAcc (%)Prec (%)Sens (%)Spec (%)MF1
AEI90.5990.7189.9897.6790.11
GEnI96.0895.8095.6099.0395.67
GEI95.6995.5994.7798.9395
FEI98.4398.1898.3899.6298.26
Table 6. Comparison of our model with the state-of-the-art models.
Table 6. Comparison of our model with the state-of-the-art models.
MethodDatasetData TypeParameters
(Million)
Flops (Billion)Memory Usage (MB)FPS
(f·s−1)
Acc
(%)
GhostNet [15]GAIT-ISTSEI2.60.176--98.10
VGG-19 [28]GAIT-ISTSEI13919.653276.3897.40
ProposedGAIT-ISTSEI2.890.32211.2111.2598.04
ProposedGAIT-ISTFEI2.890.32211.2112.2398.69
VGG-19 [28]Our DatasetFEI13919.665267.0597.66
ProposedOur DatasetFEI3.010.4211.711198.43
Table 7. Experimental results of the model on the self-constructed dataset.
Table 7. Experimental results of the model on the self-constructed dataset.
Gait TypePrec (%)Sens (%)Spec (%)
Festinating Gait98.1110099.51
Scissor Gait94.8797.3799.08
Normal Gait10098.53100
Hemiparetic Gait97.9210099.52
Shuffling gait10096100
Table 8. Experimental results of the model on the GAIT-IST dataset.
Table 8. Experimental results of the model on the GAIT-IST dataset.
Gait TypePrec (%)Sens (%)Spec (%)
Diplegic Gait98.3196.6799.59
Hemiplegic Gait 98.4410099.59
Neuropathic Gait98.4498.4499.59
Normal Gait100100100
Parkinsonian Gait98.9598.9599.53
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

Li, C.; Wang, B.; Li, Y.; Liu, B. A Lightweight Pathological Gait Recognition Approach Based on a New Gait Template in Side-View and Improved Attention Mechanism. Sensors 2024, 24, 5574. https://doi.org/10.3390/s24175574

AMA Style

Li C, Wang B, Li Y, Liu B. A Lightweight Pathological Gait Recognition Approach Based on a New Gait Template in Side-View and Improved Attention Mechanism. Sensors. 2024; 24(17):5574. https://doi.org/10.3390/s24175574

Chicago/Turabian Style

Li, Congcong, Bin Wang, Yifan Li, and Bo Liu. 2024. "A Lightweight Pathological Gait Recognition Approach Based on a New Gait Template in Side-View and Improved Attention Mechanism" Sensors 24, no. 17: 5574. https://doi.org/10.3390/s24175574

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

Article Metrics

Back to TopTop