Next Article in Journal
Enhancing IoT Security through a Green and Sustainable Federated Learning Platform: Leveraging Efficient Encryption and the Quondam Signature Algorithm
Next Article in Special Issue
Soft Sensor Modeling Method for the Marine Lysozyme Fermentation Process Based on ISOA-GPR Weighted Ensemble Learning
Previous Article in Journal
Construction of a Winter Wheat Comprehensive Growth Monitoring Index Based on a Fuzzy Degree Comprehensive Evaluation Model of Multispectral UAV Data
Previous Article in Special Issue
Dynamic Lane Reversal Strategy in Intelligent Transportation Systems in Smart Cities
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

6D Object Pose Estimation Based on Cross-Modality Feature Fusion

School of Electronic Information, Xi’an Polytechnic University, Xi’an 710048, China
*
Author to whom correspondence should be addressed.
Sensors 2023, 23(19), 8088; https://doi.org/10.3390/s23198088
Submission received: 2 August 2023 / Revised: 2 September 2023 / Accepted: 4 September 2023 / Published: 26 September 2023
(This article belongs to the Special Issue Sensors and Artificial Intelligence)

Abstract

:
The 6D pose estimation using RGBD images plays a pivotal role in robotics applications. At present, after obtaining the RGB and depth modality information, most methods directly concatenate them without considering information interactions. This leads to the low accuracy of 6D pose estimation in occlusion and illumination changes. To solve this problem, we propose a new method to fuse RGB and depth modality features. Our method effectively uses individual information contained within each RGBD image modality and fully integrates cross-modality interactive information. Specifically, we transform depth images into point clouds, applying the PointNet++ network to extract point cloud features; RGB image features are extracted by CNNs and attention mechanisms are added to obtain context information within the single modality; then, we propose a cross-modality feature fusion module (CFFM) to obtain the cross-modality information, and introduce a feature contribution weight training module (CWTM) to allocate the different contributions of the two modalities to the target task. Finally, the result of 6D object pose estimation is obtained by the final cross-modality fusion feature. By enabling information interactions within and between modalities, the integration of the two modalities is maximized. Furthermore, considering the contribution of each modality enhances the overall robustness of the model. Our experiments indicate that the accuracy rate of our method on the LineMOD dataset can reach 96.9%, on average, using the ADD (-S) metric, while on the YCB-Video dataset, it can reach 94.7% using the ADD-S AUC metric and 96.5% using the ADD-S score (<2 cm) metric.

1. Introduction

The 6D object pose estimation plays a pivotal role in various domains, such as machine vision [1], augmented reality, virtual reality [2,3], motion tracking [4], and robotic grasping [5,6,7]. Vision sensors capture input images, and additive manufacturing processes are great techniques used to produce sensors [8,9]. The 6D pose estimation results are influenced by input data. When dealing with a single RGB image input [10,11], the process of estimating 6D pose heavily relies on the presence of abundant texture information. On the other hand, when utilizing a point cloud generated from depth images [12,13], it becomes crucial to have an adequate amount of geometric information. However, in complex environments, methods relying solely on modalities tend to reduce the accuracy of estimation. Therefore, the simultaneous use of both modalities is vital for 6D object pose estimation.
Many studies have considered combining information from RGB and depth image data sources. Traditional methods [1,14,15] extract descriptors from both RGB and depth images. They utilize the extracted descriptors to compute the similarities or distances between the query descriptors and reference descriptors. Finally, the data from both RGB and depth modalities are combined to determine the final pose estimation. These methods alleviate the problems associated with single-modality methods by detecting key points on low-texture objects. However, due to the limitations of manual feature extraction and fixation matching processes, it is difficult to resist occlusion with such methods.
In recent years, the rapid development of deep learning technology has sparked considerable research [16], and it is very important to extract and select features suitable for the task [17]. Many researchers have addressed this challenge through the application of convolutional neural networks (CNNs) on RGBD images. Refs. [18,19] incorporate both RGB and depth information at various stages. These methods initially predict the coarse 6D pose of the object based on the RGB image and subsequently employ the ICP algorithm with depth information to optimize the pose of the target object. They will result in more accurate pose estimation than traditional methods. However, these methods suffer from time-consuming refinement phases, preventing them from achieving real-time inference speeds [20,21]. Recently, DenseFusion [22] integrated an end-to-end iterative pose refinement process to enable real-time inference through a better fusion strategy. As shown in Figure 1a, DenseFusion extracts appearance and geometry information independently from RGBD images via a separate network. These features are then fused at the pixel level to estimate the 6D object pose. However, in the final fusion of dense features, the two modes are simply concatenated. The concatenated features may lack discriminative power, leading to inaccurate pose estimation between objects with similar appearances. This is because the separation of CNN-based feature extraction and point cloud-based feature extraction may not adequately capture the complex and complementary information from both modalities. Therefore, as shown in Figure 1b, our approach focuses on capturing information within and between modalities. Moreover, due to the quality problem of the obtained RGBD image and the complexity of the experimental environment, the contribution degree of each modality differs in the target task. Treating the contribution of each modality as the same will lead to a large error in the task of estimating the 6D pose of target objects under adverse conditions.
In this work, we propose a new end-to-end network based on 6D pose estimation using RGBD images. The network models the correlation between RGB and depth features, then the attention mechanism is used to help select salient features present in both modalities to improve the 6D pose estimation performance. The core of our method considers the information interactions within and between modalities and obtains the contribution degrees of different modalities to the target task using CWTM. We use encoders to extract features from RGB and depth images separately, adding the efficient channel attention module (ECAM) and sampling center self-attention module (CSAM) to efficiently extract modality internal information. Thus, we can obtain pixel-level multimodal features that preserve the appearance and geometric information. One modality is regarded as the primary input and the other modality is regarded as the secondary input in CFFM; thus, we can obtain the interaction information between modalities. After concatenating the features of the two modalities with interaction information, CWTM is used to obtain features with different weights. The features of individual pixel points are fed into the pose estimation network for pose prediction.
In summary, our method can efficiently fuse RGB and depth features on the extracted pixel points of the target object. Thus, our method resists heavy occlusion and achieves accurate 6D pose estimation without additional refinement. The contributions of our work can be summarized as follows:
  • A new cross-modality feature fusion method is proposed. Firstly, ECAM and CSAM are added to the feature extraction network to obtain contextual information within a single modality; secondly, CFFM is set to obtain interaction information between RGB and depth modalities so that cross-modality features can be extracted and fused efficiently at the pixel level to improve the accuracy of 6D object pose estimation;
  • CWTM is proposed to obtain the contribution degrees of different modality data of 6D pose estimation tasks for target objects. The contextual information within each pixel neighborhood is fully utilized to achieve an accurate pose without additional refinement processes;
  • Our method is evaluated on the LineMOD dataset [10] and YCB-Video dataset [23]. Better results are demonstrated on smoothed and textureless objects in the YCB-Video dataset and the LineMOD dataset.

2. Related Work

2.1. Pose Estimation Based on RGB Data

