Next Article in Journal
Novel Straightening-Machine Design with Integrated Force Measurement for Straightening of High-Strength Flat Wire
Previous Article in Journal
Leak State Detection and Size Identification for Fluid Pipelines with a Novel Acoustic Emission Intensity Index and Random Forest
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

SDFPoseGraphNet: Spatial Deep Feature Pose Graph Network for 2D Hand Pose Estimation

1
Department of Informatics, Graduate School of Informatics and Engineering, The University of Electro-Communications, Tokyo 182-8585, Japan
2
Artificial Intelligence Exploration Research Center/Meta-Networking Research Center, The University of Electro-Communications, Tokyo 182-8585, Japan
*
Author to whom correspondence should be addressed.
Sensors 2023, 23(22), 9088; https://doi.org/10.3390/s23229088
Submission received: 18 September 2023 / Revised: 2 November 2023 / Accepted: 8 November 2023 / Published: 10 November 2023
(This article belongs to the Section Sensing and Imaging)

Abstract

:
In the field of computer vision, hand pose estimation (HPE) has attracted significant attention from researchers, especially in the fields of human–computer interaction (HCI) and virtual reality (VR). Despite advancements in 2D HPE, challenges persist due to hand dynamics and occlusions. Accurate extraction of hand features, such as edges, textures, and unique patterns, is crucial for enhancing HPE. To address these challenges, we propose SDFPoseGraphNet, a novel framework that combines the strengths of the VGG-19 architecture with spatial attention (SA), enabling a more refined extraction of deep feature maps from hand images. By incorporating the Pose Graph Model (PGM), the network adaptively processes these feature maps to provide tailored pose estimations. First Inference Module (FIM) potentials, alongside adaptively learned parameters, contribute to the PGM’s final pose estimation. The SDFPoseGraphNet, with its end-to-end trainable design, optimizes across all components, ensuring enhanced precision in hand pose estimation. Our proposed model outperforms existing state-of-the-art methods, achieving an average precision of 7.49% against the Convolution Pose Machine (CPM) and 3.84% in comparison to the Adaptive Graphical Model Network (AGMN).

1. Introduction

The rapid advancement of deep neural networks has meant significant progress in hand pose estimation (HPE), a critical component in AI-driven applications such as human–computer interaction (HCI) and virtual reality (VR). However, HPE remains a complex task due to the flexibility of hand joints, local similarities, and severe occlusions, including self- and object occlusion [1]. Therefore, it is crucial to investigate efficient HPE architectures that effectively address these challenges [2]. Over the past decade, numerous 2D methods, including multiview RGB models [3,4], depth-based architectures [5,6,7], and monocular RGB methods [8,9], have been developed in the HPE field to overcome these problems. More recently, 3D HPE has acquired increased interest due to its enhanced accuracy and performance.
Nevertheless, 2D HPE remains a vital research direction, as it forms the foundational building block for 3D algorithms, which achieve estimation results by transposing feature maps from 2D to 3D space [10,11]. Reflecting the importance of 2D HPE from a monocular RGB image is a central point of the experiment. In HPE, extracting valuable feature maps is a vital and challenging task for precisely identifying and tracking the position and orientation of keypoints of each joint of the hand in each scene. These feature maps include edges, corners, textures, or other complex patterns unique to hand structures. These features serve as the input to deep learning (DL) models, allowing them to learn the spatial and temporal relationships among various joints and accurately localize the coordinates of each joint. Enhanced versions of features impact the accuracy of HPE models, even in challenging situations such as self- or object occlusion, varying lighting conditions, or frequent hand movements.
With the advent of DL, the Convolutional Pose Machine (CPM) [12] emerged as a pioneering model for human pose estimation, and it has also become a significant model in the realm of 2D HPE. CPM can learn robust feature maps but frequently struggles to comprehend the geometric constraints among joints. This often leads to inconsistencies in the final joint predictions, a particularly noticeable challenge in human pose estimation tasks. The issue can be even more pronounced in 2D HPE due to the increased articulation and severity of self-occlusion. To better understand the interconnections among joints, various research work has investigated the potential of integrating deep convolutional neural networks (DCNNs) with the Pose Graph Model (PGM) for tasks related to HPE. These approaches utilize a self-independent Pose Graph Model (PGM) applied to the score maps produced by DCNNs [13,14,15]. The PGM parameters are learned during the end-to-end training process. Subsequently, these parameters are fixed and uniformly applied to all input data during the prediction.
Attention mechanisms have significantly advanced deep learning, particularly in enhancing focus on crucial data segments. Visual attention, a key application of this concept, has shown remarkable efficacy across various domains, including image and text processing. In this study, we present the Spatial Deep Feature Pose Graph Network (SDFPoseGraphNet), building upon our previous work [16]. This network extends our previous approach by integrating the self attention (SA) module with the VGG-19 model in the backbone. The SA module enables the network to dynamically prioritize important spatial regions in the input image that are crucial for accurate pose estimation. This integration aims to enhance the model’s feature representation capacity, leading to improved performance in HPE tasks. To address the challenge mentioned above for accurate HPE, we incorporate a PGM into the SDFPoseGraphNet. The PGM utilizes Second Inference Module (SIM) parameters that are adaptively learned from the deep feature maps extracted by VGG-19. This adaptivity allows the parameters to be tailored to the characteristics of each individual input image, leading to improved performance in pose estimation. In addition, our model utilizes the First Inference Module (FIM) potentials, which are score maps indicating the location of each hand joint, obtained from another module of the SDFPoseGraphNet. These FIM potentials, combined with the SIM parameters, contribute to the final pose estimation by the PGM. The inference process involves techniques like message passing, which enable the model to refine and enhance the accuracy of the joint predictions. A significant advantage of the SDFPoseGraphNet is its end-to-end trainable nature, where all components, including VGG-19 and the PGM, can be jointly optimized during the training process. This general optimization ensures that the deep feature maps extracted by VGG-19 via spatial attention (SA) [17] and the adaptively learned parameters of the PGM work well to achieve precise and reliable HPE.
Our contribution is three-fold and is stated below as follows:
  • We introduce SDFPoseGraphNet, a novel framework that enhances the capabilities of VGG-19 by incorporating SA mechanisms; our model effectively captures spatial information from hand images, allowing VGG-19 to extract deep feature maps that capture intricate relationships among various hand joints.
  • To address the challenge of accurate pose estimation, we incorporate a PGM into SDFPoseGraphNet. This model utilizes adaptively learned SIM parameters, derived from the deep feature maps extracted by VGG-19, to model the geometric constraints among hand joints. The adaptivity of the parameters enables personalized pose estimation, tailoring the model to the unique characteristics of each individual input image.
  • The model combines FIM potentials and SIM parameters, which play a crucial role in the final pose estimation performed by the PGM. The inference process incorporates techniques like message passing, refining, and enhancing the accuracy of the joint predictions.
