Next Article in Journal
Context Recognition Algorithms for Energy-Efficient Freezing-of-Gait Detection in Parkinson’s Disease
Next Article in Special Issue
TFC-GCN: Lightweight Temporal Feature Cross-Extraction Graph Convolutional Network for Skeleton-Based Action Recognition
Previous Article in Journal
The Validity and Reliability of Self-Reported Adherence to Using Offloading Treatment in People with Diabetes-Related Foot Ulcers
Previous Article in Special Issue
WiTransformer: A Novel Robust Gesture Recognition Sensing Model with WiFi
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

HPnet: Hybrid Parallel Network for Human Pose Estimation

School of Computer Science and Technology, Harbin Institute of Technology, Harbin 150001, China
*
Author to whom correspondence should be addressed.
Sensors 2023, 23(9), 4425; https://doi.org/10.3390/s23094425
Submission received: 4 April 2023 / Revised: 25 April 2023 / Accepted: 27 April 2023 / Published: 30 April 2023

Abstract

:
Hybrid models which combine the convolution and transformer model achieve impressive performance on human pose estimation. However, the existing hybrid models on human pose estimation, which typically stack self-attention modules after convolution, are prone to mutual conflict. The mutual conflict enforces one type of module to dominate over these hybrid sequential models. Consequently, the performance of higher-precision keypoints localization is not consistent with overall performance. To alleviate this mutual conflict, we developed a hybrid parallel network by parallelizing the self-attention modules and the convolution modules, which conduce to leverage the complementary capabilities effectively. The parallel network ensures that the self-attention branch tends to model the long-range dependency to enhance the semantic representation, whereas the local sensitivity of the convolution branch contributes to high-precision localization simultaneously. To further mitigate the conflict, we proposed a cross-branches attention module to gate the features generated by both branches along the channel dimension. The hybrid parallel network achieves 75.6 % and 75.4 % AP on COCO validation and test-dev sets and achieves consistent performance on both higher-precision localization and overall performance. The experiments show that our hybrid parallel network is on par with the state-of-the-art human pose estimation models.

1. Introduction

Human pose estimation methods devoted to localizing the pre-defined anatomical keypoints of the person in the still images [1,2], which is a fundamental task in the field of computer vision. It is widely applied to action recognition [3], action forecast [4], human-computer interaction [5,6], etc. Over the past years, the deep convolutional neural networks [1] have achieved impressive performance in the field of human pose estimation and become the mainstream models. Although the prevailing deep convolutional neural networks pre-trained on large ImageNet datasets are adapted as backbones for human pose estimation [7,8,9], these methods still suffer from the large variance of human pose. Due to the spatial locality of the convolutional neural network, increasing the depth of convolutional models solely is inefficient to mitigate the effect of large variances. Modeling the internal dependency of data explicitly contributes to alleviating the large variances. Moreover, the human pose is a well-defined structure and possesses strong mutual dependency on each keypoint.
To model the dependency of human pose, the transformer models [10,11], which consist of self-attention modules, are customized to explicitly model the long-range dependencies over the entire image space. The existing hybrid models [12,13] injected the self-attention module into a pure convolutional neural network to model the long-range dependency. These models conventionally stacked the self-attention modules after the convolutional neural networks, and facilitate estimating human poses even with large variances. The TransPose [12] proposed a sequential model, which stacked the self-attention blocks at the tail of the CNN-based model. The PET [13] proposed a fast sequential model with the same strategy. Although the hybrid models have achieved considerable improvement in human pose estimation, the high-precision localization is still unsatisfactory. The TransPose [12] achieved decent 1.5% improvement on A P , but only gained 0.5% on A P 75 . The reason is that hybrid sequential models leverage the dependency modeling ability of the self-attention model but lack taking advantage of the property of convolution.
According to our observation, the convolutional module is sensitive to the local pattern but ineffective in modeling long-range dependency, whereas the self-attention module tends to model long-range dependency but is detrimental to high-precision localization. The existing hybrid sequential models tend to cause mutual conflict, which amplifies the property of self-attention to dominance and suppresses convolution. Thus, the long-range dependency modeling capability is boosted by the self-attention module; nevertheless, the local sensitivity is degraded. As a result, the average precision is improved, but the A P 75 is still unsatisfied. Exploring a new structure of hybrid models is a key role to mitigate this mutual conflict and leverage both complementary capabilities.
To mitigate this mutual conflict, this paper presents a new hybrid model named Hybrid Parallel network (HPnet) to leverage the complementary capability simultaneously. In contrast to the previous hybrid sequential models, our model processes the features separately throughout the pipeline, which encourages each branch to learn internal property without interruption. Furthermore, we develop a cross-branches attention block to fusion the two types of features, while it is contributing to mitigating the semantic conflict between these two types of features. Compared to previous hybrid sequential models, our model achieves consistent improvements on overall A P and A P at a high OKS threshold.
The contributions are summarized as follows:
  • We propose a novel Hybrid Parallel network (HPnet) to localize the keypoints. The HPnet leverages the capabilities of the self-attention-based model and CNN-based model.
  • We develop a cross-branches attention block(CBA) to fusion the parallel features generated by both branches. The cross-branches attention mitigates the semantic conflict.
  • We evaluate our model on the COCO keypoints dataset, and the performance is comparable to the state-of-the-art methods.

2. Related Works

2.1. Human Pose Estimation

The convolution-neural-networks-based human pose estimation methods [1,14,15] achieved remarkable performance. The Deeppose [14] model first adopted a fully convolutional neural network to directly regress the locations of the human poses. To achieve high-precision human pose estimation, the CPM [1] predicted the confidence heatmap of human keypoints rather than the coordinates, which became the prevailing architecture in HPE. The following methods [7,8,16] transferred the backbone model pre-trained on the ImageNet and then designed a specific architecture to generate precision heatmaps of each joint. Hourglass [16] designed a multi-stage hourglass-like network to refine the confidence heatmap of the human pose. CPN [7] utilized multi-scale features and developed a refiner to produce high-precision heatmaps. HRNet [9] designed a new deep high-resolution convolutional network for heatmap-based pose estimation, which utilize the multi-scale features in each stage to maintain the resolution of features. The SimpleBaseline [8] proposed a simple but efficient encoder–decoder network to facilitate localizing keypoints. Recent research [17] revisited regression-based human pose estimation methods and proposed a more powerful flow-based loss to facilitate the keypoints regression. All the CNN-based models gradually enlarge the receptive field to model long-range relationships implicitly and tend to model the local compact relations.

2.2. Hybrid Models

