Next Article in Journal
Device Identity Recognition Based on an Adaptive Environment for Intrinsic Security Fingerprints
Previous Article in Journal
Robust Soliton Distribution-Based Zero-Watermarking for Semi-Structured Power Data
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Two-Stage Point Cloud Registration Framework Based on Graph Neural Network and Attention

1
State Key Laboratory of Robotics, Shenyang Institute of Automation, Chinese Academy of Sciences, Shenyang 110016, China
2
Institutes for Robotics and Intelligent Manufacturing, Chinese Academy of Sciences, Shenyang 110169, China
3
University of Chinese Academy of Sciences, Beijing 100049, China
*
Author to whom correspondence should be addressed.
Electronics 2024, 13(3), 654; https://doi.org/10.3390/electronics13030654
Submission received: 2 January 2024 / Revised: 31 January 2024 / Accepted: 1 February 2024 / Published: 4 February 2024
(This article belongs to the Section Artificial Intelligence)

Abstract

:
In recent years, due to the wide application of 3D vision in the fields of autonomous driving, robot navigation, and the protection of cultural heritage, 3D point cloud registration has received much attention. However, most current methods are time-consuming and are very sensitive to noises and outliers, resulting in low registration accuracy. Therefore, we propose a two-stage framework based on graph neural network and attention—TSGANet, which is effective in registering low-overlapping point cloud pairs and is robust to variable noises as well as outliers. Our method decomposes rigid transformation estimation into two stages: global estimation and fine-tuning. At the global estimation stage, multilayer perceptrons are employed to estimate a seven-dimensional vector representing rigid transformation directly from the fusion of two initial point cloud features. For the fine-tuning stage, we extract contextual information through an attentional graph neural network consisting of attention and feature-enhancing modules. A mismatch-suppression mechanism is also proposed and applied to keep our method robust to partially visible data with noises and outliers. Experiments show that our method yields a state-of-the-art performance on the ModelNet40 dataset.

1. Introduction

Point cloud registration is the process of aligning multiple three-dimensional point clouds to integrate data from different perspectives or time points, creating an accurate and complete 3D model. This technology is crucial for applications such as 3D reconstruction, robotics, autonomous driving, and object recognition. Point cloud registration enhances model accuracy, supports time-sensitive applications, and advances experiences in virtual reality and simulations. Understanding point cloud registration is essential for researchers and practitioners engaged in decision making and interactive applications based on three-dimensional data.
Point cloud registration methods can be categorized into traditional methods and deep learning-based methods. The traditional ICP (Iterative Closest Points) algorithm and its variants [1,2,3] align point clouds by iteratively reducing the distance between source and target point clouds, which are commonly used in industry. Point-to-plane ICP algorithms [2,4] approximate the distance between point clouds with the point-to-plane distance, which is a fine-registration algorithm that requires a reasonable initial transformation given by the measurement platform or feature matching. Similarly, point-to-point distance is used to approximate the distance between point clouds in point-to-point ICP algorithms [2]. Variants of ICP algorithms are summarized in six steps by [3]: (1) selecting point sets; (2) matching the point sets; (3) weighting the corresponding pairs; (4) eliminating abnormal corresponding pairs; (5) assigning an error metric based on the point pairs; and (6) minimizing the error metric. Li and Wang et al. [5] show a trade-off between computational efficiency and effectiveness when applying the ICP algorithms. Taking point-to-plane and point-to-point ICP algorithms as examples, although the former is more efficient than the latter, its effective range is smaller. In addition, point-to-plane ICP algorithms tend to oscillate and cannot converge to global minima when the input data is heavily affected by noise. Some traditional methods [6,7] first extract 3D interest points as well as descriptors and then utilize SVD (Singular Value Decomposition) combined with RANSAC (Random Sample Consensus) proposed by Fischler and Bolles [8] to estimate rigid transformation. The bottleneck of the RANSAC-based methods is the computational complexity. When the point cloud is denser and noisier, more comprehensive and detailed sampling is required to obtain a highly robust estimate, resulting in computational complexity increasing exponentially with the scale of the point cloud. Moreover, the effectiveness and accuracy of the traditional interest point-based methods depend heavily on the efficiency of 3D interest point-detection algorithms, such as the accuracy of 3D location and uniqueness of the description.
Learned registration methods can be classified as direct estimation-based methods [9,10] and point correspondence-based methods [11,12,13,14] according to different transformation estimation blocks. Direct estimation-based methods simply predict vectors representing rigid transformation by estimation block consisting of feature pooling layers and the subsequent MLPs (Multilayer Perceptrons), leading to the loss of much feature information. Point correspondence-based methods generate point correspondences from pointwise features and then solve for rigid transformation by the SVD method [15], making sufficient use of the extracted features. However, they need to prevent inference from mismatching point pairs. To better exploit the geometric information of point clouds, carefully constructed complicated inputs are also employed in some point correspondence-based methods [12,14].
Direct estimation-based methods extract a feature vector for the entire point cloud and employ multi-layer perceptrons to directly estimate the parameters representing the transformation. While these methods are fast, they tend to waste much valuable feature information, leading to suboptimal registration results. On the other hand, point correspondence-based methods estimate point correspondences according to the feature vectors of each point. These methods are suitable for iterative registration, but the process of estimating point correspondences can be time-consuming. Existing learned methods typically either solely rely on direct estimation or exclusively use point correspondence-based methods. In this paper, we introduce a two-stage framework based on graph neural network and attention—TSGANet. Our method combines two kinds of transformation estimation blocks, decomposing the registration process into two stages: global estimation and fine-tuning. At the global estimation stage, we exploit local geometric information from inputs and obtain a rough transformation by the direct transformation estimation block. For the fine-tuning stage, a point correspondence-based estimation block is applied to make up for the information loss in the previous global estimation stage. In all, the first stage provides a rough transformation for the second stage, and the second stage outputs the final fine-tuning results. This combination enables our method to save time while achieving greater registration results through several iterations. As shown in Figure 1, our method can accurately register point clouds after three iterations. An attentional graph neural network is proposed in the fine-tuning stage to better utilize and enhance the contextual information within a single point cloud and between different point clouds. Existing methods rarely incorporate a mismatch-suppression mechanism. To ensure robustness to noise and outliers, our approach introduces a mismatch-suppression module, which filters poor corresponding point pairs by learnable affinity threshold. In addition, unlike other existing methods, our approach does not require complex normal vectors and angular information; it solely relies on the three-dimensional coordinates of spatial points as input.
In this paper, Section 2 introduces some representations of point cloud registration; Section 3 provides a detailed description of the methods employed by TSGANet; Section 4 presents the experimental results, where we train our model on the ModelNet40 [16] dataset and test it on both ModelNet40 dataset and real data; Section 5 concludes the paper; and Section 6 discusses the limitations of this method and suggests future improvements.
Our main contributions are as follows:
  • We propose a simple and fast deep network for point cloud registration;
  • We decompose the registration process into global estimation and fine-tuning stages;
  • For the fine-tuning stage, an attentional graph neural network with attention as well as feature-enhancing modules and a mismatch-suppression mechanism is proposed, which has proved effective against partially visible data with noises and outliers;
  • Experiments show that our method is effective in registering low-overlapping point cloud pairs and robust to variable noises as well as outliers;
  • Our method achieves a state-of-the-art performance on the ModelNet40 dataset over various evaluation criteria and is computationally efficient.