This article follows a structured approach with several sections. Section 2 presents an overview of prior research conducted in the same field. Section 3 elaborates on the comprehensive methodology of our proposed model. Section 4 covers pertinent information regarding the experimental setup and implementation details. The results and analysis are presented in Section 5, while in Section 6, we conclude our work.

2. Related Works

HPE is a complex task that faces several challenges, including variations in hand poses, limited depth information, and issues related to appearance and occlusion. Researchers have been actively exploring different approaches and techniques to tackle these challenges. One effective approach is the use of multi-view RGB models [4,18,19,20], which address the problem of self/object occlusion and achieve notable accuracy in HPE. However, the practical implementation of multi-view RGB models [21,22] is constrained by the requirement for specific camera setups, limiting their performance in real-world scenarios. Depth-based models [23,24,25] offer advantages in accurately locating and identifying hands based on depth values, resulting in faster processing. However, these models can be sensitive to lighting conditions and noise, making them more suitable for controlled environments where such factors can be regulated. In recent years, RGB cameras have been widely adopted in HPE tasks due to their anti-interference capabilities, affordability, and portability. The research community has been actively developing methods to directly estimate 3D hand poses from RGB images. Some approaches involve fitting 3D models using estimated 2D joint locations. It is important to note that the accuracy of 2D HPE greatly influences the overall performance of 3D HPE techniques [9,26].
CNNs are crucial for HPE [2,27], leveraging their exceptional feature extraction capabilities. The automatic learning of feature representations in modern deep learning eliminates the need for manual feature engineering. However, the quality of learned features relies on the network architecture used. Thus, exploring network design methods becomes imperative for extracting tailored features for accurate hand pose estimation. These methods aim to identify optimal configurations that extract highly discriminative and informative features, enhancing system accuracy and robustness. Some research work focuses on directly mapping the input image to the coordinates of keypoints in a 2D or 3D space, known as holistic regression [28,29]. This approach eliminates the need for intermediate representations, such as pixel-wise classification, while capturing global constraints and correlations between keypoints. However, concerns have been raised regarding the generalization capability of holistic regression and its sensitivity to translational variance, which can lead to diminished prediction accuracy [30]. CPM, which enforces CNN to generate heatmaps, indicates the location of keypoints. Heatmap-based methods have resulted in a significant increase in performance; therefore, we followed the heatmap-based approach for precise prediction of the keypoints pertaining to each joint of the hand.

3. SDFPoseGraphNet

The CPM, although capable of learning strong feature maps, often encounters difficulties in capturing the geometric relationships between joints. As a result, the final predictions of joint positions can exhibit inconsistencies, which pose a significant challenge in tasks involving human pose estimation. This challenge becomes even more prominent in 2D HPE due to the higher level of articulation and the presence of self-occlusion, which further exacerbates the problem. To solve these limitations, we propose SDFPoseGraphNet, a novel framework that enhances the capabilities of VGG-19 with SA, visually depicted in Figure 1.
The proposed model incorporates two modules called the First Inference Module (FIM) and the Second Inference Module (SIM). A final Graphical Inference Module is employed to connect the FIM and SIM sequentially. The FIM produces a provisional feature score for the keypoints K of the hand during the preliminary stage. The VGG-19 block’s revert feature score can readily integrate with the proposed SDFPoseGraphNet. The final module utilizes the parameters generated by the SIM, which depict spatial constraints among the critical points of the hand. The suggested framework for HPE differentiates itself from previous frameworks by leveraging the SIM, which enables the association of the final graphical module with DCNN [13,14]. In our work, the parameters of the PGM are not considered as independent parameters. Rather, they are tightly linked to the input image through VGG-19, making them adaptable and responsive to different variations in the input images. This integration allows the model to capture and utilize relevant information from the input image effectively, resulting in improved performance and adaptability in various circumstances, as mentioned earlier.
The process of predicting hand poses can be formally described through a graph represented by G , which consists of vertices V and edges E . In other words, it can be denoted as G = ( V , E ) . Here, the vertices V are directly associated with the salient keypoints of the hand, denoted as K, and can be expressed as V = { v 1 , v 2 , , v K } . Each vertex v i corresponds to a specific two-dimensional keypoint, represented as x i R 2 , which provides the position of that keypoint relative to v i . The subsequent equation, labeled as (1), expresses the joint probability of the hand poses.
p X I , Θ = 1 Z i = 1 | V | ϕ i ( x i I ; Θ f ) ( i , j ) E φ i , j x i , x j I ; Θ s
In this equation, X = { x 1 , x 2 , , x K } represents the set of hand keypoints, and i and j denote their positions. The term | V | signifies the cardinality, or the number of elements, in the set V . Z and I correspond to the input image. The parameter Θ encompasses the combination of FIM and SIM; Θ = ϕ i ( x i I ; Θ f ) ; φ i , j ( x i , x j I ; Θ s ) .
In this context, the equation models the joint probability of hand poses by considering the interrelationships between keypoints and their positions within a graphical structure. It provides a formal representation of the predictive process used to estimate hand poses, where various components, such as the hand keypoints and the input image, are considered in the calculation of this probability. The parameter Θ encapsulates the combination of specific modules that contribute to the overall predictive model.
Further information and comprehensive explanations regarding each component of the proposed model SDFPoseGraphNet are introduced in the following subsections.