In recent years, the transformer [10,11]-based models which consist of stacked self-attention blocks burst in the field of the natural language process and computer vision. Differing from the CNN, the transformer models the arbitrary range of dependencies in the source space for each layer within the model, which extends the model capacity even in the shallow model. In the NLP, the BERT [18] and GPT-2 [19] are devoted to training a large transformer in a self-supervised way, which maximizes the model capacity. In the computer vision tasks, the VIT [20] proposed the vision transformer for image classification and transfer to pre-text vision task, and the PIT [21] is devoted to building a common architecture for low-level image process. For human pose estimation, the hybrid models [12,22,23,24,25,26] adapted a transformer into a convolution neural network architecture to boost the semantic representation. SwinPose [25] adopted the swin-transformer [27] for pose estimation. ToKenPose [26] employed a standard VIT architecture to detect keypoints. These pure transformer-based models take the advantage of the large model capacity without task prior knowledge, which tends to utilize huge models to localize the keypoints accurately. The hybrid model, which combines self-attention and convolution, defines a compromise solution for human pose estimation, while it leverages the model abilities of both types of models. The TransPose [12] proposed a sequential model, which stacks the self-attention blocks at the tail of the CNN-based model. The PET [13] proposed a fast sequential model with the same strategy. The Poseur [28,29] adopted a ViT model to directly regress the human pose. However, the hybrid sequential models do not leverage the ability of both types of models effectively.

2.3. Attention Mechanism

The attention module [30] aimed to model the significance of features and mainly focused on the channel dimension and spatial dimension. The SEnet [31] developed channel-wise attention to enhance the representative features. The Fcanet [32] extended the channel attention into multiple frequency domains. The CBAM [33] adopted spatial attention to filter unimportant regions. The PSANet [34] proposed bi-direction spatial attention to relax the local neighbor constraint. The STAT [35] adopted spatial-temporal attention to further catch the significant regions in the video. For multi-branches models [36,37,38,39,40], these methods facilitated the feature aggregation with simple addition. The PATN [4] proposed element-wise attention to fuse features generated by the dual path network. The mechanism of feature aggregation of a different branch of the network is still unclear, and the previous works generally utilized the trivial addition to fusion.

3. Method

3.1. Overall Framework

The goal of this paper is to present a paradigm to construct a hybrid parallel network, which typically involves self-attention blocks and variant CNN-based blocks. Differing from the hybrid sequential models such as Transpose [12] which stack the self-attention blocks after the CNN-based blocks, we adopted a parallel strategy to construct the model. Inspired by ResNet [41], the hybrid parallel network consists of three parallel blocks, and each block inherits the same structure.
As illustrated in Figure 1, we proposed a Hybrid Parallel network (HPnet), which consists of a CNN-based shallow feature extractor and multiple parallel blocks. Each parallel block consists of three elements: the self-attention branch which models the arbitrary range dependency, the convolution branch which models the local dependency gradually, and the fusion block which aggregates different ranges of dependencies. Compared to the SimpleBaseline [8], we adopt the self-attention branch as a parallel branch and a fusion module to aggregate both features. The convolution branch is following the conventional ResNet [41], and the head for pose heatmaps is the same as the SimpleBaseline [8]. Differing from the transPose [12], we enforce the self-attention branch to learn complementary features rather than modeling one type of dependency in the sequential model.
For convenience, we use X t to represent the features generated by the self-attention branch, X r to represent the features generated by the convolution branch and X f to represent the aggregated features.

3.2. The Parallel Branches

The self-attention branch and the convolutional branch are separated and transform the features independently. To learn multi-scale features, the down-sampling module in each module is adapted to downscale the features, which is a bottle-neck residual block with s t r i d e = 2 .
This self-attention branch consists of a down-sampling module and multiple self-attention modules, which are adopted from the standard transformer encoder [10]. Due to the high computational cost of the self-attention module, the down-sampling block is adopted to downscale the features to alleviate this cost. Moreover, this block also aligns the channel dimensions of the features with the convolutional branches. As shown in Figure 2, the down-sampling module is a pre-activate residual block, which consists of three convolution operators and the stride of the second convolution operator is set to 2. To model the long-range dependency, the following self-attention module, which consists of a multi-head self-attention module and a feedforward network, is adopted to calculate the global similarity and incorporate the semantic information of the entire spatial dimension of features. In addition, the self-attention module computes the dependency of each feature, which also reveals the structure relation of the human pose in this task.
Given an input 2D spatial feature X f R C × H × W , the down-sampling module generates a new feature X t R c × h × w , and h = H / r , w = W / r . Here, we set r = 2 for each parallel block. As the input of the self-attention block is a 1D spatial feature, we flatten the feature into the 1D form X t R c × h w . The self-attention module first generates the three features as query Q, key K, and value V, and then feeds into a multi-head self-attention block formulated as:
X t = X t + MHSA Q , K , V
X t = X t + FFN LN X t
The MHSA is a multi-head self-attention module, LN is a layerNorm operator, and the FFN is two layers perception. The final unflatten operator transforms the feature into X t R c × h × w . The MHSA mainly models the global similarity, which concatenates several self-attention of the different subspace of features. The self-attention operator is formulated as:
X t = softmax Q K T d k V
The self-attention branch generated the features, which possess long-range semantic information. This information promotes the semantic representation of each feature and improves the recall of the human pose. However, the process of generating global similarity in the self-attention module discards the spatial relations, resulting in local structural insensitiveness. Therefore, a convolutional branch is utilized to mitigate the insensitiveness.

3.3. The Convolutional Branch

To generate locally sensitive features, we modify a ResNet-like convolutional block and plugin multiple blocks into each convolutional branch. As illustrated in Figure 1, we divide the classic ResNet [41] into a plain convolutional stage and four residual convolutional stages. In this paper, the last 3 stages are modified into HPnet and the remaining stages are treated as the feature extractor. Thus, the convolutional branch consists of a down-sampling ResBlock with s t r i d e = 2 and a fixed number of ResBlock with s t r i d e = 1 illustrated in Figure 3. Given the input feature X f R C × H × W , the module encodes the feature into X r R c × h × w . The number of blocks in each stage is following the original ResNet.

3.4. The Cross-Branches Attention