2. Problem Formulation

Two given unaligned point clouds, X and Y, represent the source and target point clouds, respectively. The point clouds comprise spatial coordinates of points. Our goal is to recover the unknown rigid transformation T = R , t between X and Y, where R S O 3 denotes the rotation matrix and t R 3 denotes the translation vector.

3. TSGANet

Figure 2 shows an illustration of our method. The global estimation stage only goes through one iteration. The fine-tuning stage is iterative and goes through several iterations. At the beginning of iteration i, the input point cloud X is transformed into X ˜ using the rigid transformation estimated in all previous iterations. For the first iteration, X ˜ is equal to X. Formulate the result of iteration i as T i , then the overall transformation can be expressed as T = T i T i 1 T i .
Both the global estimation stage and the fine-tuning stage encode local features from input point clouds through the graph feature embedding network, but only the latter further utilizes the attentional multilayer graph neural network to extract contextual information.

3.1. Input of Model

When processing sparse and low-overlapping point clouds, it is beneficial to encode pose features from local geometry instead of from a single point [10]. Therefore, we incorporate the neighborhood information of each point into its input representation. For each point x c in X ˜ , we construct the k-neighborhood N x c ; then, the input corresponding to x c is:
i n p x c = x c , x c , i , x c x c , i ,
where x c , i N x c . Similarly, the input of the Graph feature-embedding network corresponding to X ˜ can be represented as:
i n p X ˜ = X ˜ , N X ˜ .

3.2. Global Estimation Stage

3.2.1. Graph Feature Embedding Network

We adopt the practice of stacking EdgeConv layers from DGCNN [17] to explicitly incorporate local geometric properties into the input representation of the model. However, we use a fixed graph structure in the coordinate space of the point cloud in each EdgeConv layer, rather than dynamically updating it in the feature space. The graph feature embedding network embeds feature vectors for each point in point clouds. The embedded features for input X ˜ can be formulated as:
F X ˜ l = f i n p X ˜ ,
where f represents the forward propagation process of the feature embedding network. F Y l is calculated in the same way as F X ˜ l , and they share the weights of the network.

3.2.2. Direct Transformation Estimation