3.1. Optimized VGG-19 Backbone with SA Module Integration for Improved 2D HPE Feature Extraction

In a neural network, attention systems enhance focus on crucial portions of the input data while diminishing the importance of less relevant components. This significant approach, known as visual attention, has made substantial strides in the realm of DL research. These attention mechanisms have shown efficacy in dealing with both text and image data. To augment the existing efficiency of convolutions, numerous methods incorporating visual attention have been developed. This study proposes an innovative approach for HPE tasks by integrating the SA module with the VGG-19 model. This fusion leverages the known effectiveness of the VGG-19 architecture in feature extraction and the ability of attention mechanisms to zero in on salient spatial regions, thus creating a potent combination [31]. These SA modules allow each feature map to implement a distinct SA mechanism. Attention maps created this way are assembled along the channel dimension and are then passed through a convolutional layer with a kernel size k to yield the final attention map. To ensure that the values lie between 0 and 1, this final attention map is passed through a sigmoid activation function, which normalizes the range. These normalized values indicate the significance of each spatial location in the model.
VGG-19 produces five distinct feature maps ( f 1 , , f 4 , f 5 ) , as shown in Figure 2. SA ( s 1 , , s 4 ) and 1 × 1 were implemented on the first four feature maps, along with 1 × 1 convolution for channel reduction, to obtain the attention maps as formulated in Equations (1) and (2).
F i = s i ( f i )
Here, F i is the attention map after applying the spatial attention module s i to feature map f i from VGG-19.
F ^ i = C ( f i )
F ^ i is the feature map after channel reduction, and C denotes a convolution operation. This series of convolutional layers reduces the channel dimension of the feature maps to a value of 128.
F i = F ^ i F i ,
where ⊗ indicates element-wise multiplication, and F i represents the attention feature map. To align the spatial dimensions, the interpolation process is executed by utilizing bilinear interpolation (F.interpolate) from torch.nn.functional, as shown in Equation (5).
S ^ i = F . i n t e r p o l a t e ( F i , t )
S ^ i represents attention maps after interpolation, and t is the target size f 5 , which is the last feature map without spatial attention. After interpolation, we fused the attention maps with the last feature map from the backbone by element-wise addition, as shown in Equation (6):
S = S ^ 1 + + S ^ 4 + f 5 ,
where S is the fused attention map.

3.2. Architectural and Operational Insights into the FIM

In the initial module, the VGG-19 architecture was used up to Conv 3 × 3 as the fundamental feature extraction network followed by three convolutional layers that facilitated the generation of the initial heatmap. The VGG-19 architecture was enhanced by incorporating an SA module, generating 128 feature maps. The produced feature maps undergo information processing through a module that consists of six stages. These stages involve a series of continuous convolution layers with a specific kernel size 3 × 3 , each incorporating a heatmap label as a supervisory mechanism. The generation of these labels was achieved by applying a Gaussian function to the corresponding ground truth, which is shown below.
H e a t m a p = e x p ( [ ( x x k ) 2 + ( y y k ) 2 ] 2 δ 2 )
The symbol δ denotes the extent of the heatmap, while x k and y k represent the underlying coordinates on the ground. The final stage produces 21 unique feature maps that serve as a representation of each keypoint. These feature maps are utilized as static weights during the training of the graphical module. The output of the initial module is denoted as F ( I ; Θ f ) R | V | × h F h e a t m a p × w F h e a t m a p . It is important to note that the dimensions of the output heatmaps are determined by the corresponding values of the height h F h e a t m a p and width w F h e a t m a p . Figure 3 shows the sequential procedure for convolutional detailing of the FIM.

3.3. Architectural and Operational Insights into the SIM

The SIM follows a similar methodology as the FIM. In particular, it upholds the most recent framework for 128 feature maps, but it generates 40 feature maps instead of 21 feature maps. The 40 channels or feature maps generated by the SIM represent information about the relationships between hand keypoints. These feature maps capture and encode information about the relative positions, distances, and interactions between different pairs of keypoints on the hand. The result produced by SIM is represented as S ( I ; Θ S ) R | E | × h s × w s , which is indicative of the SIM channel kernels. The purpose of the SIM is to learn the relative positions between hand keypoints.
When training the SIM, we maintain the weights of the FIM in a fixed state, effectively ’freezing’ them. As depicted by the gray arrows in Figure 1, there is a directional flow of information originating from the FIM that moves towards the SIM at the end of each stage. During this information flow process, the feature sets generated at each FIM stage are merged with those from the corresponding SIM stages. For instance, the features from the first stage of the FIM are combined with those from the first stage of the SIM, and this composite feature set is then fed into the second stage of the SIM. This method of consistent information exchange is applied throughout all the stages of the SIM’s training phase. The detailed structure of this architecture is illustrated in Figure 3.