The parallel branches generate two types of features, while the features imply distinctive inherent modalities of dependency. The convolutional branch progressively enlarges the receptive field, meanwhile, it is sensitive to the location. As a result of these properties, the feature X r generated by the convolutional branch captures the local structure, which facilitates estimating human pose accurately. On the contrary, the self-attention branch establishes the global dependency by enumerating the entire spatial location of feature space, thus it is insensitive to the local structure. Even the positional encoding is injected to overcome this weakness, the self-attention branch is still unsatisfied with the high-precision location. Therefore, fusing these two types of features leverages complementary properties.
Although the parallel strategy avoids the dominance of one type of feature compared to the sequential model, the mutual conflict still remains by simply adding these features. The addition treats these features as consistent features, which disrupts the internal properties of these two features. To mitigate the conflict, we design a cross-branches attention module, which constructs two soft-gated functions to monitor the features. In general, the cross-branches attention module is formulated as:
X f = G t X t + G r X r
The key role of this module is to determine the way to generate the gated value G . To define this attention module [34,35,42], we first explore the dimension of the gate and then investigate the features to generate the gate value. The existing spatial attention [33] generates a gated value for each location, which implies the different importance of each location for the task. By contrast, the channel attention [31] produces a gated value for each channel, which means the different channels of the features tend to represent one specific semantic information, and each type of semantic information is supported by a variant range of dependencies. Thus, the channel-wise gated function is adopted to fusion different ranges of dependencies.
In the existing dual path methods [4], the feature to generate the gate value for one path is from another path, which generally fuses the multi-modality data. Differing from these methods, our model aggregates the features generated from one modality with different properties. This way induces a mutual fusion rather than a complementary fusion. To establish a complementary fusion module, we develop a cross-branches module.
As shown in Figure 4, the gated module consists of five basic operators. The features are down-sampled to X g R C × 1 × 1 with a global average pooling operator, and then with a two layers perception to boost the feature representation.
G = sigmoid ( MLP ( X g ) )
Finally, we adopt the sigmoid function to map the value of features to ( 0 ,   1 ) . Both features are gated by the corresponding gated value and then added together. The cross-branches attention module generates aggregated features, that are fed into the next stage.
In the three stages of parallel modules, the resolution of features is downscaled to 1 / 32 of the original input image. Following the SimpleBaseline, we utilize a three-layer transpose convolutional operator as the output head to upsample the feature heatmaps to 1 / 4 , which facilitates the high resolution of the output confidence map.

3.5. Loss

The hybrid parallel net generates the heatmap of the human pose, and we adopt a joint MSE loss to end-to-end train this model. Given the target heatmap H , our model generates the heatmap H ^ to predict. The loss is formulated as:
L = 1 K H W k h w I k ( H ^ k h w H k h w ) 2
Here, the K is the number of joints, and I k means the visibility of each joint. This conventional heatmap loss leads to a competitive performance without any hyper-parameters.

4. Experiments

We conduct experiments on the COCO [43] person keypoints dataset and MPII [44] to evaluate the effectiveness of the HPnet. To verify the effectiveness of our method, we first compare the proposed HPnet to the sota methods and then conduct ablation studies on the self-attention branch and the cross-branches attention module.

4.1. Experimental Setup

4.1.1. Datasets

COCO [43] is the most typical common dataset for human pose estimation. The COCO keypoints challenge dataset consists of 118k training images and 41k testing images, and 5k valid images. The training set consists of 100k individuals annotated with 17 keypoints, which include 5 facial landmarks and 12 body joints. We train the proposed HPnet on the train set and utilize average precision on OKS metric to evaluate it on the validation set and test-dev set.
MPII [44] is conventional dataset for human pose estimation. Differing from the COCO dataset, the configuration of the human pose is 16 joints without facial landmarks. The dataset contains almost 15k images and 40k annotated human instances. The training set consists of 15k images and 22k individuals and the validation set contains 2729 images and 2958 persons. The PCKh metric is adopted to evaluate the performance of our HPnet on the MPII dataset.

4.1.2. Evaluation Metrics

Object Keypoints Similarity (OKS) [43] is a standard metric to evaluate the keypoints distance of human instances on the COCO dataset. For each human instance, the O K S is calculated by:
O K S = i exp d i 2 / 2 S 2 σ i 2 δ ( v i > 0 ) i δ ( v i > 0 ) .
Here, d i is the distance between the ground-truth keypoint and matched detected keypoints, and S is the segmentation area of this human instance. For controlling the fall-off threshold of each keypoint, the σ i is set to measure reweight of the distance.
We utilize the mean average precision (AP) for all instances over 10 O K S thresholds to verify the performance, and we also use the average precision over different O K S thresholds and different person scales to verify the effectiveness of the proposed method. The AP50 represents the percentage of keypoints in which O K S is less than 0.5 , and the AP75 means that O K S is less than 0.75 . The COCO dataset defines the scale of human instances according to the area of the bounding box of human instance; thus, we also adopt the mean average precision for all median human instances (AP(M)) and all large human instances (AP(L)) to further evaluate the performance of the proposed method.
PCKh [44] is percentage of correct keypoints under matching threshold as 50% of the head segment length. The PCKh is modified from PCK [45] and to alleviate the drawback of PCP [46] metric. For each person, the PCKh is calculated by:
P C K h = i δ ( v i > 0 ) δ d i > 0.5 · σ · ζ i δ ( v i > 0 ) .
Here, the σ is scale bias for the MPII dataset, which is 0.6 . The ζ is the diagonal length of the bounding box of the corresponding human head. We also calculate the PCKh of each type of keypoint to inspect the performance of our model.

4.1.3. Implement Detail

The model is implemented based on the open-source toolbox MMPose [47]. For both COCO and MPII, we train the HPnet with Adam optimizer, and the learning rate is set to 1 × 10 4 . We adopt a multi-step learning rate schedule to decrease the LR at { 170 , 200 } , and the total epoch to train the HPnet is set to 210. The train and test data augmentation is following the routine. For the COCO dataset, our models are trained on a host with 8 Nvidia RTX 2080 Ti GPUs, and each training process costs from 20 h for res50 with 256 × 192 input resolution to 90 h for res152 with 256 × 192 input resolution. For the MPII dataset, we train our models on 4 GPUs, and each training costs 21 h for 256 × 256 and 41 h for 384 × 384 with res152.
We conduct our model at different input image scales 256 × 192 and 384 × 288 on the COCO dataset, 256 × 256 and 384 × 384 on the MPII dataset. In the self-attention block, we set the dropout ratio as 0.1 , and use the ReLU activation function. The number of heads in MHSA is set to 8. The keypoints head follows the SimpleBaseline head and adopts three deconvolutions with s t r i d e = 2 . The resolution of the output heatmap is 1 / 4 of the input image size.
Following the conventional setting [47], we adopt the same person detector [9] to generate the bounding box of each person instance across all COCO validation and test-dev sets. The person detection AP on the validation set is 56 % , and 60.9 % on the test-dev set. For the MPII dataset, we use the ground truth bounding box to evaluate all the methods.

4.2. Results on Coco Keypoint Detection Task