For computational efficiency, only the initial local features extracted by the graph feature embedding network are employed at the global estimation stage. We first concatenate initial features F X ˜ l and F Y l of shape N , C over the second dimension to a new feature F X ˜ Y l of shape N , 2 C . The max pooling is then performed on F X ˜ Y l over the first dimension to eliminate redundant features, generating a new fused feature of shape 2 C . The initial rigid transformation can be obtained by passing the fused feature map to the following MLPs. Note that what the MLPs predict for rotation is quaternion and we have to convert it into rotation matrix.

3.3. Fine-Tuning Stage

3.3.1. Attentional Multilayer Graph Neural Network

When a person is asked to match the features of two objects, they usually first observe single object separately; and then review between two objects [18]. This corresponds to an iterative process where the focus of attention is constantly changing. Therefore, we treat the initial feature map of a point cloud as a fully connected graph and employ an attentional multilayer graph neural network to aggregate information at different levels in this subnet. Inspired by [18], we alternately perform self-attention aggregation and cross-attention aggregation modules in this multilayer network. In addition, we also propose a feature-enhancing module.
The self-attention aggregation module is used to extract global information within a single point cloud first. Denote the output of the l-th layer of the multilayer graph neural network by F X ˜ g l and F Y g l , respectively. Assuming that the ( l + 1 )-th layer is a self-attention aggregation module, its output can be expressed as:
F X ˜ S A g l + 1 = F X ˜ g l + MLP A q X ˜ l , k X ˜ l , v X ˜ l ,
q X ˜ l = W q l F X ˜ g l , k X ˜ l = W k l F X ˜ g l , v X ˜ l = W v l F X ˜ g l .
q, k, and v are the query, key, and value calculated by different linear layers, respectively. A is the attention function that maps the query, key, and value to the output:
A q , k , v = s o f t m a x q T k d v ,
where d represents the length of each feature vector. F Y S A g l + 1 is calculated in the same way as F X ˜ S A g l + 1 and they share the network weights.
The cross-attention aggregation module is employed to make the features of the source and target point clouds communicate with each other, thereby enhancing related features and suppressing redundant features. Different from the self-attention aggregation module, the cross-attention aggregation module exchanges information between point clouds by changing the sources of the query and value:
F X ˜ C A g l + 1 = F X ˜ g l + MLP A q X ˜ l , k Y l , v Y l ,
F Y C A g l + 1 = F Y g l + MLP A q Y l , k X ˜ l , v X ˜ l .
Similarly, F Y C A g l + 1 shares network weights with F X ˜ C A g l + 1 . The final outputs of the attentional multilayer graph neural network are denoted as F X ˜ g and F Y g .
The feature-enhancing module follows the cross-attention aggregation module. To further enhance relevant information, the module is composed of 10 Conv1d layers, whose output channels are 256 , 256 , 128 , 64 , 32 , 64 , 128 , 256 , 256 , 512 , first reducing the channel of the attention output feature and then increasing the channel.

3.3.2. Point Correspondence-Based Transformation Estimation

After the first round of alignment, local geometric properties between corresponding point pairs in two input point clouds will be easier to extract. Information exchange in cross-attention modules also helps exploit correlations between point pairs. Therefore, when estimating rigid transformation at the fine-tuning stage, we do not fuse features; but calculate point correspondences. First, compare the affinity of each point pair between X ˜ and Y by the L2 distance between features F X ˜ g and F Y g :
a f f i n i t y = F X ˜ g F Y g 2 2 .
Then, a differentiable Sinkhorn layer [19] is employed to make the sum of each row and column of the affinity matrix close to 1.0 , letting the estimated point correspondences be reasonable. After that, a soft corresponding matrix M is obtained.

3.3.3. Mismatch Suppression Mechanism

For partially visible data and data with outliers, not each point in the source point cloud has a corresponding point in the target point cloud. Thus, we propose a mismatch-suppression mechanism, which reduces the probability of mismatch by setting correlation thresholds. With matrix M, we calculate M X ˜ and M Y :
M X ˜ = m a x M , axis = 1 ,
M Y = m a x M , axis = 0 .
M X ˜ represents the maximum correlation value of each point in X ˜ to points in Y, while M Y represents the opposite. Then we select points X ˜ and Y whose corresponding values in M X ˜ and M Y are beyond the threshold t X and t Y :
X ˜ = X ˜ i , M X ˜ i t X , Y = Y i , M Y i t Y .
t X = α . m e d i u m M X ˜ , t Y = β . m e d i u m M Y .
α and β are learnable parameters of the network, initialized to 1.0 . The m e d i u m function can also be changed to the a v e r a g e function. X ˜ is the new generated source point cloud. The reference point cloud Y ˜ to source X ˜ is then obtained by:
Y ˜ = M Y ,
where M is the soft corresponding matrix between X ˜ and Y . Weighted SVD is then employed to estimate the transformation. When solving weighted SVD, the weight of each corresponding pair is w i = m a x M i . Then, we normalize the weights of the corresponding point pairs by a softmax layer.

3.4. Loss Function

The loss of our network is briefly defined by the error between the final recovered rigid transformation of the unaligned point clouds and the ground truth value. The error includes the rotation error and translation error:
L o s s = M S E R est R gt T I + M S E t est t gt .