3.4. Final Graph Inference Module

The message-passing algorithm is widely utilized in graphical model inference. It typically facilitates the effective calculation of marginal probabilities by using the sum-product operation within a graphical module. The equation for the marginal probability can be expressed in Equation (8).
p i ( x i I ; Θ ) = V x i p ( X I ; Θ )
In this scenario, the function of argmax probability is employed to optimize the marginal probability for predicting the location of the hand keypoint labeled as i:
x i = a r g m a x p i ( x i I ; Θ ) ,
where Θ = { Θ f , Θ s } is the collection of all parameters, which amalgamate the parameters of the initial two modules. In the graphical model, each vertex V has the ability to both send and receive messages M to and from its corresponding neighboring nodes N b n . The sum-product algorithm is responsible for updating the messages sent from hand keypoints from i to j. The complete message exchange is denoted by M i j ; here, M i j R h w × w u depicts the entire formulation of the message passing.
M i j ( x j ) = x i φ i , j ( x i , x j ) ϕ i x i k N b n ( i ) j m k i ( x i )
Given that x j assumes values from a grid point set with dimensions of h w × w u , we approximate the marginal probabilities as follows, after multiple iterations and upon convergence:
p ( x j ) 1 Z ϕ i ( x i ) k N b n ( i ) m k i ( x i ) ,
where m k i ( x i ) represents a message from node k to node i, and Z is the normalization.
This research work adopted a tree-structured graphical model. One significant advantage of this model is the ability to accurately derive the marginal probability outlined in the earlier equation using belief propagation. Figure 4 illustrates the hand model arranged in a tree-like structure. Precise marginals can be determined by transmitting messages from the bottom-most nodes to the topmost node, and then back down to the lowest nodes. Numerical values are presented next to each arrow in Figure 4 with the schedule of message updates denoted by the number 3. In total, 40 message transmissions are adequate for obtaining accurate marginals.

4. Experimental Setup

4.1. Dataset

The Carnegie Mellon University (CMU) Panoptic Hand Dataset was utilized during our study to assess the proposed model. The dataset consists of a total of 14,817 annotations that correspond to the right hand of individuals captured in images from the Panoptic Studio. The current research examines the process of HPE, as opposed to hand detection. To achieve this objective, annotated hand image patches were extracted from the initial images using a square bounding box with dimensions 2.2 times larger than the hand size. The dataset was partitioned into three subgroups using a random sampling technique as shown in Table 1. Specifically, these subgroups were designated as: the training set, comprising 80 % of the data; the validation set, comprising 10 % of the data; and the test set, comprising 10 % .

4.2. Implementation Details

The proposed model is implemented using the PyTorch framework version 1.11 . 0 + c u 102 . The present model underwent a tripartite training process, where each stage was trained with a consistent learning rate of 1 × 10 4 , a batch size of 32, and four workers. The first two stages of the model were trained for 100 epochs, and an early stop technique was implemented to mitigate overfitting. In contrast, the last stage was trained for a notably shorter duration of 10 epochs with a weight decay of 0.01.

4.3. Loss Function

The mean squared error (MSE) is utilized as the loss function in the model. To prevent the diminution of the loss from reaching nominal values, the loss function is scaled by a coefficient of 35.
The formulation of the loss calculation for a model involves a weighted sum of the loss function of each inference.
L = α 1 L F i r s t + α 2 L S e c o n d + α 3 L F i n a l
L F i r s t is the MSE loss of FIM, L S e c o n d represents the MSE loss of SIM, and L F i n a l denotes the PGM MSE loss. These loss terms collectively drive the training process for enhanced model performance. While α 1 , α 2 , and α 3 are the coefficients for fine-tuning the model, the values are set to 1, 0.1, and 0.1, respectively.

4.4. Model Optimization

An optimizer aims to decrease the loss function and steer the network toward improved performance by identifying optimal parameter values. Utilizing a newly derived variation of the Adam optimizer called AdamW can bolster the refinement of model optimization techniques. In contrast to its predecessor, the Adam optimizer, the AdamW algorithm effectively disentangles the weight decay component from the learning rate, allowing for individualized optimization of each component. This feature effectively addresses the issue of excessive overfitting. The outcomes reveal that the models optimized through AdamW exhibit superior generalization performance compared to those trained using other optimizers, particularly Adam. The AdamW optimizer was employed in the training of our final graphical module.

4.5. Activation Functions

Several activation functions, namely ReLU, SoftMax, and Mish, introduce nonlinear components to the neural network, allowing it to comprehend complex patterns and correlations in the data. The Mish activation function has demonstrated superior performance to alternative activation functions, primarily due to its nonlinear nature [32]. The definition of the term can be expressed using the following formula:
f ( x ) = x t a n h ( l n ( 1 + e x ) ) .
The experimental findings demonstrate that the efficacy of Mish surpasses that of widely utilized activation functions, including ReLU and SoftMax, among others, in diverse deep network architectures operating on complex datasets.