We compare our HPnet with the state-of-the-art methods on the bath valid set and test-dev set of the COCO dataset. The performance of our model is comparable to other state-of-the-art methods.
As shown in Table 1, compared to the SimpleBaseline [8] method, our HPnet obtains almost 2.4–1.3% improvement with the same convolution branch. These results indicate that the self-attention branch and fusion module in our HPnet is reasonable. Compared to the TransPose [12], our HPnet obtains the 1.1 % improvement with the same convolution branch and the same number of self-attention modules. The input resolution of each self-attention module is still 1 / 8 of input image size in the TranPose [12]. However, the input resolution of each self-attention module is gradually decreasing from 1 / 8 to 1 / 32 in the different stages of our HPnet. This result shows that the parallel model outperforms the sequential model in this scenario. As shown in Table 2, we conduct experiments on the test-dev set to verify the effectiveness of our HPnet, and the results show that our model is comparable to other state-of-the-art models.

4.3. Results on MPII Dataset

We also conduct experiments on the MPII validation set to further verify the effectiveness of our HPnet. The HPnet still achieves the competitive performance of PCKh on the MPII dataset.
As shown in Table 3, our HPnet achieves overall 91.8 % of PCKh on the validation set, which surpasses the TokenPose [26] and HRNet [9]. Especially on the elbows and ankles, our model achieves almost 2–3% improvement.
To investigate the high-precision localization, we evaluate our method under different matching thresholds P C K h @ [ 0.0 ,   0.5 ] to further verify the performance of our HPnet. The P C K h @ [ 0.0 ,   0.5 ] means that we normalized the distance of predicted keypoints and ground truth with different ratios of head size and calculate the percentage of correct keypoints.
As illustrated in Figure 5, our HPnet surpasses the previous state-of-the-art methods. Especially, our HPnet achieves distinct improvement under the small matching threshold with 384 input resolution.

4.4. Ablation Study

4.4.1. Effectiveness of the Self-Attention Branch

Compared to vanilla ResNet-based pose estimation models such as SimpleBaseline [8], the HPnet introduces the self-attention branch. In this section, we conduct ablation experiments on the configuration of the self-attention branch without any cross-branches attention modules. For convenience, we utilize the three numbers i j k to represent the number of self-attention blocks in each stage.
As shown in Table 4, the base ResNet50 model only achieves 71.6 % AP. The AP slightly improved with one self-attention block in the last stage, whereas the AP75 fractionally declined. This shows that the conflict between the two types of dependencies corrupts the localized precision, which means the self-attention branch conduces to modeling semantic information rather than finely localization. The results also show that the resolution of the self-attention block is proportional to the AP improvement, and the model achieves 1 % improvement while plugging one self-attention branch in the first stage.

4.4.2. Effectiveness of the Cross-Branches Attention

For the initial setting, the model briefly element-wise sums the two types of features together, and the conflict corrupts the performance in the jitter. We develop the cross-branches attention module to mitigate small localized errors.
As shown in Table 5, we develop four extra-type fusion blocks for comparison. The m-* attentions are mutual attentions that generate a gated value to regulate the opposite branch, which is shown in Figure 4. The *-spatial attentions are spatial attentions which predict a g R 1 × H × W to gate the feature in all pixel locations. The concat concatenates both features and transforms the feature with a 1 × 1 convolution. The self-channel cross-branches attention obtains superior performance rather than others, especially in AP75. The proposed fusion block alleviates the degradation of high-precision localization when the self-attention blocks are plugged into the model.
Further experiments on the deeper models and large resolution of input images show that the cross-branches attention obtains impressive AP75 improvement. As shown in Table 6, the res101-based HPnet achieves almost 2% improvement under the AP75 protocol with the 384 × 288 input image size. Even if the res152-based HPet, the AP75 still increases 1%.
We also visualize the amplitude of features to further verify the effectiveness of the cross-branches block. As illustrated in Figure 6, the transmap represents the feature generated by the self-attention branch, and the transAtt is the gated value generated by the G t . After being gated, the response map alters to complementary to the convolution branch. The convolution branch still focuses on the person instance even is followed by a gated function. Thus, the proposed HPnet drives each branch to learn complementary information rather than conflicting information.

4.4.3. Hyperpramameter Tuning

Position embedding plays an important role in the transformer, and we also verify the effectiveness of position embedding. As shown in Table 7, the AP drops counter-intuitively if we add the position embedding in the self-attention block. The reason is that the convolution branch of HPnet models position-sensitive information, and injecting position embedding into the self-attention branch causes conflict with the other convolutional branch.
We add more self-attention blocks in the self-attention branch to conclude the saturated number of self-attention blocks for the human pose performance. However, if we add two self-attention blocks in stage 2, the Table 8 shows that more blocks slightly decrease the AP. The reason is that the convolutional branch is pre-trained on ImageNet, and the self-attention block is trained from scratch. Due to the gated function in the cross-attention module, the self-attention blocks are hard to train adequately.
We also conduct the dark heatmap decoding method as shown in Table 9. Our HPnet is compatible with the dark method. Our model achieves 0.5 % improvement by replacing the conventional Gaussian heatmap with the dark method directly.
We also show the estimated poses of examples on the COCO validation set in Figure 7.

5. Discussion

5.1. Performance at Each Type of Joint

We plot the PCKh at [ 0.0 ,   0.5 ] at each type of keypoint to inspect our model. As illustrated in Figure 8, our HPnet surpasses the previous methods on the overall PCKh and PCKH at each type of joint. Especially, our HPnet achieves considerable improvement on the challenging joints—wrist and ankle. The reason is that the hybrid parallel net applies the self-attention module to boost the semantic representation of joints that are away from the torso and possess large variations. We apply high-resolution input images to estimate human poses and attain decent improvement on high-precision localization under lower matching thresholds. We also realize that employing high-resolution features to estimate the human pose only achieves negligible improvement on PCKh@0.5. The reason is that the matching threshold 0.5 covers most instances except the extreme cases which are failed to detect even applying higher resolution.

5.2. Location Errors Analysis