The classical LineMOD method [24] utilizes the gradient angle method to quantify and match the similarity with the template, ultimately obtaining the pose estimate of the object. While this method is fast, it does not perform well on low-texture objects. In current research, deep learning techniques are widely employed to extract object features using CNNs and directly estimate object pose. For instance, SSD-6D [25] utilizes different convolution kernels to obtain multi-scale features and employs a sliding window approach to generate classification and regression results for each pixel on the feature map. The method exhibits better detection performance on objects with rich color information. PoseCNN [23] is a method that estimates the 6D pose of an object using a single RGB image and the pose is optimized via the ICP algorithm. To handle symmetric objects, PoseCNN introduces a new loss function, which is also used in our paper. PVNet [26] is a method that performs regression on the pixel unit vectors of key points. Using these vectors, the random sample consensus (RANSAC) algorithm is applied to directly determine the key point’s location, which enhances resistance to occlusion and truncation. Ref. [27] improves the key point prediction accuracy and adds transformers for location coding. Ref. [28] incorporates a segmentation attention module; moreover, a multi-level information fusion module removes redundancy. However, due to the absence of depth information, the detection effectiveness is inferior to methods based on RGBD data.

2.2. Pose Estimation Based on Point Clouds

With the advancements made in point cloud technology [29,30], researchers [31,32] have explored converting depth maps into point clouds and extracting features or 3D bounding boxes from these point clouds in 6D object pose estimation. A recent method [33] utilized depth images for class-level 6D object attitude estimation. It leverages point cloud geometry to capture instance consistency and differences, resulting in accurate predictions for the positioning and orientation of unseen object instances. However, one limitation of this approach is that depth sensors cannot effectively capture objects with reflective surfaces. This limitation emphasizes the need to consider RGB images in object pose estimation.

2.3. Pose Estimation Based on RGBD Data

The emergence of depth sensors, like RealSense and Kinect, has enabled deep learning models to effectively utilize RGBD information for pose estimation. In [34], the colors and depths of these patches are normalized and regressed using a voting algorithm that can extend to multiple object classes. However, the depth information is considered an additional channel to the RGB channel. To achieve comprehensive integration of cross-modality information, ref. [18] employed a multi-stage approach that combined RGB and depth information. However, it is important to note that these methods have undergone a time-consuming refinement process. To solve this, ref. [22], respectively, processed RGB images and point clouds independently via CNN and PointNet architectures. To select the best prediction results, PointFusion [35] uses input 3D points as spatial anchors to predict multiple 3D box hypotheses and their confidence levels after processing the RGB and depth information separately. PVN3d [36] uses a deep network to detect the 3D key points of an object from the RGBD image and then estimates the 6D pose using a least-squares fitting manner. These methods use an end-to-end iterative pose optimization process to enable real-time inference. However, one limitation of these methods is that features do not fully interact when extracting and fusing features. As a result, the expressive power of learning representations is limited.

2.4. Summary of 6D Object Pose Estimation Methods

Table 1 classifies the above methods according to the input and research methods. Our approach is based on RGBD data and deep learning.

3. Method

3.1. Overview of Our 6D Pose Estimation Method

The goal of our network is to estimate the 6D pose of a target object from an RGBD image. Specifically, the 6D pose refers to a homogeneous transformation matrix P = [ R | t ] , which is composed of a translation transformation t R 3 and a rotation transformation R S O ( 3 ) . Since a 6D object pose is estimated from a camera image, it involves a transformation of the 3D object coordinate system to the camera coordinate system.
Figure 2 shows the overall structure of the end-to-end network estimating the 6D pose, and it is divided into five main stages. In the first stage, the input RGB and depth image are semantically segmented, so as to obtain the RGB and depth image corresponding to the target object. The second stage sends the results of the first stage to different convolutional networks to extract features, respectively. In the feature extraction process, the depth image is converted into a point cloud to obtain geometric information. We consider the contextual information between features within a single modality. In the third stage, the features outputted in the second stage are fed to CFFM to obtain the association information between cross-modal modalities, enabling better fusion of the two modalities at the pixel level. In the fourth stage, the CWTM is used to obtain the degree of contribution of each modality of the task. The degree of contribution involves the importance of the distribution probability. The distribution probabilities are obtained by taking the dot product with multimodal features. After reweighting the importance of different modality features, we obtain the new cross-modality fusion features. Finally, the cross-modality fusion features are fed into the pose prediction network to estimate the 6D object pose, and the result with the highest confidence is output.

3.2. Semantic Segmentation Module

In the first stage, we employ an aligned RGBD image obtained from a depth camera as input. Firstly, we adopt semantic segmentation on the RGB image to extract the target region. To balance efficiency and performance, we directly utilize an existing semantic segmentation network [23]. Next, based on the object bounding box derived from the RGBD image segmentation, we crop the RGB and depth images separately. In our approach, the cropped RGB and depth images serve as inputs to the network for extracting appearance and geometric features of the target object. This approach combines both appearance and geometric information, providing valuable input for the subsequent estimation of the 6D object pose.

3.3. Feature Extraction Module

In the second stage, we transform the depth information into point cloud information. The cropped depth image is converted into a 3D point cloud by the camera’s internal reference matrix. The input point cloud P = { p i = [ X i , Y i , Z i ] T R 3 | i = 1 , , N } contains N points, representing the 3D spatial coordinates of the th point in the input point cloud. The input RGB image is an image of size H × W × 3 obtained by cropping the enclosing frame of the semantic segmentation mask. Although the depth information provides additional geometric information to help solve the problem, the RGB and depth information exist in two different spaces. Therefore, how to effectively fuse the intermodal features across modalities is the key to an accurate 6D pose estimation.
We obtain features with contextual information within a single modality. Since the two information representations are different, we use CNN to extract appearance features of the RGB image and PointNet++ network to extract the geometric features of the input point cloud.

3.3.1. RGB Image Feature Extraction Network