4. Experiments

4.1. Implementation Details

We determine the neighborhood of k = 20 for each point in the input representation through ablation studies in Section 4.6.2. The feature vector length is 512. Through extra experiments, we determine that the network undergoes three iterations during both training and testing, with one iteration in the global estimation stage and two in the fine-tuning stage. In the fine-tuning stage, the combination of attention and feature-enhancing modules appears twice. α and β are all initialized to 1.0 . We train the network using the Adam optimizer with an initial learning rate of 0.0001 , and the learning rate decreases by a factor of 0.5 every 100 epochs. The batch size during training is 16.

4.2. Datasets and Evaluation Metrics

Most experiments are conducted on the ModelNet40 [16] dataset, and the remains are on the real data. The real data will be introduced later in Section 4.5. The ModelNet40 dataset contains 12,311 CAD models from 40 categories. We use the processed data from the previous work [20], which include 2048 points randomly sampled from each CAD model, and the data of each point cloud are composed of 3D coordinates and normal vectors. Each category in the dataset contains train and test splits. We use the train splits of all categories as the training set and the test splits as the testing set. Point clouds are down-sampled to contain 1024 points in our method. For a target point cloud Y, we apply a random rigid transformation to the source point cloud X. For the random rigid transformation applied, we randomly sample three Euler angles in the range of 0 , 45 for rotation and three displacements in the range of 0.5 , 0.5 for translation.
We use three evaluation metrics from RegTR [21]: (1) Relative Rotation Error (RRE); (2) Relative Translation Error (RTE); and (3) Chamfer distance (CD) between the registered scans. In addition to the above, there are also the registration recall (RR) and execution time. The registration recall refers to the fraction of point cloud pairs whose RRE and RTE are below 4 and 0.1 , respectively.
We compare our TSGANet to ICP [1] and FGR [22], as well as recently learned registration methods: DCP-v2 [11], RPM-Net [12], RGM [13], RegTR [21], and OGMM [23]. The ICP and FGR methods are implemented by Open3D [24]. For learned methods, we train the models with implementation provided by the authors and make our best efforts to fine-tune them.

4.3. Low-Overlapping Data

To evaluate the effectiveness of our method on low-overlapping point cloud pairs, we conduct experiments on point clouds with 70% and 50% completeness. To generate partially visible point clouds, we follow the strategy Yew and Li [12] propose. For each point cloud, we first generate a 3D plane passing through the coordinate origin and then move the plane in the direction of its normal until a certain fraction of the points remain. Gaussian noise sampled from N 0 , 0.01 and 10 % outliers are also applied to these point clouds, respectively. For outliers, we randomly sample three values from U 1.0 , 1.0 as the 3D coordinates of the outliers. All learned methods are trained on 70% completeness data without noises and outliers and then tested on 70% and 50% completeness data with noises as well as outliers. Table 1 shows the experimental results of all algorithms on 70% completeness point clouds, and Table 2 shows the results on 50% completeness point clouds. Our method ranks first or second in many metrics, which proves our method is effective in registering low-overlapping point cloud pairs. Furthermore, as an iterative method, although our TSGANet is slightly slower than ICP, FGR, and noniterative DCP-v2, it is much faster than other iterative learned methods and consume almost the same time with OGMM. Qualitative comparisons of the registration results on 70% completeness point clouds are shown in Figure 3. Figure 4 shows the registration examples of our method on 50% completeness point clouds. The performance of various algorithms on clean data can be found in Appendix A.

4.4. Variable Noises and Outliers

In this experiment, we compare the robustness of various algorithms to variable noises and variable fractions of outliers. For experiments on noises, we apply Gaussian noise with standard deviations of 0.01, 0.02, 0.03, 0.04, and 0.05 to 70% completeness point clouds. Figure 5a,b illustrate the changes in RRE and RTE for all algorithms. It can be observed that as the noises increase, our method exhibits a slow growth in both RRE and RTE, but with a little deviation from the best-performing RPM-Net method. For experiments on outliers, we introduced outliers of fractions 0.1, 0.2, 0.3, 0.4, and 0.5 to 70% completeness point clouds. Figure 5c,d show that our method always ranks first. These experiments confirm the robustness of our approach to variable noises and outliers.
To understand how the point correspondence-based registration methods work on data with outliers, we visualize the point correspondences obtained by our TSGANet and RPM-Net at the last iteration. The visualization is shown in Figure 6. The red and gray points represent the source and target point clouds, respectively, and the blue points represent the generated reference point cloud corresponding to the source point cloud. The red lines connect the corresponding point pairs between the source point cloud and the reference point cloud. The darker the color of the line is, the more credible the corresponding point pair is, and vice versa. It is observed that the lines connecting corresponding point pairs in Figure 6b are neater and darker than those in Figure 6a, which means our method is less disturbed by outliers than RPM-Net.