4.6. Evaluation Metric

We normalized the Percentage of Correct Keypoints (PCK) [4] for our study. The PCK metric [4] is a commonly employed evaluation measure for HPE. Specifically, it quantifies the likelihood that a predicted keypoint is located within a designated distance threshold, denoted as σ , from its corresponding ground truth coordinate. The application of σ , restricted to the scale of the hand bounding box, is utilized within this study. The threshold was uniformly distributed within the range of 0 to 0.16, and the PCK formula is
P C K σ k = 1 | | D | | = D 1 ( | | p k p t p k g d | | 2 m a x ( w , h ) δ ) ,
where p k g d is the ground truth of the keypoint, 1 is the indicator function, and p k p t is the predicted keypoint. k represents the number of keypoints, D represents the number of test or validation samples, and h and w represent the height and width of the sample images, respectively.

5. Results and Analysis

The subsequent section of this paper illustrates an exhaustive performance analysis of the proposed SDFPoseGraphNet. By undertaking a series of ablation studies, we thoroughly scrutinize the functioning of each module. Further, a comparative study is conducted between our proposed network and traditional networks employed for HPE. Finally, the predicted outcomes are made visually comprehensible to underline our results.

5.1. Quantitative Results

Table 2 numerically illustrates the PCK performance of our proposed model on the CMU Panoptic Hand Dataset. Upon examination, it is evident that our SDFPoseGraphNet surpasses other contemporary state-of-the-art models. The empirical results indicate that the SDFPoseGraphNet, on average, enhances precision by 7.49% when compared against the CPM [12] results. Furthermore, it improves accuracy by nearly 3.84% in comparison with AGMN [33], and 1.71% in relation to CDGCN [16]. We provide a comprehensive breakdown of the numerical results for each module, i.e., the FIM, SIM, and our proposed SDFPoseGraphNet, in Table 3. Additionally, Figure 5a,b presents the likelihood of correct keypoints of our proposed model in relation to other validation and test data extracted from the CMU Panoptic Hand Dataset.

5.2. Qualitative Results

To demonstrate qualitative results, we chose a diverse selection of images featuring different angles, complicated situations, instances of self/object occlusion, and complex backgrounds. Figure 6 displays the high resilience and consistency of SDFPoseGraphNet, as reflected in its reliable performance across myriad test scenarios and conditions. Its anti-interference capability managed to perform efficiently even amidst complex backgrounds. In situations where the image clarity was compromised, obtaining a high-resolution version or a more detailed depiction was deemed necessary for improved interpretation and analysis. This context underscores the relevance of our proposed model. Figure 7 visually represents our model’s performance on a random selection of images. The figure includes: (a) ground truth, (b) our proposed SDFPoseGraphNet model, (c) CDGCNN, and (d) AGMN.

5.3. Ablation Study

An ablation study was carried out using the Panoptic dataset to substantiate the effectiveness of our optimization strategy. To evaluate the impact of the SA module, it was integrated into the FIM, while all other aspects were kept unchanged. As per the experimental results demonstrated in Table 4, an average performance enhancement of 3.52% was observed. Figure 8a illustrates the notable improvement in the network’s output by integrating VGG-19 with SA. The SIM generates 40 feature maps as explained above. However, SIM consistently predicts the same 2D coordinates for pairs of neighboring hand keypoints that share a common edge in the tree structure. This consistency arises because the relative positions between these keypoints are fixed and learned during training. Consequently, during testing, the SIM consistently predicts the same relative positions, resulting in consistent 2D coordinate predictions for these 21 keypoints.
We also utilized a VGG-19 backbone model with a few extra layers and batch normalization for feature enhancement. Our analysis of each module in Table 5 shows an average improvement of 2.48% and 0.39% over AGMN [33] and CDGCN [16], respectively. Performance in terms of accuracy increases, while computational speed decreases due to the added layers.
The presence of noise within a dataset can significantly reduce the model’s performance [34]. Considering this statement, we preprocessed the CMU Panoptic dataset using a median filter. Later, the model was trained using the process, and the outcomes are presented herein. It has been observed that the implementation of denoising filters on the dataset results in a level of smoothness that can significantly diminish the clarity and discernibility of edges, thereby presenting a suboptimal approach to hand pose estimation. As illustrated in Figure 9, it is evident that the preprocessed image exhibits a considerable degree of smoothness relative to the original image, causing information loss. However, at some locations where the noise exists, the model tends to perform better after the removal of noise. On the other hand, some points in the images may not contain noise, affecting the model’s performance.
Table 6 and Table 7 show the numerical results of each module with preprocessed data. The quantitative results show that our proposed model performs better than the existing methods presented in [16,33] with processed and unprocessed data, even though we noticed that the median filter applied on the dataset causes an information loss. Figure 8b illustrates the PCK with original and preprocessed data in the test dataset.

6. Conclusions

This research proposed the SDFPoseGraphNet, a novel framework that combines the power of VGG-19 and spatial attention to improve hand pose estimation. By leveraging the deep feature maps extracted by VGG-19, the model captures spatial information and learns the relationships among hand joints. The incorporation of a Pose Graph Model with dynamically learned SIM parameters further enhances accuracy. FIM potentials obtained from another module contribute to pose estimation, and message-passing techniques refine joint predictions. The SDFPoseGraphNet is end-to-end trainable, allowing for joint optimization of all components, resulting in precise and reliable hand pose estimation. The present model possesses the attribute of generality, rendering its potential applicability useful in various forthcoming computer vision undertakings, such as the estimation of 3D hand poses and human poses, among others.