The image feature extraction network structure consisting of ResNet152 [37] and PSPNet [38] is referred to as the image feature extraction method in [22]. The structure is shown in the image feature extraction module in Figure 2. The ResNet152 network preprocesses the RGB image, and the PSPNet network is used for multi-scale feature extraction.
To obtain the contextual information within the feature channels, we add ECAM to each bottleneck of the ResNet152 network. The commonly used channel attention mechanism is SeNet [39], whose key operations are squeeze and escape. However, it was found through research [40] that the dimensionality reduction operation affects the channel attention performance, while proper cross-channel interactions can greatly reduce the complexity of the model and maintain efficient performance. Therefore, in our method, the strategy involving no dimensionality reduction is used in the basic attentional structure.
As shown in Figure 3, the input of ECAM is X with a channel dimension of C and a size of H × W, which is the output of the last convolution block. Firstly, features are extracted by convolutional kernels of different sizes to capture local cross-channel interaction information. Therefore, the size of the convolutional kernel k represents the coverage of cross-channel interactions. And k is the number of neighbors involved in channel-specific attention prediction. Therefore, the interaction coverage needs to be determined. These researchers [41,42] use group convolution to improve the CNN architecture, where a fixed number of long-range (short-range) convolution groups for high-dimensional (low-dimensional) channels are shown to yield good results. Similarly, k is proportional to the channel dimension C. This suggests the existence of a mapping ϕ between k and C, which is expressed as follows:
C = ϕ ( k )
The exponential function in efficient channel attention is used to approximate the mapping, as shown in Equation (2). In addition, since the channel dimension is usually set to the integer power of 2, the mapping relation of Equation (3) is obtained by replacing exp ( γ × k b ) with 2 ( γ × k b ) .
C = ϕ ( k ) exp ( γ × k b )
C = ϕ ( k ) = 2 ( γ × k b )
Then, given the channel dimension, the kernel size can be adaptively determined as
k = Ψ ( C ) = log 2 ( C ) γ + b γ o d d
where m o d d represents the odd number closest to m. We, respectively, set γ and b to 2 and 1 in all experiments. Clearly, by mapping the nonlinear mapping Ψ , the high-dimensional channels have longer distance interactions, while the low-dimensional channels have shorter distance interactions.
Secondly, the attention vector is normalized using the sigmoid activation function, ensuring that the attention weights for each channel range from 0 to 1. Each channel of X is multiplied by the corresponding attention weight, achieving channel-wise feature weighting. Finally, the weighted X is used as the output of the model for further processing by subsequent layers.

3.3.2. Point Cloud Feature Extraction Network

After converting the depth image into point clouds, we use the PointNet++ network to extract the point cloud features. The PointNet++ network uses farthest point sampling (FPS) to divide the point cloud data into different sub-regions. However, due to the differences in point cloud densities in different regions and the sparseness of the sampled point cloud data, the adjacency relation in the original point cloud data is corrupted to some extent. This affects the representation of the target’s geometric feature structure. In order to solve this problem and obtain the contextual information inside the point cloud, we introduce sampling center self-attention. The sampling center self-attention module (CSAM) is concerned with the geometric relationship between sampling center points and their neighbors, and the key lies in how to reasonably encode the spatial relationships in sampling point neighborhood topology. The point cloud U = { f i | i = 1 , , n } is obtained by FPS in the PointNet++ network, where n is the number of points, f i denotes the combination of spatial coordinates and attribute features of the ith point, f i = [ p i , q i ] R 3 + d , p i = ( x i , y i , z i ) R 3 denotes the spatial coordinates of the ith point, and q i R d denotes the J-dimensional attribute features stored in the ith point cloud. Then, the K nearest neighbor (KNN) algorithm is used to obtain the K nearest neighbors of the central sampling point, and it completes the single-scale local neighborhood division of the input point set. Inspired by RandLA-Net [43], we specify the geometric relationship between the sampled centroids and their neighbors as the Euclidean measure, the direction vector, and the spatial location of each point. Thus, the feature vector is spatially encoded as
μ i k = MLP p i p i k ( p i p i k ) 2 ( p i p i k )
where k [ 0 , K ] , MLP represents multilayer perceptron, p i ( i n ) and p i k , respectively, represent the spatial coordinates of the center point and the neighboring points, ⊕ denotes the concatenated feature, ( p i p i k ) 2 denotes the Euclidean metric between the center sampling point and the neighboring point, and ( p i p i k ) denotes the relative displacement direction vector. After the above equation, ten-dimensional features are selected for each neighborhood point as the result of local spatial position encoding.
Next, we calculate the self-attention score of the feature vector and aggregate it to obtain the output of the central self-attention mechanism that reflects the significance of the geometric structure of the neighborhood of sampled points. The calculation procedure is as follows:
Q = g μ i k
K = u μ i k
V = v μ i k
A = K T Q
A = softmax A C
f ^ = A · V
where g · , u · , and v · are the 1 × 1 convolution operations; they convert μ i k into Q, K, and V in the self-attention mechanism. Although Q, K, and V are all obtained from μ i k by the 1 × 1 convolution operation, the three are not the same. A denotes the similarity between features after the convolution of μ i k , C denotes the number of output channels, A divides C , playing a moderating role in making the gradient more stable during training, softmax is an activation function, A is the self-attentive score of feature vector μ i k , and f ^ is the output feature of the central self-attentive mechanism.
As shown in Figure 4, the dimensionality of the original point cloud feature input is 3 + d , where N is the number of point clouds, 3 represents the dimensionality of the spatial coordinates of the point cloud features, and d represents the dimensionality of the attribute features of the point cloud. In the spatial encoding module, we first input the ith point into the KNN sampling network to aggregate its K neighboring points, then separate the spatial coordinate features from the attribute features. The spatial coordinate features are re-coded into ten dimensions, and we aggregate the spatial feature vectors in the self-attentive module. The resulting output is concatenated with the attribute features. The aggregated features are weighted by the maximum pooling of all data features within the neighborhood of the centroid to obtain the global features in that neighborhood. Finally, the weighted neighborhood features of each centroid are output as the output point cloud features.

3.4. Cross-Modality Feature Fusion Module

Since the number of features extracted in the point cloud and RGB image are different, we fuse the selected point clouds with their corresponding color features at the same location. In our method, the cross-modality feature fusion module (CFFM) is designed to fuse cross-modality features. The details of CFFM are shown in Figure 5. We use the features obtained from the two feature extraction modules as the input to the feature fusion module. Meanwhile, one of the features is used as the primary input and the other as the auxiliary input; the two input modalities are fused to generate the target modal output. Let the primary input be E = E 1 , E 2 , , E n R d e × n and the auxiliary output be G = G 1 , G 2 , , G n R d t × n . We project the primary input E and the auxiliary input G into the same shared vector space:
E e m b i = tanh P E e m b E i + C E e m b
G e m b i = tanh P G e m b G i + C G e m b
where i [ 1 , n ] , tanh is an activation function. P E e m b R d v × d e , P G e m b R d v × d l , C E e m b R d v , C G e m b R d v are the training parameters and d v denotes the dimensionality of the shared vector space. We use E e m b and G e m b to calculate the attention matrix M R n × n , M i j denotes the correlation between the ith content of the primary input and the jth content of the secondary input, and the attention matrix M can be expressed as
M i j = E e m b i T · G e m b i
To measure the importance of each auxiliary input to the primary input, we use the softmax function to quantify M:
M i j = exp ( M i j ) j = 1 n exp ( M i j )
Then we can obtain the auxiliary input based on the attention mechanism J:
J = G · M T
Finally, the primary input E and the secondary input J are spliced in the fully connected layer to obtain the fused feature F = F 1 , F 2 , , F n :
F = tanh P f E i : J i + C f
where P f and C f are the training parameters. When the main input E is F r g b , P f R d e × ( d e + d t ) , C f R d e ; when the main input is F d , P f R d t × ( d e + d t ) , C f R d t .
By using CFFM, we obtain the fused features. They are partly point cloud-dominated–RGB image-supplemented features and partly RGB image-dominated–point cloud supplemented features. The two fused features are input to the fully connected layer and connected to obtain the output features after the interaction between the two modalities.

3.5. Feature Contribution Weight Training Module