We utilize the tool [50] to diagnose the location error of keypoints estimated by our HPnet on the COCO dataset. The Good predicted keypoints are which the OKS is greater than 0.85 with matched ground-truth keypoints. The overall inaccurate predicted keypoints are divided into four types: Jitter is that the 0.5 < = o k s < 0.85 ; the Inversion is that the OKS is greater than 0.5 with mismatched keypoints; and the Swap means mismatched human instance. The Miss means OKS is less than 0.5 with all keypoints in this image.
As shown in Figure 9, even though our method mitigates the errors and achieves comparable performance with the other sota methods, our model still suffers from the Jitter error. The reasons are that the resolution of the input image is still limited by the computational complexity, and the representation of the human pose is the vanilla Gaussian heatmap. A higher-resolution heatmap or well-designed representation of the human pose may further alleviate the Jitter errors.
From the pie chart of each type of error, we observe that the distributions of Inversion and Swap error on each keypoint are inconsistent with the other two types. The Miss and Jitter are balanced to each keypoint, but the Inversion and Swap are various. The lower body of the human pose is distinguished from the upper body by Inversion, which means the hips, knees, and ankles are easier to match other keypoints. One reason is that the legs overlap each other frequently in this dataset. Differing from the Inversion, the shoulders are easier to swap to other instances, one reason is occlusion by other human instances. In addition, the precision of the bounding boxes generated by the person detector is the key role to mitigate the errors.

5.3. Failure Cases Analysis

We also show some failure cases in COCO validation set by our HPnet, and we summarize the cases into four types according to the diagnosis tool [50].
As shown in Figure 10a, the bounding box of the human instance is partially occluded by other human instances, which may confuse the model with the corresponding part of this human instance, because the heatmap-based models generate the location of each joint by extracting the top one response of each heatmap. Although the bounding box injects visible parts of other human instances, the estimated pose of this human may be disturbed by neighbor human instances.
The Figure 10b and d show that the small and blurred instances of human instances are still the main factor to degrade the performance of human pose estimation. The small instance indicates that the details around the joints are lost; thus, accurately localizing the joints is unfeasible. In addition, the small blurred person lost the distinctness of each joint; thus, the inversion error of this scenario is inevitable.
Our HPnet still suffers from the crowding scenario as illustrated in Figure 10c. The Swap error shows that the pose of the occluded human instance is corrupted by the front human instance. The proposed method has to infer the invisible joint without any appearance information of this joint, and it is reasonable that the localization is inaccurate.

6. Conclusions

In this paper, we propose a Hybrid Parallel network (HPnet) to parallelize the self-attention and convolution, and a cross-branches attention block to fusion the two types of features. Our Hybrid Parallel network mitigates the mutual conflict while the HPnet leverages the complementary capabilities of convolutional modules and self-attention modules for human pose estimation. We conduct experiments on both COCO and MPII datasets to demonstrate the effectiveness of the proposed HPnet, and the extended experiments verify the effectiveness of the cross-branches attention module. In addition, the hybrid parallel model is suitable for high-precision localization vision tasks on account of the complementary capability inherited by the self-attention module and the convolution module. In the future, we will further investigate the main issues to degrade the performance of the human pose estimation model, e.g., the small person, occlusion etc., and leverage the large model and structure information of human pose to achieve higher-precision keypoints localization.

Author Contributions

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

Funding

This work is supported by the National Key R&D Program of China (No. 2021ZD0110901).

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