Author Contributions

Conceptualization, S.A.S. and A.Z.; writing—original draft preparation, S.A.S.; writing—review and editing, S.A.S., A.Z. and H.T.; supervision, H.T. All authors have read and agreed to the published version of the manuscript.

Funding

This research received no external funding.

Institutional Review Board Statement

Not applicable.

Data Availability Statement

Data are contained within the article.

Conflicts of Interest

The authors declare no conflict of interest.

Abbreviations

The following abbreviations are used in this manuscript:
SDFPoseGraphNetSpatial Deep Feature Pose Graph Network
PGMPose Graph Model
FIMFirst Inference Module
SIMSecond Inference Module
VGGVisual Geometry Group
CPMConvolutional Pose Machine
CNNConvolutional Neural Network
DCNNDeep Convolutional Neural Network
HPEHand Pose Estimation
SASpatial Attention
PDPreprocessed Data
AGMNAdaptive Graphical Model Network
CDGCNCascaded Deep Graph Convolutional Neural Network
CMUCarnegie Mellon University

References

  1. Chen, W.; Yu, C.; Tu, C.; Lyu, Z.; Tang, J.; Ou, S.; Fu, Y.; Xue, Z. A Survey on Hand Pose Estimation with Wearable Sensors and Computer-Vision-Based Methods. Sensors 2020, 20, 1074. [Google Scholar] [CrossRef] [PubMed]
  2. Santavas, N.; Kansizoglou, I.; Bampis, L.; Karakasis, E.; Gasteratos, A. Attention! A Lightweight 2D Hand Pose Estimation Approach. IEEE Sens. J. 2021, 21, 11488–11496. [Google Scholar] [CrossRef]
  3. Joo, H.; Simon, T.; Li, X.; Liu, H.; Tan, L.; Gui, L.; Banerjee, S.; Godisart, T.; Nabbe, B.; Matthews, I.; et al. Panoptic Studio: A Massively Multiview System for Social Interaction Capture. arXiv 2016, arXiv:cs.CV/1612.03153. [Google Scholar] [CrossRef] [PubMed]
  4. Simon, T.; Joo, H.; Matthews, I.; Sheikh, Y. Hand keypoint detection in single images using multiview bootstrapping. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Honolulu, HI, USA, 21–26 July 2017; pp. 1145–1153. [Google Scholar]
  5. Zhang, Z.; Xie, S.; Chen, M.; Zhu, H. HandAugment: A simple data augmentation method for depth-based 3D hand pose estimation. arXiv 2020, arXiv:2001.00702. [Google Scholar]
  6. Ge, L.; Cai, Y.; Weng, J.; Yuan, J. Hand pointnet: 3D hand pose estimation using point sets. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–23 June 2018; pp. 8417–8426. [Google Scholar]
  7. Yuan, S.; Garcia-Hernando, G.; Stenger, B.; Moon, G.; Chang, J.Y.; Lee, K.M.; Molchanov, P.; Kautz, J.; Honari, S.; Ge, L.; et al. Depth-based 3D hand pose estimation: From current achievements to future goals. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–23 June 2018; pp. 2636–2645. [Google Scholar]
  8. Cai, Y.; Ge, L.; Cai, J.; Yuan, J. Weakly-supervised 3D hand pose estimation from monocular rgb images. In Proceedings of the European conference on computer vision (ECCV), Munich, Germany, 14–18 September 2018; pp. 666–682. [Google Scholar]
  9. Panteleris, P.; Oikonomidis, I.; Argyros, A. Using a single rgb frame for real time 3D hand pose estimation in the wild. In Proceedings of the 2018 IEEE Winter Conference on Applications of Computer Vision (WACV), Lake Tahoe, NV, USA, 12–15 March 2018; pp. 436–445. [Google Scholar]
  10. Boukhayma, A.; Bem, R.d.; Torr, P.H. 3D hand shape and pose from images in the wild. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Long Beach, CA, USA, 15–20 June 2019; pp. 10843–10852. [Google Scholar]
  11. Mueller, F.; Bernard, F.; Sotnychenko, O.; Mehta, D.; Sridhar, S.; Casas, D.; Theobalt, C. Ganerated hands for real-time 3D hand tracking from monocular rgb. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–23 June 2018; pp. 49–59. [Google Scholar]
  12. Wei, S.E.; Ramakrishna, V.; Kanade, T.; Sheikh, Y. Convolutional pose machines. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 26 June–1 July 2016; pp. 4724–4732. [Google Scholar]
  13. Song, J.; Wang, L.; Van Gool, L.; Hilliges, O. Thin-slicing network: A deep structured model for pose estimation in videos. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Honolulu, HI, USA, 21–26 July 2017; pp. 4220–4229. [Google Scholar]
  14. Tompson, J.J.; Jain, A.; LeCun, Y.; Bregler, C. Joint training of a convolutional network and a graphical model for human pose estimation. Adv. Neural Inf. Process. Syst. 2014, 27, 1–9. [Google Scholar]
  15. Yang, W.; Ouyang, W.; Li, H.; Wang, X. End-to-end learning of deformable mixture of parts and deep convolutional neural networks for human pose estimation. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 27–30 June 2016; pp. 3073–3082. [Google Scholar]
  16. Salman, S.A.; Zakir, A.; Takahashi, H. Cascaded deep graphical convolutional neural network for 2D hand pose estimation. In Proceedings of the International Workshop on Advanced Imaging Technology (IWAIT) 2023, SPIE, Jeju, Republic of Korea, 9–11 January 2023; Volume 12592, pp. 227–232. [Google Scholar]
  17. Zhu, X.; Cheng, D.; Zhang, Z.; Lin, S.; Dai, J. An empirical study of spatial attention mechanisms in deep networks. In Proceedings of the IEEE/CVF International Conference on Computer Vision, Seoul, Republic of Korea, 27 October–2 November 2019; pp. 6688–6697. [Google Scholar]
  18. Sun, J.; Zhang, Z.; Yang, L.; Zheng, J. Multi-view hand gesture recognition via pareto optimal front. IET Image Process. 2020, 14, 3579–3587. [Google Scholar] [CrossRef]
  19. Liu, Y.; Jiang, J.; Sun, J.; Wang, X. InterNet+: A Light Network for Hand Pose Estimation. Sensors 2021, 21, 6747. [Google Scholar] [CrossRef] [PubMed]
  20. Sun, X.; Wang, B.; Huang, L.; Zhang, Q.; Zhu, S.; Ma, Y. CrossFuNet: RGB and Depth Cross-Fusion Network for Hand Pose Estimation. Sensors 2021, 21, 6095. [Google Scholar] [CrossRef] [PubMed]
  21. Chen, X.; Wang, G.; Guo, H.; Zhang, C. Pose guided structured region ensemble network for cascaded hand pose estimation. Neurocomputing 2020, 395, 138–149. [Google Scholar] [CrossRef]
  22. Ge, L.; Liang, H.; Yuan, J.; Thalmann, D. Robust 3D hand pose estimation from single depth images using multi-view CNNs. IEEE Trans. Image Process. 2018, 27, 4422–4436. [Google Scholar] [CrossRef] [PubMed]
  23. Ding, L.; Wang, Y.; Laganière, R.; Huang, D.; Fu, S. A CNN model for real time hand pose estimation. J. Vis. Commun. Image Represent. 2021, 79, 103200. [Google Scholar] [CrossRef]
  24. Wang, Y.; Peng, C.; Liu, Y. Mask-pose cascaded cnn for 2D hand pose estimation from single color image. IEEE Trans. Circuits Syst. Video Technol. 2018, 29, 3258–3268. [Google Scholar] [CrossRef]
  25. Kanis, J.; Gruber, I.; Krňoul, Z.; Boháček, M.; Straka, J.; Hrúz, M. MuTr: Multi-Stage Transformer for Hand Pose Estimation from Full-Scene Depth Image. Sensors 2023, 23, 5509. [Google Scholar] [CrossRef] [PubMed]
  26. Zimmermann, C.; Brox, T. Learning to estimate 3D hand pose from single rgb images. In Proceedings of the IEEE International Conference on Computer Vision, Venice, Italy, 22–29 October 2017; pp. 4903–4911. [Google Scholar]
  27. Guan, X.; Shen, H.; Nyatega, C.O.; Li, Q. Repeated Cross-Scale Structure-Induced Feature Fusion Network for 2D Hand Pose Estimation. Entropy 2023, 25, 724. [Google Scholar] [CrossRef] [PubMed]
  28. Tekin, B.; Rozantsev, A.; Lepetit, V.; Fua, P. Direct prediction of 3D body poses from motion compensated sequences. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 26 June–1 July 2016; pp. 991–1000. [Google Scholar]
  29. Li, S.; Chan, A.B. 3D human pose estimation from monocular images with deep convolutional neural network. In Computer Vision–ACCV 2014, Proceedings of the 12th Asian Conference on Computer Vision, Singapore, 1–5 November 2014; Revised Selected Papers, Part II 12; Springer: Cham, Switzerland, 2015; pp. 332–347. [Google Scholar]
  30. Wan, C.; Probst, T.; Van Gool, L.; Yao, A. Dense 3D regression for hand pose estimation. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–23 June 2018; pp. 5147–5156. [Google Scholar]
  31. Awan, M.J.; Masood, O.A.; Mohammed, M.A.; Yasin, A.; Zain, A.M.; Damaševičius, R.; Abdulkareem, K.H. Image-based malware classification using VGG19 network and spatial convolutional attention. Electronics 2021, 10, 2444. [Google Scholar] [CrossRef]
  32. Misra, D. Mish: A self regularized non-monotonic activation function. arXiv 2019, arXiv:1908.08681. [Google Scholar]
  33. Kong, D.; Chen, Y.; Ma, H.; Yan, X.; Xie, X. Adaptive graphical model network for 2D handpose estimation. arXiv 2019, arXiv:1909.08205. [Google Scholar]
  34. Algan, G.; Ulusoy, I. Image classification with deep learning in the presence of noisy labels: A survey. Knowl.-Based Syst. 2021, 215, 106771. [Google Scholar] [CrossRef]