The two modalities interact for single-modality and cross-modality information. But for the task of 6D object pose estimation, the feature contribution degree is different for each modality. Considering this problem, we use the feature contribution weight training module (CWTM) to optimize the weights of the features through network adaptive generation. That is to say, CWTM automatically selects the most appropriate modal features from the modalities, allowing the model to be robust and adaptive.
As shown in Figure 2, we form a multimodal joint feature F R n × C after a concatenate operation of the interacted modal features, where n denotes the number of features and C denotes the number of feature channels. In Figure 6, when pooling the number of feature n dimensions, the features can be expressed as follows:
F n = M n F F
where M n R 1 × C denotes the feature channel attention mechanism, F n denotes the output features of channel attention, and ⊗ denotes matrix fork multiplication.
To generate M n , with the experience of CBAM, the use of different pooling methods implies that the feature information is collected through different perspectives. Different pooling can effectively improve the network’s expressiveness. We perform feature aggregation along the number of feature n dimensions using parallel average pooling and maximum pooling on the input features F to generate feature representations from different angles, F a v g n and F max n . The aggregated features are trained using a double-hidden-layer MLP with shared parameters. Then the feature channel C is scaled and recovered, and the scaling factor is r. Moreover, r is used to generate attention weights. Finally, the sigmoid function is used to activate. The feature channel attention mechanism M can be expressed as follows:
M n = σ M L P ( A v g P o o l ( F ) ) + M L P ( M a x P o o l ( F ) ) = σ W 1 W 0 F a v g n + W 1 W 0 F max n
where A v g P o o l denotes the average pooling, M a x P o o l denotes max pooling. σ denotes the sigmoid activation function, W 0 and W 1 denote the weights of the MLP, F a v g n and F max n denote the average pooling and maximum pooling operations for feature F along the number of feature n dimensions.
The specific process is shown in Figure 6. Next, to obtain the spatial attention of features, we use F n along the feature channel C for feature aggregation, using parallel average pooling and maximum pooling to generate feature representations F a v g c and F max c from different angles. The two aggregated features are subjected to the operation of summation and their dimensions are adjusted by the MLP network; finally, they are input to the sigmoid function to obtain the spatial attention mechanism M c . F n denotes the output of the spatial attention of features. The calculation formula is as follows:
F c = M c F n F n
M c = σ M L P ( A v g P o o l ( F n ) + M a x P o o l ( F n ) ) = σ W F a v g c + F max c
where W denotes the weight of the MLP.

3.6. Object 6D Pose Estimation

The 6D pose estimation network consists of four fully connected layers. It directly outputs the pose prediction value with a confidence level for each pixel point’s fused feature. We will select the pose predicted by the pixel with the highest confidence level as the predicted pose of the object.
After establishing the network architecture, the next step is to define the loss function. In our method, the primary goal is to estimate the 6D pose of the object. To achieve this, we define the pose estimation loss as the distance between the sampled points of the real pose in the object model and the corresponding points transformed from the predicted pose to the same model. Consequently, we define the per-pixel predicted minimization loss as follows:
L i p = 1 n j | | ( R x j + t ) ( R i ^ x j + t i ^ ) | |
where x j represents the jth point sampled in the target model, p = [ R | t ] and p i ^ = [ R i ^ | t ^ i ] each represent the ground pose and predicted pose of the ith feature point, and n represents the number of sampled points in the target model.
For symmetric objects, Equation (22) assumes that a single correct rotation may not be suitable due to the presence of multiple valid rotations. To address this, we define a loss function that incorporates symmetry estimation to better handle symmetric objects and achieve more accurate pose estimations:
L i p = 1 n j min 0 < k < n | | ( R x j + t ) ( R i ^ x k + t i ^ ) | |
To improve the pose estimation, we incorporate pixel point confidence into the loss function of the network. This introduces weights to each pixel loss and includes a confidence regularization term, enhancing the accuracy and robustness of the estimation. Consequently, the final loss function is:
L = 1 N i L i P c i ω log c i
where c i denotes the confidence level of the ith feature point and ω denotes the balanced hyperparameter. At low confidence levels, the penalty term ω will be larger. We use the estimated result with the highest confidence level as the final output.

4. Experiments

4.1. Datasets

We evaluate our method on two benchmark datasets.
LineMOD is a dataset consisting of 13 low-texture objects from 13 videos, with a total of 15,783 frames. The lack of textured objects, cluttered scenes, and variable lighting make this dataset challenging. We use the same training and testing partitions as in previous work [22], where 85% of the dataset is used for training and the remaining 15% for testing.
The YCB-Video dataset is a more challenging dataset that contains 21 YCB objects of different shapes and textures. It consists of 92 RGBD videos, of which, 16,189 frames from 80 videos are selected for training with 80,000 synthetic frames; 2949 keyframes from the remaining 12 videos are selected for testing.

4.2. Evaluation Metrics

We use the ADD and ADD-S metrics for evaluation. For non-symmetric objects, the ADD metric measures the average distance between the point pairs of object vertices transformed by the predicted and ground truth poses, defined as follows:
ADD = 1 m υ o R υ + T R * υ + T *
where m represents the number of points in the point cloud o; υ is the point in object o; R and T are the predicted pose transformation matrices; and R * and T * are the true pose transformation matrices.
For symmetric objects, the ADD-S metric based on the nearest point distance is used to evaluate:
ADD - S = 1 m υ 1 o min υ 2 o R υ 1 + T R * υ 2 + T *
In the YCB-Video dataset, ADD-S calculates the mean distance from each 3D model point transformed by [ R | t ] to its closest neighbor on the target model transformed by [ R * | t * ] . ADD-S takes symmetric and non-symmetric objects into the overall evaluation. We obtain the area under the ADD-S curve (AUC) following PoseCNN. We also report on the percentage of ADD-S that is less than 2 cm (<2 cm), which measures the number of predicted grasping successes of the robot at a minimum tolerance.
In the LineMOD dataset, we use ADD for non-symmetric objects and ADD-S for symmetric objects. We specify a distance accuracy of less than 10% of the object diameter.

4.3. Experimental Details

We implemented our method in the PyTorch framework and trained it on an Ubuntu 18.04 system and an NVIDIA GeForce RTX 3090Ti GPU. In the training process, we used Adam with an initial learning rate of 0.0001 and a batch size of 8 to train the network.
The maximum number of iterations was set to 500, the batch size was set to 16, the hyperparameter was set to 0.015, and the number of pixel features was set to 500.

4.4. Evaluation of the LineMOD Dataset