The data presented in this study are available on request from the corresponding author.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Wei, S.E.; Ramakrishna, V.; Kanade, T.; Sheikh, Y. Convolutional Pose Machines. In Proceedings of the 2016 IEEE Conference on Computer Vision and Pattern Recognition, CVPR 2016, Las Vegas, NV, USA, 27–30 June 2016; pp. 4724–4732. [Google Scholar]
  2. Papandreou, G.; Zhu, T.; Kanazawa, N.; Toshev, A.; Tompson, J.; Bregler, C.; Murphy, K. Towards Accurate Multi-person Pose Estimation in the Wild. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, CVPR 2017, Honolulu, HI, USA, 21–26 July 2017; pp. 3711–3719. [Google Scholar]
  3. Li, M.; Chen, S.; Chen, X.; Zhang, Y.; Wang, Y.; Tian, Q. Actional-Structural Graph Convolutional Networks for Skeleton-based Action Recognition. In Proceedings of the Conference on Computer Vision and Pattern Recognition, CVPR 2019, Long Beach, CA, USA, 16–20 June 2019; pp. 3595–3603. [Google Scholar]
  4. Zhu, Z.; Huang, T.; Xu, M.; Shi, B.; Cheng, W.; Bai, X. Progressive and aligned pose attention transfer for person image generation. IEEE Trans. Pattern Anal. Mach. Intell. 2021, 44, 4306–4320. [Google Scholar] [CrossRef] [PubMed]
  5. Lee, H.Y.; Yang, X.; Liu, M.Y.; Wang, T.C.; Lu, Y.D.; Yang, M.H.; Kautz, J. Dancing to Music. In Proceedings of the Advances in Neural Information Processing Systems 32: Annual Conference on Neural Information Processing Systems 2019, NeurIPS 2019, Vancouver, BC, Canada, 8–14 December 2019; pp. 3581–3591. [Google Scholar]
  6. Hou, Y.; Yao, H.; Sun, X.; Li, H. Soul Dancer: Emotion-Based Human Action Generation. ACM Trans. Multimed. Comput. Commun. Appl. 2020, 15, 99:1–99:19. [Google Scholar] [CrossRef]
  7. Chen, Y.; Wang, Z.; Peng, Y.; Zhang, Z.; Yu, G.; Sun, J. Cascaded Pyramid Network for Multi-Person Pose Estimation. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, CVPR 2018, Salt Lake City, UT, USA, 18–22 June 2018; pp. 7103–7112. [Google Scholar]
  8. Xiao, B.; Wu, H.; Wei, Y. Simple Baselines for Human Pose Estimation and Tracking. In Proceedings of the Computer Vision—ECCV 2018—15th European Conference, Munich, Germany, 8–14 September 2018; Proceedings, Part VI. pp. 472–487. [Google Scholar]
  9. Sun, K.; Xiao, B.; Liu, D.; Wang, J. Deep High-Resolution Representation Learning for Human Pose Estimation. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, CVPR 2019, Long Beach, CA, USA, 16–20 June 2019; pp. 5693–5703. [Google Scholar]
  10. Vaswani, A.; Shazeer, N.; Parmar, N.; Uszkoreit, J.; Jones, L.; Gomez, A.N.; Kaiser, L.; Polosukhin, I. Attention Is All You Need. In Proceedings of the Advances in Neural Information Processing Systems 30: Annual Conference on Neural Information Processing Systems 2017, Long Beach, CA, USA, 4–9 December 2017; pp. 6000–6010. [Google Scholar]
  11. Wang, X.; Girshick, R.; Gupta, A.; He, K. Non-Local Neural Networks. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–23 June 2018; pp. 7794–7803. [Google Scholar]
  12. Jiang, W.; Jin, S.; Liu, W.; Qian, C.; Luo, P.; Liu, S. PoseTrans: A Simple Yet Effective Pose Transformation Augmentation for Human Pose Estimation. In Proceedings of the Computer Vision–ECCV 2022: 17th European Conference, Tel Aviv, Israel, 23–27 October 2022; Proceedings, Part V. pp. 643–659. [Google Scholar]
  13. Wang, D.; Xie, W.; Cai, Y.; Liu, X. A Fast and Effective Transformer for Human Pose Estimation. IEEE Signal Process. Lett. 2022, 29, 992–996. [Google Scholar] [CrossRef]
  14. Toshev, A.; Szegedy, C. DeepPose: Human Pose Estimation via Deep Neural Networks. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Columbus, OH, USA, 23–28 June 2014; pp. 1653–1660. [Google Scholar] [CrossRef]
  15. Chu, X.; Yang, W.; Ouyang, W.; Ma, C.; Yuille, A.L.; Wang, X. Multi-context Attention for Human Pose Estimation. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Honolulu, HI, USA, 21–26 July 2017; pp. 5669–5678. [Google Scholar] [CrossRef]
  16. Newell, A.; Yang, K.; Deng, J. Stacked Hourglass Networks for Human Pose Estimation. In Proceedings of the Computer Vision—ECCV 2016—14th European Conference, Amsterdam, The Netherlands, 11–14 October 2016; Proceedings, Part VIII. pp. 483–499. [Google Scholar]
  17. Li, J.; Bian, S.; Zeng, A.; Wang, C.; Pang, B.; Liu, W.; Lu, C. Human pose regression with residual log-likelihood estimation. In Proceedings of the IEEE/CVF International Conference on Computer Vision, Montreal, BC, Canada, 11–17 October 2021; pp. 11025–11034. [Google Scholar]
  18. Devlin, J.; Chang, M.W.; Lee, K.; Toutanova, K. BERT: Pre-training of Deep Bidirectional Transformers for Language Understanding. In Proceedings of the 2019 Conference of the North American Chapter of the Association for Computational Linguistics: Human Language Technologies, Volume 1, NAACL-HLT 2019, Minneapolis, MN, USA, 2–7 June 2019; pp. 4171–4186. [Google Scholar]
  19. Radford, A.; Wu, J.; Child, R.; Luan, D.; Amodei, D.; Sutskever, I. Language models are unsupervised multitask learners. OpenAI Blog 2019, 1, 9. [Google Scholar]
  20. Dosovitskiy, A.; Beyer, L.; Kolesnikov, A.; Weissenborn, D.; Zhai, X.; Unterthiner, T.; Dehghani, M.; Minderer, M.; Heigold, G.; Gelly, S.; et al. An Image Is Worth 16 × 16 Words: Transformers for Image Recognition at Scale. In Proceedings of the 9th International Conference on Learning Representations, ICLR 2021, Virtual Event, Austria, 3–7 May 2021. [Google Scholar]
  21. Chen, H.; Wang, Y.; Guo, T.; Xu, C.; Deng, Y.; Liu, Z.; Ma, S.; Xu, C.; Xu, C.; Gao, W. Pre-Trained Image Processing Transformer. arXiv 2020, arXiv:2012.00364. [Google Scholar]
  22. Lin, K.; Wang, L.; Liu, Z. End-to-End Human Pose and Mesh Reconstruction with Transformers. In Proceedings of the 2021 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Virtual, 19–25 June 2021; pp. 1954–1963. [Google Scholar]
  23. Zheng, C.; Zhu, S.; Mendieta, M.; Yang, T.; Chen, C.; Ding, Z. 3D Human Pose Estimation with Spatial and Temporal Transformers. In Proceedings of the 2021 IEEE/CVF International Conference on Computer Vision (ICCV), Montreal, BC, Canada, 11–17 October 2021; pp. 11636–11645. [Google Scholar]
  24. Stoffl, L.; Vidal, M.; Mathis, A. End-to-End Trainable Multi-Instance Pose Estimation with Transformers. In Proceedings of the 5th IEEE International Conference on Multimedia Information Processing and Retrieval, MIPR 2022, Virtual Event, 2–4 August 2022; pp. 228–233. [Google Scholar]
  25. Xiong, Z.; Wang, C.; Li, Y.; Luo, Y.; Cao, Y. Swin-Pose: Swin Transformer Based Human Pose Estimation. arXiv 2022, arXiv:2201.07384. [Google Scholar]
  26. Li, Y.; Zhang, S.; Wang, Z.; Yang, S.; Yang, W.; Xia, S.T.; Zhou, E. TokenPose: Learning Keypoint Tokens for Human Pose Estimation. In Proceedings of the IEEE/CVF International Conference on Computer Vision, Montreal, BC, Canada, 11–17 October 2021; pp. 11313–11322. [Google Scholar]
  27. Liu, Z.; Lin, Y.; Cao, Y.; Hu, H.; Wei, Y.; Zhang, Z.; Lin, S.; Guo, B. Swin Transformer: Hierarchical Vision Transformer Using Shifted Windows. arXiv 2021, arXiv:2103.14030. [Google Scholar]
  28. Mao, W.; Ge, Y.; Shen, C.; Tian, Z.; Wang, X.; Wang, Z.; den Hengel, A.v. Poseur: Direct Human Pose Regression with Transformers. In Proceedings of the Computer Vision–ECCV 2022: 17th European Conference, Tel Aviv, Israel, 23–27 October 2022; pp. 72–88. [Google Scholar]
  29. Chen, H.; Jiang, X.; Dai, Y. Shift Pose: A Lightweight Transformer-like Neural Network for Human Pose Estimation. Sensors 2022, 22, 7264. [Google Scholar] [CrossRef] [PubMed]
  30. Guo, M.H.; Xu, T.X.; Liu, J.J.; Liu, Z.N.; Jiang, P.T.; Mu, T.J.; Zhang, S.H.; Martin, R.R.; Cheng, M.M.; Hu, S.M. Attention mechanisms in computer vision: A survey. Comput. Vis. Media 2022, 8, 331–368. [Google Scholar] [CrossRef]
  31. Hu, J.; Shen, L.; Sun, G. Squeeze-and-excitation networks. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–22 June 2018; pp. 7132–7141. [Google Scholar]
  32. Qin, Z.; Zhang, P.; Wu, F.; Li, X. Fcanet: Frequency channel attention networks. In Proceedings of the IEEE/CVF international Conference on Computer Vision, Montreal, BC, Canada, 11–17 October 2021; pp. 783–792. [Google Scholar]
  33. Woo, S.; Park, J.; Lee, J.Y.; Kweon, I.S. Cbam: Convolutional block attention module. In Proceedings of the European Conference on Computer Vision (ECCV), Munich, Germany, 8–14 September 2018; pp. 3–19. [Google Scholar]
  34. Zhao, H.; Zhang, Y.; Liu, S.; Shi, J.; Loy, C.C.; Lin, D.; Jia, J. PSANet: Point-wise Spatial Attention Network for Scene Parsing. In Proceedings of the European Conference on Computer Vision (ECCV), Munich, Germany, 8–14 September 2018. [Google Scholar]
  35. Yan, C.; Tu, Y.; Wang, X.; Zhang, Y.; Hao, X.; Zhang, Y.; Dai, Q. STAT: Spatial-Temporal Attention Mechanism for Video Captioning. IEEE Trans. Multimed. 2020, 22, 229–241. [Google Scholar] [CrossRef]
  36. Zamir, S.W.; Arora, A.; Khan, S.; Hayat, M.; Khan, F.S.; Yang, M.H.; Shao, L. Multi-Stage Progressive Image Restoration. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Virtual, 19–25 June 2021; pp. 14821–14831. [Google Scholar]
  37. Chen, Y.; Li, J.; Xiao, H.; Jin, X.; Yan, S.; Feng, J. Dual path networks. In Proceedings of the Advances in Neural Information Processing Systems 30: Annual Conference on Neural Information Processing Systems 2017, Long Beach, CA, USA, 4–9 December 2017; pp. 4467–4475. [Google Scholar]
  38. Zheng, Z.; Zheng, L.; Garrett, M.; Yang, Y.; Xu, M.; Shen, Y.D. Dual-path convolutional image-text embeddings with instance loss. ACM Trans. Multimed. Comput. Commun. Appl. (TOMM) 2020, 16, 1–23. [Google Scholar] [CrossRef]
  39. Sun, Y.; Chen, J.; Liu, Q.; Liu, B.; Guo, G. Dual-Path Attention Network for Compressed Sensing Image Reconstruction. IEEE Trans. Image Process. 2020, 29, 9482–9495. [Google Scholar] [CrossRef] [PubMed]
  40. Jiang, K.; Wang, Z.; Yi, P.; Lu, T.; Jiang, J.; Xiong, Z. Dual-Path Deep Fusion Network for Face Image Hallucination. IEEE Trans. Neural Networks Learn. Syst. 2022, 33, 378–391. [Google Scholar] [CrossRef] [PubMed]
  41. He, K.; Zhang, X.; Ren, S.; Sun, J. Deep Residual Learning for Image Recognition. In Proceedings of the 2016 IEEE Conference on Computer Vision and Pattern Recognition, CVPR 2016, Las Vegas, NV, USA, 27–30 June 2016; pp. 770–778. [Google Scholar]
  42. Fu, J.; Liu, J.; Tian, H.; Li, Y.; Bao, Y.; Fang, Z.; Lu, H. Dual Attention Network for Scene Segmentation. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Long Beach, CA, USA, 16–20 June 2019. [Google Scholar]
  43. Lin, T.Y.; Maire, M.; Belongie, S.; Hays, J.; Perona, P.; Ramanan, D.; Dollár, P.; Zitnick, C.L. Microsoft COCO: Common Objects in Context. In Proceedings of the Computer Vision—ECCV 2014; Fleet, D., Pajdla, T., Schiele, B., Tuytelaars, T., Eds.; Springer International Publishing: Cham, Switzerland, 2014; pp. 740–755. [Google Scholar]
  44. Andriluka, M.; Pishchulin, L.; Gehler, P.; Schiele, B. 2D Human Pose Estimation: New Benchmark and State of the Art Analysis. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Columbus, OH, USA, 23–28 June 2014. [Google Scholar]
  45. Yang, Y.; Ramanan, D. Articulated Human Detection with Flexible Mixtures of Parts. IEEE Trans. Pattern Anal. Mach. Intell. 2013, 35, 2878–2890. [Google Scholar] [CrossRef] [PubMed]
  46. Ferrari, V.; Marin-Jimenez, M.; Zisserman, A. Progressive search space reduction for human pose estimation. In Proceedings of the 2008 IEEE Conference on Computer Vision and Pattern Recognition, Anchorage, AK, USA, 24–26 June 2008; pp. 1–8. [Google Scholar] [CrossRef]
  47. Contributors, M. OpenMMLab Pose Estimation Toolbox and Benchmark. Available online: https://github.com/open-mmlab/mmpose (accessed on 14 August 2020).
  48. Sun, X.; Xiao, B.; Wei, F.; Liang, S.; Wei, Y. Integral Human Pose Regression. In Proceedings of the European Conference on Computer Vision (ECCV), Munich, Germany, 8–14 September 2018; pp. 529–545. [Google Scholar]
  49. Fang, H.S.; Xie, S.; Tai, Y.W.; Lu, C. RMPE: Regional Multi-Person Pose Estimation. In Proceedings of the IEEE International Conference on Computer Vision (ICCV), Venice, Italy, 22–29 October 2017; pp. 2334–2343. [Google Scholar]
  50. Ronchi, M.R.; Perona, P. Benchmarking and Error Diagnosis in Multi-instance Pose Estimation. In Proceedings of the 2017 IEEE International Conference on Computer Vision (ICCV), Venice, Italy, 22–29 October 2017; pp. 369–378. [Google Scholar]