4.5. Real Data

In this experiment, we test the applicability of our method in scenarios closer to real-world applications. Since the research’s primary future application involves the automated construction of infrastructure, and our goal is to estimate the pose of robotic arms’ end-effectors during the construction process by aligning the point clouds of cooperating targets. We conduct experiments on the point clouds obtained from two mechanical parts using the Tango-S series 3D scanner. The mechanical parts and the registration results are both depicted in Figure 7. The experimental results demonstrate the favorable applicability of our method in the predefined application scenarios.

4.6. Ablation Studies

4.6.1. Necessity of Each Module

We name the model with only the global estimation stage as TSGANet_v1, the model with only the fine-tuning stage as TSGANet_v2, and the model without the mismatch-suppression mechanism as TSGANet_v3. They are compared with TSGANet on 70% completeness point clouds with noises and outliers. The performance of all models is shown in Table 3. The model with only the fine-tuning stage performs a bit better than the model with no fine-tuning stage, which validates the effectiveness of calculating corresponding point pairs by features extracted by the attentional graph neural network. However, both of them are much worse than the complete TSGANet, proving the reasonability of combining the global estimation stage and fine-tuning stage. The model with no mechanism also performs significantly worse than the complete model on all data over all metrics, which proves the mismatch-suppression mechanism is indeed effective for partially visible data with noises and outliers.

4.6.2. Value of k

In this experiment, we investigate whether encoding neighborhood information and varying the value of k in k-nearest neighbors have impacts on the registration performance. Table 4 shows performance on 70% completeness point clouds with noises and outliers. It can be observed that encoding neighborhood information is beneficial for registration. Consider the performance of the model as the value of k varies, setting k to 20 is a reasonable choice.

5. Conclusions

We propose the point cloud registration framework TSGANet. Our approach decomposes the registration process into two stages: global estimation as well as fine-tuning. In the fine-tuning stage, we propose an attentional graph neural network with attention as well as feature-enhancing modules and a mismatch-suppression mechanism, which has proved effective against partially visible data with noises and outliers. Experiments show that our method is effective in registering low-overlapping point clouds and robust to variable noises as well as outliers. It achieves state-of-the-art performance on the ModelNet40 dataset over various evaluation criteria and is computationally efficient.

6. Limitations and Future Work

The limitation of TSGANet lies in its incapability to accommodate large-scale point clouds as input. Our model extracts point-wise features in the feature extraction phase and estimates correspondences between all points in the source and target point clouds during the fine-tuning stage. Constrained by computer memory and computational power, our model can handle only small-scale inputs. This study addresses the project requirements for registering small- to medium-sized point clouds of structures. Experiments show the excellent registration accuracy of our model. In practical applications, due to the relatively small volume and fewer details of structures, even if the real point clouds of the structures are downsampled to a fixed size, it will not result in a significant loss of geometric information. However, when applying the model to indoor or outdoor data, downsampling operations might lead to the failure of the registration process due to the discarding of too much detailed information. Therefore, future work will focus on refining the model to adapt to indoor and outdoor data. Additionally, we believe that leveraging deep learning-based multimodal data fusion will provide significant advantages for point cloud registration.

Author Contributions

Conceptualization, J.L. and X.Z.; Data curation, Y.X. and F.L.; Funding acquisition, J.L. and W.Z.; Investigation, J.L. and X.Z.; Methodology, X.Z.; Project administration, W.Z.; Writing—original draft, X.Z.; Writing—review and editing, X.Z. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by Key Deployment of Research Projects by the Chinese Academy of Sciences under Grant No. KGFZD-145-23-56-02. And The APC was funded by State Key Laboratory of Robotics, Shenyang Institute of Automation, Chinese Academy of Sciences.

Data Availability Statement

The data presented in this study are available in this article.

Conflicts of Interest

The authors declare no conflicts of interest.

Appendix A. Clean Data

In this experiment, we evaluate the registration performance of various algorithms on clean data, which consist of partially visible data and complete data. For partially visible data, we train and test all algorithms on 70% completeness point clouds without noises and outliers. For complete data, we train and test all algorithms on complete point clouds without noises and outliers.
Table A1 shows the performance of various algorithms. Due to the claim of OGMM that it is effective for partially visible data, we did not experiment with it on complete data. The registration recall here refers to the fraction of point cloud pairs whose RRE and RTE are below 2 and 0.05, respectively. It is obvious that our method always ranks first or second in almost all metrics and requires significantly less time than other iterative-based learned methods.
Table A1. Performance of various algorithms on partially visible data and complete data without noises and outliers. Note that the singly bolded numbers indicate the first rank, while the numbers in bold and italics indicate the second rank.
Table A1. Performance of various algorithms on partially visible data and complete data without noises and outliers. Note that the singly bolded numbers indicate the first rank, while the numbers in bold and italics indicate the second rank.
MethodsPartially Visible DataComplete Data
RRERTECDRR (%)Time (ms)RRERTECDRR (%)Time (ms)
ICP23.09850.18450.0137.235.40000.0152 1.8 × 10 3 67.63
FGR11.85010.0410 5.3 × 10 3 61.2273.2779 4.9 × 10 3 1.0 × 10 3 82.136
DCP-v217.25190.21210.0180.1291.9726 4.8 × 10 3 6.1 × 10 4 61.414
RPM-Net1.06490.0103 1.6 × 10 4 92.0380.62434.0 × 10−4 1.3 × 10 4 97.856
RGM1.50930.0095 3.29 × 10 4 92.71260.3908 2.0 × 10 4 8.0 × 10 7 99.8678
RegTR1.34710.0121 3.32 × 10 4 89.0360.5142 1.0 × 10 3 3.2 × 10−789.457
OGMM3.36940.01080.182486.426——————————
Ours0.71030.00862.6 × 10−496.6270.5274 9.8 × 10 5 1.4 × 10 7 99.242