On the LineMOD dataset, the pose estimation is considered correct when ADD (-S) is less than 10% of the object’s diameter, and the ADD (-S) score is defined as the percentage of correct pose estimations. Here, ADD (-S) denotes the ADD and ADD-S metrics for both non-symmetric and symmetric objects.
The results in Table 2 show that the average score of our method is 96.9%. When comparing our method using all modules with PoseCNN+ICP, PVNet, SSD6D+ICP, PointFusion, and DenseFusion, it is 8.3%, 13.6%, 20.2%, 23.2%, and 2.6% higher, respectively. In the methods using an RGB image as the input, PVNet and PoseCNN+ICP perform well. However, due to the lack of spatial information, their performances are poorer than DenseFusion using an RGBD image as input. In a 2D projection with 3D key points predefined by the SSD6D+ICP network using an RGBD image as input, it is impossible to avoid the result of the projection error. PointFusion performs better in large scenes but is less accurate in estimating the pose of an individual object. The average score of the method used in our method improves by 2.6% compared to DenseFusion and significantly outperforms other methods. In particular, the performance improvement is significant for low-texture objects, such as drill bits (7.8%), spray cans (4.0%), and cell phones (4.4%). It is shown that the method can extract and fuse multimodal features on a pixel-by-pixel basis more effectively.
The visualization of the LineMOD dataset results is shown in Figure 7. We rotate and translate the points in the selected point cloud model and project them onto the RGB image. Figure 7 shows some sample estimates (ape, can, duck, glue, cam) produced by DenseFusion and our method. The pose estimation results of our method on ‘ape’ and ‘can’ are much closer to the true values. The point cloud model projection basically overlaps with the target object in the image, and it is significantly better than the DenseFusion method.
The RGBD camera captures images in dark or bright lighting conditions, which only affects the RGB image and not the depth image. Therefore, we verify the robustness of our method under illumination conditions by varying the luminance value of the RGB image in the same scene. Figure 8 shows the pose estimation results of our method for the driller under changing illumination conditions. It can be seen that our method incorporates the RGB and depth image features, and can solve the pose estimation problem under the changing illumination conditions.

4.5. Evaluation of the YCB-Video Dataset

The quantitative evaluation results of ADD-S AUC and ADD-S scores (<2 cm) for all 21 objects on the YCB-Video dataset are presented in Table 3. To ensure the fairness of the comparison, we used the same semantic segmentation mask of PoseCNN. As shown in Table 3, our method outperforms the state-of-the-art method on most of the objects. Moreover, in terms of average accuracy, it outperforms PoseCNN+ICP by 1.7% and 3.7% in two metrics, DenseFusion by 3.5% and 1.6%, and YOLOPose V2 by 4.6% on the ADD-S AUC metric. Since there are objects in the YCB-Video dataset with different illumination and occlusion conditions, this shows that our method is more robust to illumination and occlusion variations. The bowl in the YCB-Video dataset belongs to the smooth and textureless object. For such objects, our method is able to improve the accuracy of pose estimation, indicating that the performance of the network can be improved by fusing the appearance and geometric features of cross-modalities.
We also show the qualitative analysis of the YCB-Video dataset by rotating and translating the points in the selected point cloud model and projecting them onto the corresponding RGB image to obtain the visualization of the pose estimation results. The visualization results of our method on the YCB-Video dataset are shown in Figure 9 and are compared with the DenseFusion method. The visualization results show that our method performs well on asymmetric objects, and the point cloud model projection mostly overlaps with the corresponding image, while DenseFusion cannot accurately estimate objects, such as large_clamp, extra_large_clamp, and ‘bowl’ due to occlusion, etc.

4.6. Noise Experiment

In a real-world operating environment, the presence of sensor noise can seriously affect the quality of depth images captured by the RGBD camera. Therefore, during network training, we add random noise to the depth images. As noise is added, the robustness of our method to noise increases. As shown in Table 4, when the depth image is affected by random noise in the range of (−20.0, 20.0), the pose estimation results can still be estimated accurately.

4.7. Ablation Experiments

Compared with the most relevant DenseFusion method, our method has three improvements. Firstly, we consider the information within a single modality to efficiently extract RGB image features and point cloud features; secondly, we present CFFM, which uses the interaction information from cross-modalities to efficiently extract and fuse multimodal features pixel-by-pixel; finally, we propose CWTM, which computes the different contributions of features to the target task.
To illustrate the impacts of the three modules, we, respectively, conducted ablation methods on the LineMOD and YCB-Video datasets. The results are presented in Table 2 and Table 3. As shown in Table 2, the average ADD(-S) score of the method using only the feature extraction module is 93.2%. This value increases to 95.3% when CFFM is added, at which point, it outperforms DenseFusion by 1%, PoseCNN+ICP by 6.7%, PVNet by 9%, SSD6D+ICP by 18.6%, and PointFusion by 21.6%. After CWTM is added, the average score of our method is 96.9%. As shown in Table 3, using feature interaction in the single modality, the ADD-S score (<2 cm) of our method is 0.4% higher than that of YOLOPose V2. Using only the feature extraction module, the ADD-S score (<2 cm) of our method is 0.4% higher than that of PoseCNN+ICP. The performance is improved with the addition of the cross-modality feature fusion module. We believe that our approach adequately fuses the appearance and geometric features to help the model identify which part of the object the point belongs to. When all three modules are used, the average ADD-S AUC and ADD-S scores (<2 cm) of our method are 1.7% and 3.3% higher than PoseCNN+ICP, and 3.5% and 1.2% higher than DenseFusion.
Our experiments demonstrate that our cross-modality feature fusion network effectively integrates RGB and depth information. Furthermore, our network exhibits commendable performance even in scenarios where the objects are occluded or in low-light environments.

4.8. Robotic Grasping Experiment

In order to assess the accuracy of the grasping posture estimated by our method, we conducted experiments in real grasping scenarios. The algorithm proposed in this paper was deployed on the TA6R3RevB1 six-axis robot arm system. We utilized the D435i camera as the vision sensor, employed a three-finger flexible clamp as the end actuator, and controlled the robot arm using the robot operating system (ROS) to grasp the target objects. For the experiment, we selected five objects from the YCB-Video dataset. These objects were placed on a table in random orientations and there was mutual obstruction between the objects. The robotic arm attempted to grasp each object 12 times, resulting in a total of 60 grasp attempts. Notably, we achieved a commendable success rate, with the robotic arm successfully grasping the target objects in 81% of the attempts. It is worth mentioning that the choice of the claw significantly influenced the success rate of grasping. In some cases, the claw’s movement inadvertently caused the object to shift, leading to grasp failure. However, our method accurately predicted the attitudes of the target objects despite these challenges, demonstrating the robustness and effectiveness of our approach.

4.9. Limitations

Our network is currently limited by two factors. Firstly, the network was trained on the YCB-Video dataset using the segmentation masks provided by PoseCNN [23]. Since PoseCNN primarily focuses on semantic segmentation, the segmentation quality for instance objects is not optimal. Consequently, the performance of our network may decrease when dealing with large_clamp and extra_large_clamp objects. Secondly, our network encounters challenges when handling symmetric objects due to the inherent ambiguity in their orientation. This ambiguity leads to less accurate pose prediction compared to objects with clear non-symmetry. For instance, when dealing with symmetric objects like the bowl, although our results outperform other methods, they are not as accurate as those achieved with non-symmetrical objects.

5. Conclusions