Figure 1. The framework of our HPnet. The HPnet consists of a CNN-based feature extractor and multiple parallel blocks. Each parallel block consists of three elements: the self-attention branch, the convolution branch, and the fusion block.
Figure 1. The framework of our HPnet. The HPnet consists of a CNN-based feature extractor and multiple parallel blocks. Each parallel block consists of three elements: the self-attention branch, the convolution branch, and the fusion block.
Sensors 23 04425 g001
Figure 2. The detail of the self-attention branch.
Figure 2. The detail of the self-attention branch.
Sensors 23 04425 g002
Figure 3. The detail of the convolutional branch.
Figure 3. The detail of the convolutional branch.
Sensors 23 04425 g003
Figure 4. The detail of different attention modules. (a) is mutual spatial-based attention, (b) is spatial-base attention, and (c) is mutual channel-based attention. The (d) is our cross-branches attention module.
Figure 4. The detail of different attention modules. (a) is mutual spatial-based attention, (b) is spatial-base attention, and (c) is mutual channel-based attention. The (d) is our cross-branches attention module.
Sensors 23 04425 g004
Figure 5. Comparisons of PCKh@[0.0, 0.5] on MPII validation set.
Figure 5. Comparisons of PCKh@[0.0, 0.5] on MPII validation set.
Sensors 23 04425 g005
Figure 6. Visualization of the amplitude of the features response and the attention values at final cross-channel attention fusion block.
Figure 6. Visualization of the amplitude of the features response and the attention values at final cross-channel attention fusion block.
Sensors 23 04425 g006
Figure 7. Visualization of human pose estimation results of our HPnet.
Figure 7. Visualization of human pose estimation results of our HPnet.
Sensors 23 04425 g007
Figure 8. Comparison of PCKh@[0.0, 0.5] on each type of joints on MPII validation set.
Figure 8. Comparison of PCKh@[0.0, 0.5] on each type of joints on MPII validation set.
Sensors 23 04425 g008
Figure 9. Overall performance of predicted human keypoints using our HPnet (ResNet-152) on COCO validation set.
Figure 9. Overall performance of predicted human keypoints using our HPnet (ResNet-152) on COCO validation set.
Sensors 23 04425 g009
Figure 10. Failure cases by our HPnet (ResNet-152) on validation set.
Figure 10. Failure cases by our HPnet (ResNet-152) on validation set.
Sensors 23 04425 g010
Table 1. Comparisons with state-of-the-art methods on COCO validation set.
Table 1. Comparisons with state-of-the-art methods on COCO validation set.
MethodResBackboneAPAP50AP75AP(M)AP(L)
SBL [8]256 × 192Res5070.488.678.367.177.2
SBL [8]384 × 288Res5072.289.378.968.179.7
SBL [8]256 × 192Res10171.489.379.368.178.1
SBL [8]384 × 288Res10173.689.680.369.981.1
SBL [8]256 × 192Res15272.089.379.868.778.9
SBL [8]384 × 288Res15274.389.681.170.581.6
TransPose-R-A3 [12]256 × 192ResNet-S71.788.978.868.078.6
TransPose-R-A4 [12]256 × 192ResNet-S72.689.179.968.879.8
TransPose-H-A3 [12]256 × 192HRNet-S-W3274.289.680.870.681.0
TransPose-H-A4 [12]256 × 192HRNet-S-W4875.390.081.871.782.1
HPnet256 × 192Res5072.890.080.965.775.2
HPnet384 × 288Res5074.890.482.067.777.9
HPnet256 × 192Res10173.390.481.466.375.7
HPnet384 × 288Res10175.190.482.067.978.0
HPnet256 × 192Res15273.790.481.766.676.3
HPnet384 × 288Res15275.690.582.768.478.6
Table 2. Comparisons with state-of-the-art methods on COCO test-dev set.
Table 2. Comparisons with state-of-the-art methods on COCO test-dev set.
MethodResAPAP50AP75AP(M)AP(L)
G-RMI [2]353 × 25764.985.571.362.370
Integral [48]256 × 25667.888.274.863.974
CPN [7]384 × 28872.191.48068.777.2
RMPE [49]320 × 25672.389.279.16878.6
HRNet-W32 [9]384 × 28874.992.582.871.380.9
HRNet-W48 [9]384 × 28875.592.583.371.981.5
TokenPose-L/D24 [26]256 × 19275.192.182.571.781.1
TokenPose-L/D24 [26]384 × 28875.992.383.472.282.1
SBL [8]384 × 28873.791.981.170.380
TransPose-H-A6 [12]256 × 19275.092.282.371.381.1
HPnet384 × 28875.492.683.271.881.2
Table 3. Comparisons of PCKh on MPII validation set.
Table 3. Comparisons of PCKh on MPII validation set.
MethodResHeadShouldersElbowsWristsHipsKneesAnklesPCKh
Hourglass [16]256 × 25696.695.689.584.788.585.381.989.4
CPM [1]368 × 36896.194.887.582.287.682.878.087.6
SBL [8]256 × 25696.995.489.484.088.084.681.189.0
HRNet-W48 [9]256 × 25697.295.790.685.689.186.982.390.1
RLE [17]256 × 25695.894.686.978.387.580.473.586.0
TokenPose-L/D24 [26]256 × 25697.195.990.48689.387.182.590.2
HPnet256 × 25697.096.792.288.091.588.785.391.8
Table 4. Ablation study on the configuration of the self-attention branch. The convolution branch is ResNet50, and the fusion module is a d d .
Table 4. Ablation study on the configuration of the self-attention branch. The convolution branch is ResNet50, and the fusion module is a d d .
ijk APAP50AP75AP(M)AP(L)
-71.689.779.864.674.2
00171.989.979.764.974.6
01072.290.080.165.074.8
10072.590.180.665.475.0
11172.590.080.265.475.1
Table 5. Ablation study on the different feature fusion modules. The convolution branch is ResNet50, and the configuration of the self-attention branch is 111.
Table 5. Ablation study on the different feature fusion modules. The convolution branch is ResNet50, and the configuration of the self-attention branch is 111.
MethodAPAP50AP75AP(M)AP(L)
concat72.389.879.965.374.8
m-spatial72.590.080.065.574.9
m-channel72.689.980.165.575.1
self-spatial72.489.880.265.275.2
CBA72.890.080.965.775.2
Table 6. Effects of the cross-branches attention on different backbones. The configuration of the self-attention branch is 111.
Table 6. Effects of the cross-branches attention on different backbones. The configuration of the self-attention branch is 111.
BackboneCBAAPAP50AP75AP(M)AP(L)
res101 73.289.880.065.876.2
-75.190.482.067.978.0
res152 74.690.181.767.477.6
-75.590.582.768.478.6
Table 7. Effect of the position embedding.
Table 7. Effect of the position embedding.
ResAPAP50AP75AP(M)AP(L)
-72.5489.9780.2465.4075.07
w/pos72.1789.8579.8165.1174.65
Table 8. Effect of more self-attention blocks.
Table 8. Effect of more self-attention blocks.
ConfigAPAP50AP75AP(M)AP(L)
11172.5489.9780.2465.4075.07
12172.4689.9480.1265.3274.92
Table 9. With dark decoding method.
Table 9. With dark decoding method.
PostAPAP50AP75AP(M)AP(L)
-75.690.582.768.478.6
Dark76.2590.9383.2069.1979.32
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, H.; Yao, H.; Hou, Y. HPnet: Hybrid Parallel Network for Human Pose Estimation. Sensors 2023, 23, 4425. https://doi.org/10.3390/s23094425

AMA Style

Li H, Yao H, Hou Y. HPnet: Hybrid Parallel Network for Human Pose Estimation. Sensors. 2023; 23(9):4425. https://doi.org/10.3390/s23094425

Chicago/Turabian Style

Li, Haoran, Hongxun Yao, and Yuxin Hou. 2023. "HPnet: Hybrid Parallel Network for Human Pose Estimation" Sensors 23, no. 9: 4425. https://doi.org/10.3390/s23094425

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