References

  1. Besl, P.J.; McKay, N.D. Method for registration of 3-D shapes. In Proceedings of the Sensor fusion IV: Control Paradigms and Data Structures, Boston, MA, USA, 14–15 November 1991; Volume 1611, pp. 586–606. [Google Scholar]
  2. Chen, Y.; Medioni, G. Object modelling by registration of multiple range images. Image Vis. Comput. 1992, 10, 145–155. [Google Scholar] [CrossRef]
  3. Rusinkiewicz, S.; Levoy, M. Efficient variants of the ICP algorithm. In Proceedings of the Third International Conference on 3-D Digital Imaging and Modeling, Quebec City, QC, Canada, 28 May–1 June 2001; pp. 145–152. [Google Scholar]
  4. Low, K.L. Linear least-squares optimization for point-to-plane icp surface registration. Chapel Hill Univ. N. C. 2004, 4, 1–3. [Google Scholar]
  5. Li, P.; Wang, R.; Wang, Y.; Tao, W. Evaluation of the ICP Algorithm in 3D Point Cloud Registration. IEEE Access 2020, 8, 68030–68048. [Google Scholar] [CrossRef]
  6. Li, J.; Hu, Q.; Ai, M. Point Cloud Registration Based on One-Point RANSAC and Scale-Annealing Biweight Estimation. IEEE Trans. Geosci. Remote Sens. 2021, 59, 9716–9729. [Google Scholar] [CrossRef]
  7. Theiler, P.W.; Wegner, J.D.; Schindler, K. Markerless point cloud registration with keypoint-based 4-points congruent sets. ISPRS Ann. Photogramm. Remote. Sens. Spat. Inf. Sci. 2013, 2, 283–288. [Google Scholar] [CrossRef]
  8. Fischler, M.A.; Bolles, R.C. Random sample consensus: A paradigm for model fitting with applications to image analysis and automated cartography. Commun. ACM 1981, 24, 381–395. [Google Scholar] [CrossRef]
  9. Sarode, V.; Li, X.; Goforth, H.; Aoki, Y.; Srivatsan, R.A.; Lucey, S.; Choset, H. PCRNet: Point Cloud Registration Network using PointNet Encoding. arXiv 2019, arXiv:1908.07906. [Google Scholar]
  10. Zhang, Z.; Chen, G.; Wang, X.; Shu, M. DDRNet: Fast point cloud registration network for large-scale scenes. ISPRS J. Photogramm. Remote Sens. 2021, 175, 184–198. [Google Scholar] [CrossRef]
  11. Wang, Y.; Solomon, J. Deep Closest Point: Learning Representations for Point Cloud Registration. In Proceedings of the 2019 IEEE/CVF International Conference on Computer Vision (ICCV), Seoul, Republic of Korea, 27 October–2 November 2019; pp. 3522–3531. [Google Scholar]
  12. Yew, Z.J.; Lee, G.H. RPM-Net: Robust Point Matching Using Learned Features. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Seattle, WA, USA, 13–19 June 2020; pp. 11824–11833. [Google Scholar]
  13. Fu, K.; Liu, S.; Luo, X.; Wang, M. Robust Point Cloud Registration Framework Based on Deep Graph Matching. In Proceedings of the 2021 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Nashville, TN, USA, 20–25 June 2021; pp. 8889–8898. [Google Scholar]
  14. Qin, Z.; Yu, H.; Wang, C.; Guo, Y.; Peng, Y.; Ilic, S.; Hu, D.; Xu, K. GeoTransformer: Fast and Robust Point Cloud Registration with Geometric Transformer. arXiv 2023, arXiv:2308.03768. [Google Scholar] [CrossRef] [PubMed]
  15. Arun, K.S.; Huang, T.S.; Blostein, S.D. Least-squares fitting of two 3-D point sets. IEEE Trans. Pattern Anal. Mach. Intell. 1987, PAMI-9, 698–700. [Google Scholar] [CrossRef] [PubMed]
  16. Wu, Z.; Song, S.; Khosla, A.; Yu, F.; Zhang, L.; Tang, X.; Xiao, J. 3D ShapeNets: A deep representation for volumetric shapes. In Proceedings of the 2015 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Boston, MA, USA, 7–12 June 2015; pp. 1912–1920. [Google Scholar]
  17. Wang, Y.; Sun, Y.; Liu, Z.; Sarma, S.E.; Bronstein, M.M.; Solomon, J.M. Dynamic graph cnn for learning on point clouds. ACM Trans. Graph. 2019, 38, 1–12. [Google Scholar] [CrossRef]
  18. Sarlin, P.E.; DeTone, D.; Malisiewicz, T.; Rabinovich, A. SuperGlue: Learning Feature Matching With Graph Neural Networks. In Proceedings of the 2020 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Seattle, WA, USA, 13–19 June 2020; pp. 4937–4946. [Google Scholar]
  19. Sinkhorn, R. A relationship between arbitrary positive matrices and doubly stochastic matrices. Ann. Math. Stat. 1964, 35, 876–879. [Google Scholar] [CrossRef]
  20. Charles, R.Q.; Su, H.; Kaichun, M.; Guibas, L.J. PointNet: Deep Learning on Point Sets for 3D Classification and Segmentation. In Proceedings of the 2017 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Honolulu, HI, USA, 21–26 July 2017; pp. 77–85. [Google Scholar]
  21. Yew, Z.J.; Lee, G.H. REGTR: End-to-End Point Cloud Correspondences With Transformers. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, New Orleans, LA, USA, 18–24 June 2022; pp. 6677–6686. [Google Scholar]
  22. Zhou, Q.Y.; Park, J.; Koltun, V. Fast global registration. In Proceedings of the European Conference on Computer Vision, Amsterdam, The Netherlands, 11–14 October 2016; Springer: Berlin/Heidelberg, Germany, 2016; pp. 766–782. [Google Scholar]
  23. Mei, G.; Poiesi, F.; Saltori, C.; Zhang, J.; Ricci, E.; Sebe, N. Overlap-guided Gaussian Mixture Models for Point Cloud Registration. In Proceedings of the 2023 IEEE/CVF Winter Conference on Applications of Computer Vision (WACV), Waikoloa, HI, USA, 2–7 January 2023; pp. 4500–4509. [Google Scholar] [CrossRef]
  24. Zhou, Q.Y.; Park, J.; Koltun, V. Open3D: A modern library for 3D data processing. arXiv 2018, arXiv:1801.09847. [Google Scholar]