In this paper, we propose a novel 6D object pose estimation method from a single RGBD image. Our method involves extracting and aggregating contextual information within a single modality and cross-modality interactive information at the pixel level. The cross-modality feature fusion method ensures the comprehensive fusion of both RGB and depth modalities. Furthermore, different modality contributions are considered to achieve accurate pose estimation. The experimental results show that our method excels in performance on both the LineMOD dataset and the more challenging YCB-Video dataset, surpassing the majority of existing pose estimation methods. In future work, our main focus will be to improve segmentation for instance objects and solve the ambiguity problem in symmetric target direction estimation.

Author Contributions

Conceptualization, X.W., M.J. and L.Z.; methodology, X.W. and M.J.; software, L.Z.; validation, X.W. and L.Z.; formal analysis, S.L. and Y.J.; investigation, X.W.; resources, S.L.; data curation, Y.J.; writing—original draft preparation, L.Z.; writing—review and editing, L.Z. and M.J.; project administration, L.Z. and M.J. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by the Natural Science Basic Research Program of Shaanxi (Program No.2022JQ-014), the Key Research and Development plan of Shaanxi province China [2019ZDLGY01-08], the Graduate Scientific Innovation Fund for Xi’an Polytechnic University [chx2023009], the Key Research and Development program of Shaanxi province [2022GY-276], and the Xi’an Beilin District science and technology project [GX2306].

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

Both datasets used in this study are publicly available and can be downloaded in the cited paper. If it is difficult to download, you can also request them from the corresponding author.

Conflicts of Interest

The authors declare no conflict of interest.

Abbreviations

The following abbreviations are used in this manuscript:
CBAMconvolutional block attention module
CFFMcross-modality feature fusion module
CNNsconvolution neural networks
CSAMsampling center self-attention module
CWTMcontribution weight training module
ECAMefficient channel attention module
FPSfarthest point sampling
ICPiterative closest point
KNNK nearest neighbor
MLPmultilayer perceptron
RANSACrandom sample consensus
SENetsqueeze-and-excitation network