Figure 1. Illustration of the SDFPoseGraphNet architectural design.
Figure 1. Illustration of the SDFPoseGraphNet architectural design.
Sensors 23 09088 g001
Figure 2. Architecture of VGG-19 with SA module for enhanced 2D HPE.
Figure 2. Architecture of VGG-19 with SA module for enhanced 2D HPE.
Sensors 23 09088 g002
Figure 3. Comprehensive overview of First and Second Inference Modules (FIM and SIM).
Figure 3. Comprehensive overview of First and Second Inference Modules (FIM and SIM).
Sensors 23 09088 g003
Figure 4. Illustrative representation of message passing within a hand tree structure.
Figure 4. Illustrative representation of message passing within a hand tree structure.
Sensors 23 09088 g004
Figure 5. PCK evaluation for performance comparison: proposed model against existing models [12,16,33]. (a) Test; (b) Validation.
Figure 5. PCK evaluation for performance comparison: proposed model against existing models [12,16,33]. (a) Test; (b) Validation.
Sensors 23 09088 g005
Figure 6. Visualizing the performance of SDFPoseGraphNet: random image analysis.
Figure 6. Visualizing the performance of SDFPoseGraphNet: random image analysis.
Sensors 23 09088 g006
Figure 7. Illustrative comparison of 2D HPE: (a) Ground truth; (b) Ours; (c) CDGCN [16]; and (d) AGMN [33].
Figure 7. Illustrative comparison of 2D HPE: (a) Ground truth; (b) Ours; (c) CDGCN [16]; and (d) AGMN [33].
Sensors 23 09088 g007
Figure 8. (a) PCK comparison of the First Inference Module (FIM) with and without the integration of the SA module; (b) PCK comparison of FIM with preprocessed data (PD) and original data.
Figure 8. (a) PCK comparison of the First Inference Module (FIM) with and without the integration of the SA module; (b) PCK comparison of FIM with preprocessed data (PD) and original data.
Sensors 23 09088 g008
Figure 9. (a) Original image (b) Preprocessed image.
Figure 9. (a) Original image (b) Preprocessed image.
Sensors 23 09088 g009
Table 1. Distribution of data.
Table 1. Distribution of data.
DatasetTrainingValidationTesting
CMU Panoptic11,85314821482
Table 2. SDFPoseGraphNet performance in comparison with previous state-of-the-art models.
Table 2. SDFPoseGraphNet performance in comparison with previous state-of-the-art models.
Threshold σ 0.010.020.030.040.050.060.070.080.090.10Average
CPM [12]22.8858.1073.4880.4584.2786.8888.9190.4291.6192.6176.96
AGMN [33]23.9060.2676.2183.7087.7090.2791.9793.2394.3095.2079.67
CDGCN [16]25.6063.7778.9085.5289.3091.5393.1294.3395.3396.0281.34
SDFPose GraphNet27.1166.1281.1087.3490.6292.7394.1995.2196.0796.7982.73
Table 3. Comprehensive breakdown of numerical results: module-wise performance analysis.
Table 3. Comprehensive breakdown of numerical results: module-wise performance analysis.
Threshold σ 0.010.020.030.040.050.060.070.080.090.10
FIM24.2861.2176.6383.5587.3689.9091.6493.0394.0894.97
SIM24.8562.2578.1885.4789.3391.6093.1794.4195.5096.26
SDFPose GraphNet27.1166.1281.1087.3490.6292.7394.1995.2196.0796.79
Table 4. Comparative performance evaluation of FIM with and without SA integration.
Table 4. Comparative performance evaluation of FIM with and without SA integration.
Threshold σ 0.010.020.030.040.050.060.070.080.090.10
FIM22.8858.1073.4880.4584.2786.8888.9190.4291.6192.61
FIM with SA24.2861.2176.6383.5587.3689.9091.6493.0394.0894.97
Table 5. Module performance comparison with integrated extra feature extraction layers.
Table 5. Module performance comparison with integrated extra feature extraction layers.
Threshold σ 0.010.020.030.040.050.060.070.080.090.10
FIM24.5360.8275.8482.7286.4789.0790.9892.4293.5294.44
SIM23.8560.1176.2183.6887.8790.5292.4493.8494.8595.63
SDFPose GraphNet26.2564.2279.4485.9389.4191.7493.3094.5195.4296.22
Table 6. Comparative performance metrics of the enhanced model with preprocessed data and additional feature layers.
Table 6. Comparative performance metrics of the enhanced model with preprocessed data and additional feature layers.
Threshold σ 0.010.020.030.040.050.060.070.080.090.10
FIM25.4361.3075.3081.4885.0287.5689.4590.8091.9692.97
SIM23.9760.2676.0383.2987.2189.8691.8493.1494.2194.99
SDFPose GraphNet26.7563.5777.0183.1386.9189.5291.2892.7293.9694.79
Table 7. Comparative analysis of model performance with preprocessed data and SA integration.
Table 7. Comparative analysis of model performance with preprocessed data and SA integration.
Threshold σ 0.010.020.030.040.050.060.070.080.090.10
FIM25.9062.8776.6482.7786.3388.5490.3791.6392.7993.74
SIM24.3861.6777.7184.6988.5990.9892.6993.9294.8795.71
SDFPose GraphNet26.2564.1279.0185.8989.8991.8893.1494.6795.4496.33
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

Salman, S.A.; Zakir, A.; Takahashi, H. SDFPoseGraphNet: Spatial Deep Feature Pose Graph Network for 2D Hand Pose Estimation. Sensors 2023, 23, 9088. https://doi.org/10.3390/s23229088

AMA Style

Salman SA, Zakir A, Takahashi H. SDFPoseGraphNet: Spatial Deep Feature Pose Graph Network for 2D Hand Pose Estimation. Sensors. 2023; 23(22):9088. https://doi.org/10.3390/s23229088

Chicago/Turabian Style

Salman, Sartaj Ahmed, Ali Zakir, and Hiroki Takahashi. 2023. "SDFPoseGraphNet: Spatial Deep Feature Pose Graph Network for 2D Hand Pose Estimation" Sensors 23, no. 22: 9088. https://doi.org/10.3390/s23229088

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