Figure 1. Our TSGANet accurately registers point clouds after three iterations. The first iteration estimates an initial rigid transformation roughly aligning point clouds, and the next two iterations infer the fine-tuning rigid transformation based on point correspondences.
Figure 1. Our TSGANet accurately registers point clouds after three iterations. The first iteration estimates an initial rigid transformation roughly aligning point clouds, and the next two iterations infer the fine-tuning rigid transformation based on point correspondences.
Electronics 13 00654 g001
Figure 2. (a) Overview of our TSGANet, (b) graph feature-embedding network, (c) attentional graph neural network. The black lines in (a) point to the steps required at both stages, while the green lines point to the steps required only at the global estimation stage and the blue lines point to the steps required only at the fine-tuning stage.
Figure 2. (a) Overview of our TSGANet, (b) graph feature-embedding network, (c) attentional graph neural network. The black lines in (a) point to the steps required at both stages, while the green lines point to the steps required only at the global estimation stage and the blue lines point to the steps required only at the fine-tuning stage.
Electronics 13 00654 g002
Figure 3. Qualitative registration examples on 70% completeness point clouds with (a) Gaussian noise sampled from N 0 , 0.01 , (b) 10% outliers.
Figure 3. Qualitative registration examples on 70% completeness point clouds with (a) Gaussian noise sampled from N 0 , 0.01 , (b) 10% outliers.
Electronics 13 00654 g003
Figure 4. Registration examples of our method on 50% completeness point clouds with (a) Gaussian noise sampled from N 0 , 0.01 , (b) 10% outliers.
Figure 4. Registration examples of our method on 50% completeness point clouds with (a) Gaussian noise sampled from N 0 , 0.01 , (b) 10% outliers.
Electronics 13 00654 g004
Figure 5. (a) RRE of various algorithms on partially visible data with variable noises. (b) RTE of various algorithms on partially visible data with variable noises. (c) RRE of various algorithms on partially visible data with a variable fraction of outliers. (d) RTE of various algorithms on partially visible data with a variable fraction of outliers.
Figure 5. (a) RRE of various algorithms on partially visible data with variable noises. (b) RTE of various algorithms on partially visible data with variable noises. (c) RRE of various algorithms on partially visible data with a variable fraction of outliers. (d) RTE of various algorithms on partially visible data with a variable fraction of outliers.
Electronics 13 00654 g005
Figure 6. Visualizations of point correspondences at the iteration of (a) RPM-net and (b) our TSGANet. We compare our method with RPM-Net because they share some similarities in their computation processes. The source and target point clouds in RPM-Net and our method are opposite.
Figure 6. Visualizations of point correspondences at the iteration of (a) RPM-net and (b) our TSGANet. We compare our method with RPM-Net because they share some similarities in their computation processes. The source and target point clouds in RPM-Net and our method are opposite.
Electronics 13 00654 g006
Figure 7. Mechanical parts and registration examples of our method on the point clouds of the mechanical parts.
Figure 7. Mechanical parts and registration examples of our method on the point clouds of the mechanical parts.
Electronics 13 00654 g007
Table 1. Performance of various algorithms on 70% completeness data with noises and outliers. Note that the singly bolded numbers indicate the first rank, while the numbers in bold and italics indicate the second rank.
Table 1. Performance of various algorithms on 70% completeness data with noises and outliers. Note that the singly bolded numbers indicate the first rank, while the numbers in bold and italics indicate the second rank.
MethodsData with NoisesData with Outliers
RRERTECDRR (%)Time (ms)RRERTERR (%)Time (ms)
ICP24.020.18560.01311.7328.420.18819.23
FGR53.170.18590.0307.0917.250.050564.527
DCP-v217.940.21320.0191.1920.760.20530.1610
RPM-Net1.240.0121 7.2 × 10 4 95.3374.360.030166.843
RGM2.790.0219 1.7 × 10 3 87.81274.680.033773.3149
RegTR1.680.01378.4 × 10−493.2352.690.023783.842
OGMM3.15430.00840.183487.4262.77660.006885.726
Ours1.140.0130 9.8 × 10 4 97.3271.530.012896.029
Table 2. Performance of various algorithms on 50% completeness data with noises and outliers. Note that the singly bolded numbers indicate the first rank, while the numbers in bold and italics indicate the second rank.
Table 2. Performance of various algorithms on 50% completeness data with noises and outliers. Note that the singly bolded numbers indicate the first rank, while the numbers in bold and italics indicate the second rank.
MethodsData with NoisesData with Outliers
RRERTECDRR (%)Time (ms)RRERTERR (%)Time (ms)
ICP43.740.3280.0316.4241.630.3073.62
FGR58.700.3560.0432.8538.4314.90139.116
DCP-v232.750.5650.2590629.690.56107
RPM-Net7.860.1030.12661.44810.960.13329.434
RGM18.540.1650.08652.38420.400.16634.594
RegTR5.090.0890.12358.8286.0980.07753.031
OGMM3.0780.00740.18486.5262.00820.004488.427
Ours3.970.1030.18455.4186.1000.08249.121
Table 3. Performance of different combinations on 70% completeness point clouds with noises and outliers. Note that bold ranks first.
Table 3. Performance of different combinations on 70% completeness point clouds with noises and outliers. Note that bold ranks first.
ModelsData with NoisesData with Outliers
RRERTECDRRERTE
TSGANet_v19.230.19020.02315.650.1793
TSGANet_v22.960.0175 1.8 × 10 3 3.500.0203
TSGANet_v31.790.0141 1.1 × 10 3 1.950.0201
TSGANet1.140.0130 9.8 × 10 4 1.530.0128
Table 4. Performance of our method on 70% completeness point clouds with noises and outliers when the value of k in k-nearest neighbors varies. Note that, when k = 0 , neighborhood information is not encoded.
Table 4. Performance of our method on 70% completeness point clouds with noises and outliers when the value of k in k-nearest neighbors varies. Note that, when k = 0 , neighborhood information is not encoded.
kData with NoisesData with Outliers
RRERTECDRRERTE
015.42100.19770.02414.12950.1497
54.39580.0717 4.6 × 10 3 1.09150.0125
101.71250.0241 1.3 × 10 3 1.27080.0124
201.13660.0130 9.8 × 10 4 1.52990.0128
301.39480.0149 1.0 × 10 3 1.75270.0142
401.65130.0168 1.1 × 10 3 1.96190.0163
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

Zhang, X.; Li, J.; Zhang, W.; Xu, Y.; Li, F. Two-Stage Point Cloud Registration Framework Based on Graph Neural Network and Attention. Electronics 2024, 13, 654. https://doi.org/10.3390/electronics13030654

AMA Style

Zhang X, Li J, Zhang W, Xu Y, Li F. Two-Stage Point Cloud Registration Framework Based on Graph Neural Network and Attention. Electronics. 2024; 13(3):654. https://doi.org/10.3390/electronics13030654

Chicago/Turabian Style

Zhang, Xiaoqian, Junlin Li, Wei Zhang, Yansong Xu, and Feng Li. 2024. "Two-Stage Point Cloud Registration Framework Based on Graph Neural Network and Attention" Electronics 13, no. 3: 654. https://doi.org/10.3390/electronics13030654

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