References

  1. Brachmann, E.; Krull, A.; Michel, F.; Gumhold, S.; Shotton, J.; Rother, C. Learning 6d object pose estimation using 3d object coordinates. In Proceedings of the Computer Vision–ECCV 2014: 13th European Conference, Zurich, Switzerland, 6–12 September 2014; Proceedings, Part II 13. Springer: Cham, Switzerland, 2014; pp. 536–551. [Google Scholar]
  2. Marchand, E.; Uchiyama, H.; Spindler, F. Pose estimation for augmented reality: A hands-on survey. IEEE Trans. Vis. Comput. Graph. 2015, 22, 2633–2651. [Google Scholar] [CrossRef]
  3. Cavallari, T.; Golodetz, S.; Lord, N.A.; Valentin, J.; Prisacariu, V.A.; Di Stefano, L.; Torr, P.H. Real-time RGB-D camera pose estimation in novel scenes using a relocalisation cascade. IEEE Trans. Pattern Anal. Mach. Intell. 2019, 42, 2465–2477. [Google Scholar] [CrossRef]
  4. Stoiber, M.; Elsayed, M.; Reichert, A.E.; Steidle, F.; Lee, D.; Triebel, R. Fusing Visual Appearance and Geometry for Multi-modality 6DoF Object Tracking. arXiv 2023, arXiv:2302.11458. [Google Scholar]
  5. Yu, J.; Weng, K.; Liang, G.; Xie, G. A vision-based robotic grasping system using deep learning for 3D object recognition and pose estimation. In Proceedings of the 2013 IEEE International Conference on Robotics and Biomimetics (ROBIO), Shenzhen, China, 12–14 December 2013; pp. 1175–1180. [Google Scholar]
  6. Papazov, C.; Haddadin, S.; Parusel, S.; Krieger, K.; Burschka, D. Rigid 3D geometry matching for grasping of known objects in cluttered scenes. Int. J. Robot. Res. 2012, 31, 538–553. [Google Scholar] [CrossRef]
  7. Azad, P.; Asfour, T.; Dillmann, R. Stereo-based 6d object localization for grasping with humanoid robot systems. In Proceedings of the 2007 IEEE/RSJ International Conference on Intelligent Robots and Systems, San Diego, CA, USA, 2 November 2007; pp. 919–924. [Google Scholar]
  8. Khorasani, M.; Gibson, I.; Ghasemi, A.H.; Hadavi, E.; Rolfe, B. Laser subtractive and laser powder bed fusion of metals: Review of process and production features. Rapid Prototyp. J. 2023, 29, 935–958. [Google Scholar] [CrossRef]
  9. Kumar, A. Methods and materials for smart manufacturing: Additive manufacturing, internet of things, flexible sensors and soft robotics. Manuf. Lett. 2018, 15, 122–125. [Google Scholar] [CrossRef]
  10. Hinterstoisser, S.; Holzer, S.; Cagniart, C.; Ilic, S.; Konolige, K.; Navab, N.; Lepetit, V. Multimodal templates for real-time detection of texture-less objects in heavily cluttered scenes. In Proceedings of the 2011 International Conference on Computer Vision, Colorado Springs, CO, USA, 20–25 June 2011; pp. 858–865. [Google Scholar]
  11. Do, T.T.; Cai, M.; Pham, T.; Reid, I. Deep-6dpose: Recovering 6d object pose from a single rgb image. arXiv 2018, arXiv:1802.10367. [Google Scholar]
  12. Salti, S.; Tombari, F.; Di Stefano, L. SHOT: Unique signatures of histograms for surface and texture description. Comput. Vis. Image Underst. 2014, 125, 251–264. [Google Scholar] [CrossRef]
  13. Chen, W.; Jia, X.; Chang, H.J.; Duan, J.; Leonardis, A. G2l-net: Global to local network for real-time 6d pose estimation with embedding vector features. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Seattle, WA, USA, 14–19 June 2020; pp. 4233–4242. [Google Scholar]
  14. Hinterstoisser, S.; Lepetit, V.; Ilic, S.; Holzer, S.; Bradski, G.; Konolige, K.; Navab, N. Model based training, detection and pose estimation of texture-less 3d objects in heavily cluttered scenes. In Proceedings of the ACCV 2012: 11th Asian Conference on Computer Vision, Daejeon, Republic of Korea, 5–9 November 2012; Revised Selected Papers, Part I 11. Springer: Berlin/Heidelberg, Germany, 2013; pp. 548–562. [Google Scholar]
  15. Wohlhart, P.; Lepetit, V. Learning descriptors for object recognition and 3d pose estimation. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Boston, MA, USA, 7–12 June 2015; pp. 3109–3118. [Google Scholar]
  16. Sharifi, A. Development of a method for flood detection based on Sentinel-1 images and classifier algorithms. Water Environ. J. 2021, 35, 924–929. [Google Scholar] [CrossRef]
  17. Sharifi, A.; Amini, J. Forest biomass estimation using synthetic aperture radar polarimetric features. J. Appl. Remote Sens. 2015, 9, 097695. [Google Scholar] [CrossRef]
  18. Li, C.; Bai, J.; Hager, G.D. A unified framework for multi-view multi-class object pose estimation. In Proceedings of the European Conference on Computer Vision (ECCV), Munich, Germany, 8–14 September 2018; pp. 254–269. [Google Scholar]
  19. Wada, K.; Sucar, E.; James, S.; Lenton, D.; Davison, A.J. Morefusion: Multi-object reasoning for 6d pose estimation from volumetric fusion. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Seattle, WA, USA, 13–19 June 2020; pp. 14540–14549. [Google Scholar]
  20. Gao, F.; Sun, Q.; Li, S.; Li, W.; Li, Y.; Yu, J.; Shuang, F. Efficient 6D object pose estimation based on attentive multi-scale contextual information. IET Comput. Vis. 2022, 16, 596–606. [Google Scholar] [CrossRef]
  21. Zuo, L.; Xie, L.; Pan, H.; Wang, Z. A Lightweight Two-End Feature Fusion Network for Object 6D Pose Estimation. Machines 2022, 10, 254. [Google Scholar] [CrossRef]
  22. Wang, C.; Xu, D.; Zhu, Y.; Martín-Martín, R.; Lu, C.; Fei-Fei, L.; Savarese, S. DenseFusion: 6d object pose estimation by iterative dense fusion. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Long Beach, CA, USA, 15–20 June 2019; pp. 3343–3352. [Google Scholar]
  23. Xiang, Y.; Schmidt, T.; Narayanan, V.; Fox, D. Posecnn: A convolutional neural network for 6d object pose estimation in cluttered scenes. arXiv 2017, arXiv:1711.00199. [Google Scholar]
  24. Hinterstoisser, S.; Cagniart, C.; Ilic, S.; Sturm, P.; Navab, N.; Fua, P.; Lepetit, V. Gradient response maps for real-time detection of textureless objects. IEEE Trans. Pattern Anal. Mach. Intell. 2011, 34, 876–888. [Google Scholar] [CrossRef] [PubMed]
  25. Kehl, W.; Manhardt, F.; Tombari, F.; Ilic, S.; Navab, N. Ssd-6d: Making rgb-based 3d detection and 6d pose estimation great again. In Proceedings of the IEEE International Conference on Computer Vision, Venice, Italy, 22–29 October 2017; pp. 1521–1529. [Google Scholar]
  26. Peng, S.; Liu, Y.; Huang, Q.; Zhou, X.; Bao, H. Pvnet: Pixel-wise voting network for 6dof pose estimation. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Long Beach, CA, USA, 15–20 June 2019; pp. 4561–4570. [Google Scholar]
  27. Periyasamy, A.S.; Amini, A.; Tsaturyan, V.; Behnke, S. YOLOPose V2: Understanding and improving transformer-based 6D pose estimation. Robot. Auton. Syst. 2023, 168, 104490. [Google Scholar] [CrossRef]
  28. Geng, X.; Shi, F.; Cheng, X.; Jia, C.; Wang, M.; Chen, S.; Dai, H. SANet: A novel segmented attention mechanism and multi-level information fusion network for 6D object pose estimation. Comput. Commun. 2023, 207, 19–26. [Google Scholar] [CrossRef]
  29. Qi, C.R.; Su, H.; Mo, K.; Guibas, L.J. Pointnet: Deep learning on point sets for 3d classification and segmentation. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Honolulu, HI, USA, 21–26 July 2017; pp. 652–660. [Google Scholar]
  30. Qi, C.R.; Yi, L.; Su, H.; Guibas, L.J. Pointnet++: Deep hierarchical feature learning on point sets in a metric space. In Proceedings of the 2017 Conference on Neural Information Processing Systems, Long Beach, CA, USA, 4–9 December 2017. [Google Scholar]
  31. Song, S.; Xiao, J. Sliding shapes for 3d object detection in depth images. In Proceedings of the Computer Vision–ECCV 2014: 13th European Conference, Zurich, Switzerland, 6–12 September 2014; Proceedings, Part VI 13. Springer: Cham, Switzerland, 2014; pp. 634–651. [Google Scholar]
  32. Song, S.; Xiao, J. Deep sliding shapes for amodal 3d object detection in rgb-d images. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 26 June–1 July 2016; pp. 808–816. [Google Scholar]
  33. Zou, L.; Huang, Z.; Gu, N.; Wang, G. Learning geometric consistency and discrepancy for category-level 6D object pose estimation from point clouds. Pattern Recognit. 2023, 145, 109896. [Google Scholar] [CrossRef]
  34. Kehl, W.; Milletari, F.; Tombari, F.; Ilic, S.; Navab, N. Deep learning of local rgb-d patches for 3d object detection and 6d pose estimation. In Proceedings of the 14th European Conference on Computer Vision—ECCV 2016, Amsterdam, The Netherlands, 11–14 October 2016; Proceedings, Part III 14. Springer: Cham, Switzerland, 2016; pp. 205–220. [Google Scholar]
  35. Xu, D.; Anguelov, D.; Jain, A. PointFusion: Deep sensor fusion for 3d bounding box estimation. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–23 June 2018; pp. 244–253. [Google Scholar]
  36. He, Y.; Sun, W.; Huang, H.; Liu, J.; Fan, H.; Sun, J. Pvn3d: A deep point-wise 3d keypoints voting network for 6dof pose estimation. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Seattle, WA, USA, 13–19 June 2020; pp. 11632–11641. [Google Scholar]
  37. He, K.; Zhang, X.; Ren, S.; Sun, J. Deep residual learning for image recognition. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 26 June–1 July 2016; pp. 770–778. [Google Scholar]
  38. Zhao, H.; Shi, J.; Qi, X.; Wang, X.; Jia, J. Pyramid scene parsing network. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Honolulu, HI, USA, 21–26 July 2017; pp. 2881–2890. [Google Scholar]
  39. 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–23 June 2018; pp. 7132–7141. [Google Scholar]
  40. Wang, Q.; Wu, B.; Zhu, P.; Li, P.; Zuo, W.; Hu, Q. ECA-Net: Efficient channel attention for deep convolutional neural networks. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Seattle, WA, USA, 13–19 June 2020; pp. 11534–11542. [Google Scholar]
  41. Ioannou, Y.; Robertson, D.; Cipolla, R.; Criminisi, A. Deep roots: Improving cnn efficiency with hierarchical filter groups. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Honolulu, HI, USA, 21–26 July 2017; pp. 1231–1240. [Google Scholar]
  42. Xie, S.; Girshick, R.; Dollár, P.; Tu, Z.; He, K. Aggregated residual transformations for deep neural networks. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Honolulu, HI, USA, 21–26 July 2017; pp. 1492–1500. [Google Scholar]
  43. Hu, Q.; Yang, B.; Xie, L.; Rosa, S.; Guo, Y.; Wang, Z.; Trigoni, N.; Markham, A. Randla-net: Efficient semantic segmentation of large-scale point clouds. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Seattle, WA, USA, 13–19 June 2020; pp. 11108–11117. [Google Scholar]
Figure 1. Network comparison. (a) The DenseFusion [22] network. The features of the two modalities are directly concatenated. (b) The proposed fusion network. It considers the interactive information of a single modality and cross-modality for enhanced appearance and geometry information.
Figure 1. Network comparison. (a) The DenseFusion [22] network. The features of the two modalities are directly concatenated. (b) The proposed fusion network. It considers the interactive information of a single modality and cross-modality for enhanced appearance and geometry information.
Sensors 23 08088 g001
Figure 2. Overview of our 6D pose estimation method.
Figure 2. Overview of our 6D pose estimation method.
Sensors 23 08088 g002
Figure 3. Efficient channel attention module (ECAM).
Figure 3. Efficient channel attention module (ECAM).
Sensors 23 08088 g003
Figure 4. Sampling center self-attention module (CSAM).
Figure 4. Sampling center self-attention module (CSAM).
Sensors 23 08088 g004
Figure 5. Cross-modality feature fusion module (CFFM).
Figure 5. Cross-modality feature fusion module (CFFM).
Sensors 23 08088 g005
Figure 6. Feature contribution weight training module (CWTM).
Figure 6. Feature contribution weight training module (CWTM).
Sensors 23 08088 g006
Figure 7. LineMOD dataset visualization results.
Figure 7. LineMOD dataset visualization results.
Sensors 23 08088 g007
Figure 8. Pose estimation results of the driller under different lighting conditions.
Figure 8. Pose estimation results of the driller under different lighting conditions.
Sensors 23 08088 g008
Figure 9. Visualization results of the YCB-Video dataset.
Figure 9. Visualization results of the YCB-Video dataset.
Sensors 23 08088 g009
Table 1. Summary of 6D object pose estimation methods described above.
Table 1. Summary of 6D object pose estimation methods described above.
MethodsTraditional MethodsDeep Learning-Based Methods
RGB data-based methodsLineMOD [24]SSD-6D [25], PoseCNN [23], PVNet [26], YOLOPose V2 [27], SANet [28]
RGBD data-based methods[1,14,15]DenseFusion [22], PointFusion [35], PVN3d [36], our method
Table 2. Quantitative evaluation of 6D pose based on the ADD (-S) metric on the LineMOD dataset. The objects with names in bold font indicate symmetry. ‘Inter’ indicates the modality intra-feature interaction module, ‘cross’ indicates the cross-modality feature interaction module, and ‘weight’ indicates the attentional weight training module.
Table 2. Quantitative evaluation of 6D pose based on the ADD (-S) metric on the LineMOD dataset. The objects with names in bold font indicate symmetry. ‘Inter’ indicates the modality intra-feature interaction module, ‘cross’ indicates the cross-modality feature interaction module, and ‘weight’ indicates the attentional weight training module.
PoseCNN + ICPPVNetSSD6D + ICPPoint FusionDense FusionOurs (Inter)Ours (Inter + Cross)Ours (Inter + Cross + Weight)
ape77.043.665.070.492.388.289.195.8
ben.97.599.980.080.793.291.593.594.1
cam.93.586.978.060.894.493.496.397.6
can96.595.586.061.193.193.897.097.7
cat82.179.370.079.196.594.496.497.6
driller95.096.473.047.387.091.693.894.8
duck77.752.666.063.092.389.489.495.0
egg97.199.2100.099.999.897.399.8100.0
glue99.495.7100.099.3100.099.199.7100.0
hole52.882.049.071.892.189.393.295.2
iron98.398.978.083.297.095.797.298.0
lamp97.599.373.062.395.394.297.697.2
phone87.792.479.078.892.893.796.597.2
MEAN88.686.376.773.794.393.295.396.9
Bold objects indicate symmetrical objects.
Table 3. Quantitative evaluation of the 6D pose estimation (ADD-S) on the YCB-Video dataset. The object names in bold indicate symmetry.
Table 3. Quantitative evaluation of the 6D pose estimation (ADD-S) on the YCB-Video dataset. The object names in bold indicate symmetry.
PoseCNN + ICPDense FusionYOLOPose V2Ours (Inter)Ours
(Inter + Cross)
Ours
(Inter + Cross + Weight)
AUC<2 cmAUC<2 cmAUC<2 cmAUC<2 cmAUC<2 cmAUC<2 cm
master_chef_cam95.8100.095.2100.091.3-94.3100.095.6100.096.1100.0
cracker_box92.791.692.599.386.8-92.295.393.898.595.299.6
sugar_box98.2100.095.1100.0092.6-98.7100.099.4100.0100.0100.0
tomato_soup_can94.596.993.796.990.5-93.995.795.197.195.797.5
mustard_bottle98.6100.095.9100.093.6-97.1100.097.5100.098.2100.0
tuna_fish_can97.1100.094.9100.094.3-94.899.096.6100.098.4100.0
pudding_box97.9100.094.7100.092.3-93.393.997.6100.098.3100.0
gelatin_box98.8100.095.8100.090.1-99.1100.099.3100.099.4100.0
potted_meat_can92.793.690.193.185.8-91.690.892.992.393.794.6
banana97.199.791.593.995.0-91.193.494.299.498.199.7
pitcher_base97.8100.094.6100.093.6-95.2100.096.8100.097.1100.0
bleach_cleanser96.999.494.399.885.3-86.597.894.298.498.699.7
bowl81.054.986.669.592.3-83.853.286.770.387.273.9
mug95.099.895.5100.084.9-90.598.293.899.195.199.5
power_drill98.299.692.497.192.6-94.897.496.697.896.998.3
wood_block87.680.285.593.484.3-84.381.386.183.288.783.9
scissors91.795.696.4100.093.3-92.894.795.696.397.499.4
large_marker97.299.794.799.284.9-88.696.795.498.796.299.0
large_clamp75.274.971.678.592.0-73.268.378.274.880.376.9
extra_large_clamp64.448.869.069.588.9-62.362.567.465.774.767.4
foam_brick97.2100.092.4100.090.7-93.399.695.4100.096.8100.0
MEAN93.093.291.295.390.1-90.593.593.495.894.796.5
Bold objects indicate symmetrical objects.
Table 4. Comparison of the accuracy of our method with increasing random noise.
Table 4. Comparison of the accuracy of our method with increasing random noise.
Noise Range (mm)0.05.010.015.020.0
Accuracy98.3%96.3%95.6%95.1%93.8%
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

Jiang, M.; Zhang, L.; Wang, X.; Li, S.; Jiao, Y. 6D Object Pose Estimation Based on Cross-Modality Feature Fusion. Sensors 2023, 23, 8088. https://doi.org/10.3390/s23198088

AMA Style

Jiang M, Zhang L, Wang X, Li S, Jiao Y. 6D Object Pose Estimation Based on Cross-Modality Feature Fusion. Sensors. 2023; 23(19):8088. https://doi.org/10.3390/s23198088

Chicago/Turabian Style

Jiang, Meng, Liming Zhang, Xiaohua Wang, Shuang Li, and Yijie Jiao. 2023. "6D Object Pose Estimation Based on Cross-Modality Feature Fusion" Sensors 23, no. 19: 8088. https://doi.org/10.3390/s23198088

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