Next Article in Journal
Design of a Compact Multiband Monopole Antenna with MIMO Mutual Coupling Reduction
Previous Article in Journal
A Deep Learning Approach to Distance Map Generation Applied to Automatic Fiber Diameter Computation from Digital Micrographs
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Communication

Clique-like Point Cloud Registration: A Flexible Sampling Registration Method Based on Clique-like for Low-Overlapping Point Cloud

School of Physical Science and Technology, Southwest Jiaotong University, Chengdu 610031, China
*
Author to whom correspondence should be addressed.
Sensors 2024, 24(17), 5499; https://doi.org/10.3390/s24175499
Submission received: 10 July 2024 / Revised: 16 August 2024 / Accepted: 19 August 2024 / Published: 24 August 2024
(This article belongs to the Section Sensing and Imaging)

Abstract

:
Three-dimensional point cloud registration is a critical task in 3D perception for sensors that aims to determine the optimal alignment between two point clouds by finding the best transformation. Existing methods like RANSAC and its variants often face challenges, such as sensitivity to low overlap rates, high computational costs, and susceptibility to outliers, leading to inaccurate results, especially in complex or noisy environments. In this paper, we introduce a novel 3D registration method, CL-PCR, inspired by the concept of maximal cliques and built upon the SC2-PCR framework. Our approach allows for the flexible use of smaller sampling subsets to extract more local consensus information, thereby generating accurate pose hypotheses even in scenarios with low overlap between point clouds. This method enhances robustness against low overlap and reduces the influence of outliers, addressing the limitations of traditional techniques. First, we construct a graph matrix to represent the compatibility relationships among the initial correspondences. Next, we build clique-likes subsets of various sizes within the graph matrix, each representing a consensus set. Then, we compute the transformation hypotheses for the subsets using the SVD algorithm and select the best hypothesis for registration based on evaluation metrics. Extensive experiments demonstrate the effectiveness of CL-PCR. In comparison experiments on the 3DMatch/3DLoMatch datasets using both FPFH and FCGF descriptors, our Fast-CL-PCRv1 outperforms state-of-the-art algorithms, achieving superior registration performance. Additionally, we validate the practicality and robustness of our method with real-world data.

1. Introduction

With the advancement and widespread application of 3D sensing technology, various sensor types, including laser scanning [1], structured light [2], and stereo cameras [3], have reached maturity. As a result, the use of 3D point clouds in applications such as localization [4] and 3D reconstruction [5] has become increasingly important. However the point cloud data captured by different sensors often exhibit variations in orientation and position, leading to misalignments between point clouds. Consequently, 3D point cloud registration (PCR) has emerged as a fundamental problem in 3D computer vision [6], serving as a prerequisite for numerous downstream tasks. The primary objective of PCR is to determine a six-degrees-of-freedom (6-DOF) transformation that accurately aligns point clouds from neighboring stations [7]. In practical scenarios, point cloud scans, especially of natural scenes, may not always guarantee sufficient overlap. This is particularly true in cases like sparse vehicular lidar scans or when occlusions, temporal differences, and interruptions occur [8]. Low overlap in such scenarios often results in an increase in outliers, posing a significant challenge for PCR.
To address this challenge, two main approaches are generally utilized: designing more discriminative 3D feature descriptors and developing effective outlier rejection methods. In terms of 3D feature descriptors, some approaches [9,10,11,12,13,14] utilize deep learning techniques to extract richer features from point clouds or to develop more discriminative feature description. On the other hand, traditional methods [15,16,17,18,19] focus on characterizing features based on the intrinsic information of the point cloud itself. Among outlier rejection methods, RANSAC [20] guides the registration process through a straightforward iterative sampling strategy. This approach was pioneering in guiding registration by sampling expected inliers. However, despite its simplicity and efficiency, the performance of RANSAC-based methods significantly deteriorates as the outlier ratio increases, leading to higher computational demands [21]. Additionally, deep learning-based methods often require large datasets for training and may lack generalization capabilities across different datasets [22]. As a result, achieving accurate registration in the presence of a high number of outliers and across varying datasets remains a considerable challenge.
In this paper, we propose CL-PCR, a novel registration method inspired by the concept of maximal cliques [22] and built upon the SC2-PCR [23] framework. Our method follows these key steps: first, we construct a spatial compatibility matrix using the SC2-PCR method; second, we generate clique-like subsets through our proposed approach; third, these clique-like subsets are processed using the SVD algorithm to generate transformation hypotheses; and finally, we apply evaluation metrics to select the optimal model. Overall, our main contributions are as follows:
(1)
Proposed CL-PCR Method: We introduce a new sampling hypothesis generation method called CL-PCR. Our clique-like approach, inspired by the concept of maximal cliques, relaxes the constraint of a fixed number of samples compared to SC2-PCR. This flexibility allows us to extract more reliable hypotheses from smaller clique-like subsets. The effectiveness and practicality of our approach are demonstrated in subsequent experiments.
(2)
Clique-Like Sampling Enhancement Methods: Building on our clique-like model, we propose two sampling enhancement methods. These methods address the problem of outlier penetration and leverage the consensus information from deep-sampling clique-like subsets to generate more reliable hypotheses.
(3)
Extensive Experimental Validation: We conduct comprehensive experiments to demonstrate the effectiveness of our sampling hypothesis generation method. We adopt the FS-TCD metric [24] as a secondary evaluation metric, in combination with three other metrics: IC, MAE, and MSE. This robust evaluation framework allows for detailed analysis and model selection for hypothesis generation.
(4)
Superior Performance and Practicality: Our method outperforms state-of-the-art algorithms, achieving the highest registration recall on the 3DMatch and 3DLoMatch datasets using both FPFH and FCGF descriptors. Additionally, we demonstrate the practicality and robustness of our approach on real-world train datasets.

2. Related Works

2.1. Three-Dimensional Feature Descriptors

In the task of 3D point cloud registration (PCR), correspondence-based methods are well-established and reliable approaches, primarily relying on feature descriptors with high discriminative ability.
Deep learning-based feature descriptors. These descriptors are typically trained using convolutional networks and large datasets to generate representative and distinctive features. PointNet [9], for instance, extracts features using a multi-layer perceptron (MLP) in a simple yet effective structure. More advanced methods include 3DMatch [10] and 3DSmoothNet [11], which utilize deep convolutional neural networks (CNNs) as feature extractors. SpinNet [12] introduces a 3D cylindrical convolutional network (3DCCN) for feature mapping, while DGCNN [13] incorporates the EdgeConv aggregation module to capture local geometric features. FCGF [14] connects points as sparse tensors and constructs full convolutional networks for feature extraction using the Minkowski Engine [25]. Despite the strong performance of these deep learning-based methods, they typically require large amounts of training data and are susceptible to overfitting and poor generalization across different datasets.
Traditional feature descriptors. These descriptors generally encode the domain coordinates, normals, and other information of the query points in the point cloud. Spin Image [15] encodes the local surface shape as a descriptor and forms rotationally invariant features by projecting the local neighborhoods of each point onto a two-dimensional image. The 3DSC [16] extends the shape context from 2D to 3D, describing point cloud features by computing the distribution of local neighborhoods of points in a spherical coordinate system. SHOT [17] describes the point cloud by computing the normal vectors information in the subspace of points to statistically encode histograms, providing better robustness and descriptive capability. PFH [18] encodes information such as normal angles and distances between pairs of points in the form of statistical histograms, providing a rich geometric description, despite its high computational complexity. FPFH [19] reduces computational complexity by simplifying the computation of point-pair features and replacing PFH with the weighted result of SPFH, making it more efficient in practical applications.

2.2. Outlier Rejection

After feature matching, typical correspondence-based registration methods can directly obtain the six-degrees-of-freedom (6-DOF) transformation using Singular Value Decomposition (SVD). However, in scenarios with low overlap ratios, the feature matching process often contains a large number of incorrect correspondences, making outlier rejection critical.
Learning-based outlier rejection. Some approaches integrate outlier rejection as a module within their overall network architecture. For instance, Predator [26] and GeoTransformer [27] propose attention modules to better differentiate between inliers and outliers, while BUFFER [28] addresses the problem of low overlap ratio by designing an inliers generator. Other methods treat outlier rejection as an independent classification problem. DGR [29], 3DRegNet [30], and PointDSC [31] achieve outlier rejection by designing independent classification networks to predict the confidence level of inliers.
Traditional outlier rejection. The sampling hypothesis generation model of RANSAC [20] and its variants [32,33] remains the dominant approach for outlier rejection. These methods select expected inliers for registration by randomly sampling from the initial correspondence set, iteratively generating hypotheses, and evaluating them to select the best one for registration. However, RANSAC and its variants often struggle to maintain high accuracy in scenarios with extremely high outlier ratios. Rather than optimizing the registration function directly, some alternative approaches focus on finding the subset of correspondences that are pairwise consistent [34]. For example, PMC [34] describes the correspondence set as an undirected graph and searches for its maximum clique to find the expected inliers directly, though its branch-and-bound search is impractical [35]. TEASER [36] also employs maximum clique and geometric constraints for outlier pruning. SC2-PCR [23] distinguishes between inliers and outliers using a second-order metric, searching for a consistent set of points from seed points for pairwise registration. MAC [22] combines a relaxed maximal clique strategy with a second-order metric based on [23] to fully consider the possibilities of each hypothesis, demonstrating that even just three points can potentially become the best registration inliers.

3. Methods

3.1. Problem Formulation

For two point clouds that need to be aligned, we denote the source point cloud as P = p i R 3     i = 1 , , N p } and the target point cloud as Q = q i R 3     i = 1 , , N q } . We firstly extract their local features by using either traditional or learning-based feature descriptors. Feature matching of the extracted features yields an initial correspondence set C = c   |   c = ( p , q ) . Next, we characterize the correspondences c with different subsets of samples as clique-likes and use the clique-likes to search for potential inliers to guide the registration. The framework of our method is shown in Figure 1.

3.2. Graph Matrix Construction

Graph spaces can describe the relationships between correspondences more accurately than Euclidean spaces [22]. However, constructing an actual graph can be extremely time-consuming, especially as the number of correspondences increases. To address this, our method does not construct a real graph but instead follows [23] and utilizes two approaches to construct the compatibility graph matrix.
First-order matrix. The first-order matrix ( F M R N × N ) is represented by a rigid Euclidean distance constraint. The difference in spatial distances between the correspondence pair c i , c j can be expressed as follows:
D i s t c i , c j = p i p j q i q j
The compatibility between them can be expressed as a truncated distance measure for nonlinear mappings:
c m p c i , c j = max ( 1 D i s t c i , c j 2 τ 2 , 0 )
where τ is the inlier threshold parameter. This score metric helps to better filter the inliers from the outliers. We use this score to represent the compatibility relationship between the correspondence pair c i , c j and store it in the F M i , j element of the F M , which is symmetric. Hence, F M j , i = F M i , j .
Second-order matrix. The metric of the second-order matrix ( S M R N × N ), proposed by [23], aims to further distinguish between inliers and outliers from globally compatible relations. The F M is first re-corrected to measure the spatial distance difference directly using the inlier threshold parameter τ and reduced to a boolean value to re-derive the hard first-order matrix ( F M ¯ R N × N ) :
F M ¯ ( i , j ) = 1 ; D i s t c i , c j τ 0 ; D i s t c i , c j > τ
The S M can then be computed using the following equation:
S M = F M ¯ ( F M ¯ × F M ¯ )
where denotes element-wise multiplication.
In comparison, S M is a more efficient metric than F M and can significantly differentiate between inliers and outliers. In Section 4.5, we compare these two methods of graph matrix construction.

3.3. Clique-like Construction

Given an undirected G r a p h = ( V e r t e x , E d g e ) and a C l i q u e = ( V e r t e x V e r t e x , E d g e E d g e ) within the graph, the clique is a subset where every pair of nodes V e r t e x is connected by an E d g e . This indicates that all nodes in the clique are in mutual consensus. The key idea behind clique-based registration is to identify a clique where this consensus suggests potential inliers. In our work, we construct clique-like using a fast approximation method based on the inherent properties of cliques. The clique-like we construct can simulate the function of mutually constrained subsets of maximal cliques. We define a C l i q u e _ l i k e n   = { c i C | i = 1 , , N n } with n nodes, where C is the initial correspondence set, c i represents the clique-like nodes, and N n denotes the number of nodes. Our goal is to construct clique-likes that are expected to satisfy the consistency for all nodes.
The construction process of our clique-like structures is straightforward, involving two main steps: identifying the initial node and finding the filling nodes. As illustrated in the orange section of Figure 1, we begin by constructing a more relaxed F M and applying the leading eigenvector algorithm to calculate evaluation scores for each correspondence in relation to the others based on global information. This global information is embedded in an eigenvector ( V R N × 1 ), which represents the potential global compatibility score for each correspondence. Each row’s correspondence is then used as the initial node in the clique-like. We classify all the initial nodes into five categories based on their compatibility scores. As shown in Figure 1a, the rows are color-coded by score, where a higher score indicates a greater likelihood that the node is connected to other nodes. Next, we populate the nodes with information from the S M to better distinguish between inliers and outliers. The leading eigenvector algorithm is once again employed to calculate the evaluation score of each initial node relative to other correspondences in the S M . This enables us to rank and select the remaining N n 1 correspondences with the highest consistency as neighbor padding. In Figure 1b, the initial nodes are shown to connect with varying numbers of nodes to complete the filling of the clique-like subsets.
Maximal cliques registration fully explores the potential combinations of individual correspondence subsets. Drawing inspiration from the maximal cliques, we relax certain constraints and uncover more potential information by designing clique-like structures with varying numbers of nodes. As shown in Figure 2, compared to SC2-PCR++, our method allows fewer consensus sets to participate in hypothesis generation. This capability enables us to successfully find the correct consensus subset, even in extreme cases where the inlier ratio is less than 1%. In this example, our method performs well in challenging situations with as few as three sets of correspondences. This approach is particularly effective in uncovering subtle and difficult-to-detect information.
However, Ref. [37] revealed the problem of outlier correspondence penetration in maximum cliques. This means that the subsets generated by the maximum cliques may still include some outliers, which could negatively impact the registration process. Similarly, the sampling subset method used in SC2-PCR, which samples a fixed number of correspondences, is also susceptible to this problem. Although our clique-like method offers greater flexibility in selecting subsets compared to SC2-PCR, it is not immune to this issue. To mitigate this, we propose the following clique-like sampling augmentation strategies:
Default demotion strategy. We establish five types of clique-like structures, each with a different number of nodes. Unlike the typical construction process discussed earlier, we acknowledge that in actual maximal cliques, larger cliques are fewer in number, while smaller cliques are more common, resembling a pyramid structure, as shown in Figure 1c. To augment our approach, we employ a default demotion strategy, where we randomly demote some of the initial nodes of the larger clique-like subsets into smaller ones by reducing their neighborhood node padding. This strategy aims to ensure that each clique-like structure contains the most probable inliers, even if it means sacrificing some inliers to address the issue of outlier correspondence penetration. However, this strategy has a drawback: it may truncate large subsets filled with inliers, reducing them to smaller subsets that contain only a few inliers. To counteract this limitation, we propose a second enhancement strategy.
Safe demotion strategy. In this strategy, we continue to demote large-sized clique-like structures into smaller ones. However, to avoid the risk of mistakenly truncating subsets that consist entirely of inliers, we implement a safer demotion approach. This involves randomly demoting the initial nodes while also retaining them in their original classification. This method allows for further truncated sampling to remove outliers from clique-like structures that suffer from outlier penetration, while ensuring that clique-like structures already filled with valid inliers are not mistakenly removed.
A comparison of the default clique-like construction method and the two enhanced construction methods is provided in Section 4.5.

3.4. Hypothesis Generation and Evaluation

Each set of clique-like represents a group of expected consistent inliers. By applying the SVD algorithm, we can obtain a set of 6-degrees-of-freedom positional hypotheses.
Instance-equal SVD. SVD is the usual method for transformation, where “instance-equal” implies that every correspondence involved in the computation is equally weighted.
Weighted SVD. Recent methods, including those proposed in [27,29] and SC2-PCR [23], have explored the application of weights to the correspondence set to better guide the registration process. Typically, these weights are derived from the eigenvector of the compatibility matrix. Following the SC2-PCR approach, we compute the eigenvector of the local S M for each set of clique-like structures and use it as the weights for the weighted SVD.
After generating the hypotheses using SVD, the optimal hypothesis is selected based on evaluation metrics. We consider several popular hypothesis evaluation metrics from RANSAC [38], including inlier count (IC), mean average error (MAE), and mean square error (MSE). The evaluation formula for the k-th hypothesis is as follows:
I C k = i = 1 N R k p i + t k q j < τ
M A E k = i = 1 N R k p i + t k q j τ τ < τ
M S E k = i = 1 N R k p i + t k q j τ 2 τ 2 < τ
where N is the number of putative correspondences, ( p i , q j ) represents a pair of correspondences, · denotes the Iverson bracket (which returns 1 if the condition inside the parentheses is true, and 0 otherwise), and τ is the conditional threshold for judging the inliers. R k and t k are the rotation and translation matrices of the k-th hypothesis. When both are correct estimates, the I C k should be close to the number of inliers. The metrics M A E k and M S E k , which are weighted versions of I C k , are expected to reflect the registration differences more effectively and accurately. However, a recent study [24] noted that in some scenarios with a low overlap ratio, the inlier counts might be small when correctly registered. To address this, we also incorporate the feature and spatial consistency constrained truncated chamfer distance (FSTCD) as an additional evaluation metric. This metric is formulated as follows:
F S T C D k = i = 1 N ( min H ij = 1 R k p i + t k q j ) < η
where N is the number of putative correspondences further filtered after spatial consistency assessment. H is the relaxed feature matching relationship matrix, where H i j = 1 indicates that ( p i , q j ) must be consistent in feature metric. The meaning of this formula is that for each p i , we find the closest q j in the target point cloud Q after applying the transformations R k and t k . We then count the number of inlier pairs whose error is less than the threshold η . The count is valid if and only if the pair ( p i , q j ) is consistent in both feature and space. A more detailed derivation can be found in [24].
The more advanced and effective the evaluation metrics are, the more useful the multiple hypotheses of our clique-like can be. The performance of each evaluation metric is discussed in Section 4.5.

4. Experimental Section

4.1. Experimental Setup

Datasets. We validate our method using three datasets: the indoor datasets 3DMatch and 3DLoMatch, and the outdoor dataset KITTI. The 3DMatch dataset contains 1672 pairs of point clouds, while the more challenging 3DLoMatch dataset contains 1781 pairs with an overlap ratio of only 10% to 30%. For the KITTI dataset, we follow [22,23] and use 555 pairs of point clouds for testing.
Evaluation Criteria. We primarily report the registration recall (RR) within a certain error range as the main evaluation criterion. Additionally, following [29], we measure the registration effectiveness using the rotation error (RE) and translation error (TE). For the 3DMatch and 3DLoMatch datasets, registration is considered successful when RE ≤ 15° and TE ≤ 30 cm. For the KITTI dataset, registration is considered successful when RE ≤ 5° and TE ≤ 60 cm. Furthermore, following [29], since failed registrations can cause significant errors, we present both RE and TE in the experimental tables as errors from successfully registered pairs only.
Implementation Details. All input correspondence sets are generated by traditional FPFH or learning-based FCGF descriptors. Following our clique-like construction methods described in Section 3.3, we set up five types of clique-like and find initial nodes. We refer to [22] to set the node of our smallest clique-like to 3, and refer to [23] to set the max node to 20. The overall five types of clique-like sizes are sequentially decreased as 20, 15, 10, 5, and 3. Subsequently, we implement the clique-like sampling enhancement method proposed in Section 3.3, where the node demotion ratio is set to 0.5. Finally, hypotheses are generated from the correspondences in each clique-like using instance-equal SVD, and they are evaluated by MAE and FS-TCD. All the experiments are conducted on a machine with an Intel i9 12900k CPU (Intel Corporation, Santa Clara, CA, USA) and a single NVIDIA RTX3090 (NVIDIA, Santa Clara, CA, USA).

4.2. Results on 3DMatch Dataset

In this experiment, we first test the 3DMatch dataset. As shown in Table 1, our CL-PCR outperforms all other compared methods in the correspondences generated using the traditional descriptor FPFH. For the RR, which is the most important evaluation metric in registration, our method shows a 4.38% improvement over the state-of-the-art MAC algorithm, a 1.30% improvement over SC2-PCR++, and a 10.91% improvement over the deep learning method PointDSC. It is important to note that the RE and TE calculations are derived from the results of successful registrations. This strategy can lead to methods with high RR tending to introduce larger errors, as they include more difficult-to-align data in their error calculations than methods with low RR [23]. Nevertheless, our RE and TE remain relatively substantial. When using the FCGF descriptor, the correspondence inlier ratio improves compared to FPFH, as expected, leading to better performance across all correspondence-based comparison methods. As shown in Table 1, our method still achieves strong performance, with an RR slightly lower than SC2-PCR++ but 0.18% higher than MAC. Notably, in subsequent experiments with the proposed optimization models, our Fast-CL-PCRv1 achieves the highest registration recall.

4.3. Results on 3DLoMatch Dataset

To further demonstrate the robustness of our method, we test it on the low-overlap scene dataset 3DLoMatch. Following [22], we use FPFH and FCGF as feature descriptors to generate correspondences. The results are shown in Table 2. From the data in the table, our method also performs well in the benchmark. Notably, our Fast-CL-PCRv1 performs second only to our original CL-PCR with FPFH, while outperforming all other algorithms with FCGF.
In addition, we present some qualitative results from the 3DLoMatch dataset, which features low overlap ratios. As shown in Figure 3, we compare our method with SC2-PCR++ and MAC, showcasing visual registration outcomes for challenging data. The results clearly demonstrate that our method is capable of accurately registering point cloud pairs even in scenarios with very low overlap.

4.4. Results on KITTI Dataset

In this experiment, we evaluate our method using the outdoor dataset KITTI, and the results are shown in Table 3. When FPFH is used for generating correspondences, our method achieves the second-highest RR, just behind SC2-PCR++. Compared to MAC, our method matches the RR but results in lower rotation and translation errors. When using FCGF for generating correspondences, our method achieves the highest RR, equaling SC2-PCR++. This consistency across different feature descriptors highlights the robustness of our approach.
The results from both indoor and outdoor datasets (3DMatch, 3DLoMatch, and KITTI) highlight the robustness and versatility of our method across various application scenarios. These findings underscore the excellent capability of our method in generating accurate registrations across different environments.

4.5. Analysis Experiments

In this section, we conduct and analyze the ablation experiments of our method on the 3DMatch and 3DLoMatch datasets using the FPFH descriptor. We compare several algorithms introduced in Section 3. To avoid random errors caused by the clique-like sampling enhancement method, we ensure consistency in the inputs for each set of ablation experiments by sequentially selecting the initial nodes. This approach allows us to focus on the impact of different strategy choices rather than the variability introduced by random node selection. The results of the ablation experiments for different combinations of methods are presented in Table 4 and Table 5. Additionally, we analyze the selection rate and recall rate of the five types of clique-like in our method, with the findings shown in Table 6. To further improve efficiency, we propose three optimization models, with their results displayed in Table 7 and Table 8. Lastly, we evaluate the upper performance limits of our method compared to the SC2-PCR++ method, as illustrated in Table 9.
Clique-like construction methods. We test the three clique-like construction methods mentioned in Section 3. As shown in Table 4 and Table 5 (rows 1 to 3), the RR is highest with the clique-like sampling enhancement method using the safe demotion strategy. This method shows an improvement of 0.56% on the 3DMatch dataset and 0.17% on the 3DLoMatch dataset compared to the normal construction method. These results demonstrate that demoting some nodes to smaller clique-like subsets, while retaining the original larger subsets, can effectively address the issue of outlier penetration and enhance overall registration performance. In contrast, the data enhancement method using the default demotion strategy is less effective than the non-enhancement method, indicating that the forced pruning of certain subsets can be counterproductive.
Choices of graph matrix construction. In this paper, we use the graph matrix twice. The first usage is for initial node sorting, where we default to the more relaxed first-order matrix (FM). The second usage is during the construction of clique-like, where we compare the effectiveness of different graph matrices. As shown in Table 4 and Table 5 (rows 3 and 4), employing the second-order matrix (SM) to construct the graph matrix results in a 2.47% improvement in RR on the 3DMatch dataset and a 6.85% improvement on the 3DLoMatch dataset compared to using FM. This enhancement suggests that SM is more effective at distinguishing between inliers and outliers when identifying neighboring nodes for the initial node, thereby facilitating the construction of more robust clique-likes and leading to better registration outcomes.
Weighted SVD vs. instance-equal SVD. We compare the performance of instance-equal SVD and weighted SVD, as shown in Table 4 and Table 5 (rows 3 and 8). Our method using instance-equal SVD shows a 0.3% higher RR on the 3DMatch dataset and a 0.4% higher RR on the 3DLoMatch dataset compared to using weighted SVD. Although weighted SVD is widely employed in SC2-PCR and other state-of-the-art methods, the unweighted SVD approach proves more effective for hypotheses generated by small clique-like subsets with fewer nodes. This approach helps to minimize the interference of global information, thereby facilitating the generation of correct hypotheses.
Evaluation metrics selection. We compare three model selection methods: IC, MAE, and MSE, along with the recently proposed reselection metric FS-TCD for hypothesis evaluation of our method. As shown in Table 4 and Table 5 (rows 3 and 7), our method achieves the highest performance with MAE + FS-TCD. This combination of reselection by FS-TCD improves RR by 4.87% on the 3DMatch dataset and 4.27% on the 3DLoMatch dataset, demonstrating that advanced metrics are more effective at evaluating hypotheses generated by fewer but more reliable nodes in our clique-like method. When using reselection as depicted in Table 4 and Table 5 (rows 3, 5, and 6), MAE results in a 0.99% higher RR than MSE on the 3DMatch dataset and 0.23% higher on the 3DLoMatch dataset. Additionally, MAE yields the same RR as IC on the 3DMatch dataset while reducing the rotation error (RE) by 0.02° and the translation error (TE) by 0.02 cm. On the 3DLoMatch dataset, MAE outperforms IC in RR by 0.96%.
Clique-like model selection analysis. To further assess the effectiveness of our method across different clique-like sizes, we evaluate the selection and recall of five differently sized clique-like structures on the 3DMatch and 3DLoMatch datasets using the FPFH and FCGF descriptors. The results are summarized in Table 6. The AS statistic shows that the five clique-like models with varying node counts contribute evenly to the final model selection. This indicates that our clique-like models are both effective and meaningful, with no undue reliance on any single size. In terms of the AP statistic, we analyze the recall performance for each clique-like model. Notably, the model consisting of only three nodes achieves the highest recall. This finding highlights the effectiveness of our subset mining process in identifying valuable hypotheses.
Model optimization analysis. In this experiment, we optimize several components of CL-PCR to enhance model efficiency. FS-TCD is particularly suitable for cases where the inlier count metric becomes unreliable, especially with low point cloud pair overlap ratios. We define that an inlier count of fewer than 100 is no longer entirely reliable. Additionally, smaller clique-likes are more effective for extreme cases, as shown in Figure 2, while using all hypotheses can be time-consuming in simpler scenarios. Thus, we propose that when the inlier count is less than 30, smaller clique-likes are preferable for deeper mining. Based on this observation, we optimize the model by reducing resource allocation for simpler pairs to improve efficiency. We measure the inlier count using the highest MAE score of the hypotheses. The impacts of these optimizations are presented in Table 7 and Table 8. Furthermore, we introduce three optimization models through different algorithms, significantly reducing computation time and enhancing registration efficiency without compromising accuracy.
Performance upper bound analysis. Previous experiments indicate that while FS-TCD is a highly advanced metric, the registration recall (RR) may increase after pruning, suggesting it is not always the best metric for model selection. In this section, we assess the performance upper bound of our method under ideal conditions. We define ideal evaluation metrics as those allowing a pair of point clouds to be correctly aligned. This helps evaluate the performance of our method against SC2-PCR++ under upper bound constraints.
We compare different thresholds for the number of correct hypotheses to gauge the reliability of our method relative to SC2-PCR++. The results, shown in Table 9, demonstrate that our method outperforms SC2-PCR++ at all tested thresholds. Specifically, in the success-1 experiment, our method achieves a registration recall of 96.00% and 98.34% on the 3DMatch dataset using the FPFH and FCGF descriptors, respectively, surpassing SC2-PCR++ by 4.5% and 1.54%. On the 3DLoMatch dataset, our method achieves 70.19% and 87.37% recall with FPFH and FCGF, respectively, exceeding SC2-PCR++ by 20.84% and 10.33%. These results indicate that our method is highly effective in generating correct hypotheses for most point clouds in the 3DMatch dataset. For the challenging 3DLoMatch dataset with low overlap, our method achieves up to 70.19% recall with FPFH and an even higher 87.37% with FCGF. Although our model has not yet achieved the ultimate upper limit as defined by the current evaluation metrics, the success-1 results demonstrate that our method has a higher performance ceiling. As evaluation metrics continue to improve, our model is poised to achieve even better performance.

4.6. Real Data Experiments

In this experiment, we use three real point cloud datasets collected from a 3D laser scanner equipped with a three-million-pixel industrial camera. These datasets capture various object parts, as shown in Figure 4. The workflow for processing these datasets is illustrated in Figure 5. The process begins with the 3D camera capturing the object’s 3D information, which is then converted into point cloud format. To increase complexity, we introduce cropping and noise into the point cloud data. Following this, we downsample the point clouds using a 1 cm voxel size and extract features with the FPFH descriptor to generate correspondences. Finally, we perform the registration using our Faster-CL-PCR method.
In this section, we compare the registration performance of our method with the state-of-the-art method SC2-PCR++ on real datasets with varying overlap rates. The results of this comparison are presented in Table 10. Additionally, we investigate the impact of different sampling degrees and noise levels on registration performance. The results of these investigations are illustrated in Figure 6.
Effect of different overlap rates on results. To further validate the effectiveness and robustness of our method in scenarios with low overlap rates, we test overlap rates ranging from 0.1 to 1 on real datasets. As shown in Table 10, our method performs consistently well across various overlap rates, with most errors remaining below 1. This indicates that our method is robust even in low-overlap scenarios with real data. While SC2-PCR++ performs admirably on public datasets, our method shows smaller errors across different overlap rates in real scenarios. Additionally, our method registers point clouds faster than SC2-PCR++, further demonstrating its practical advantages.
PCR processing capability of our algorithm. To further analyze the processing capability of our algorithm on real data point clouds, we focus on parts (a) from Figure 4 with an overlap rate of 0.4. We first investigate the impact of different noise levels on the algorithm. The original point cloud of the train component parts (a) contains 1,501,616 points, with a minimum bounding box size of 86 cm × 53 cm × 86 cm and an average nearest distance of 0.036 cm. Gaussian noise, with a standard deviation ranging from 0 to 20 times this level unit, was added to the point cloud. The error curve for the registration results is shown in Figure 6a. Despite substantial noise, our algorithm remains highly robust. When the noise level is below 10, the rotation error stays under 1° and the translation error remains below 1 cm (as indicated by the reference line). Notably, with no additional noise, our method achieves an error close to 0, highlighting the effectiveness of our approach even in the presence of inherent noise in the raw data.
We also investigate how the sampling rate affects the number of correspondences, time consumption, and errors. Figure 6b,c present the results of our experiments with voxel sizes ranging from 0.4 cm to 3.0 cm. As shown in Figure 6b, the error curves exhibit significant fluctuations at a 1.5 cm voxel size, but the errors remain below the reference line. Figure 6c indicates that when the number of correspondences exceeds the first reference line, both preprocessing time (Pre_time) and registration time (PCR_time) increase substantially, with total time exceeding 1 s. Combining the insights from Figure 6b,c, a 1 cm voxel size is optimal for the real datasets in this study. For correspondence number requirements, or algorithm achieves an effective balance between speed and accuracy with approximately 1000 to 8000 correspondences, which falls between the two reference lines in Figure 6c.

5. Conclusions

Based on the concept of maximal cliques, we propose the CL-PCR method for point cloud registration. This approach effectively mines consensus information from correspondence subsets to generate reliable hypotheses, offering a novel outlier rejection technique. It excels in handling low-overlap point cloud scenarios and can flexibly utilize the smallest clique-like subsets to enhance registration performance when the inlier ratio is very low. Compared to existing state-of-the-art algorithms, our method achieves higher registration recall with both FPFH and FCGF descriptors on the public datasets 3DMatch and 3DLoMatch. To improve practicality, we developed faster versions of the method. The evaluation on real datasets demonstrates that CL-PCR is robust across varying overlap rates and noise levels. Moreover, our method excels in both speed and precision, making it suitable for practical applications in real-world scenarios.

Author Contributions

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

Funding

This work was funded by the Funds for International Cooperation and Exchange of the National Natural Science Foundation of China (Grant No. 61960206010).

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

Data underlying the result presented in this paper are available in Refs. [22,24]. Other generated data are not publicly available at this time but may be obtained from the authors upon reasonable request.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Kaartinen, E.; Dunphy, K.; Sadhu, A. LiDAR-Based Structural Health Monitoring: Applications in Civil Infrastructure Systems. Sensors 2022, 22, 4610. [Google Scholar] [CrossRef] [PubMed]
  2. Moyano, J.; Cabrera-Revuelta, E.; Nieto-Julián, J.E.; Fernández-Alconchel, M.; Fernández-Valderrama, P. Evaluation of Geometric Data Registration of Small Objects from Non-Invasive Techniques: Applicability to the HBIM Field. Sensors 2023, 23, 1730. [Google Scholar] [CrossRef] [PubMed]
  3. Lins, F.C.A.; Rosa, N.S.; Grassi, V.; Medeiros, A.A.D.; Alsina, P.J. DPO: Direct Planar Odometry with Stereo Camera. Sensors 2023, 23, 1393. [Google Scholar] [CrossRef]
  4. Sun, Y.; Hu, J.; Yun, J.; Liu, Y.; Bai, D.; Liu, X.; Zhao, G.; Jiang, G.; Kong, J.; Chen, B. Multi-Objective Location and Mapping Based on Deep Learning and Visual Slam. Sensors 2022, 22, 7576. [Google Scholar] [CrossRef] [PubMed]
  5. Lou, L.; Li, Y.; Zhang, Q.; Wei, H. SLAM and 3D Semantic Reconstruction Based on the Fusion of Lidar and Monocular Vision. Sensors 2023, 23, 1502. [Google Scholar] [CrossRef]
  6. Huang, X.; Mei, G.; Zhang, J.; Abbas, R. A comprehensive survey on point cloud registration. arXiv 2021, arXiv:2103.02690. [Google Scholar]
  7. Li, R.; Yuan, X.; Gan, S.; Bi, R.; Gao, S.; Luo, W.; Chen, C. An Effective Point Cloud Registration Method Based on Robust Removal of Outliers. IEEE Trans. Geosci. Remote Sens. 2024, 62, 5701316. [Google Scholar] [CrossRef]
  8. Zhao, Y.; Zhang, J.; Xu, S.; Ma, J. Deep learning-based low overlap point cloud registration for complex scenario: The review. Inf. Fusion 2024, 107, 102305. [Google Scholar] [CrossRef]
  9. 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; IEEE: New York, NY, USA, 2017; pp. 77–85. [Google Scholar]
  10. Zeng, A.; Song, S.; Niessner, M.; Fisher, M.; Xiao, J.; Funkhouser, T. 3DMatch: Learning Local Geometric Descriptors from RGB-D Reconstructions. In Proceedings of the 2017 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Honolulu, HI, USA, 21–26 July 2017; IEEE: New York, NY, USA, 2017; pp. 199–208. [Google Scholar]
  11. Gojcic, Z.; Zhou, C.; Wegner, J.D.; Wieser, A. The Perfect Match: 3D Point Cloud Matching with Smoothed Densities. In Proceedings of the 2019 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Long Beach, CA, USA, 15–19 June 2019; IEEE: New York, NY, USA, 2019; pp. 5540–5549. [Google Scholar]
  12. Ao, S.; Hu, Q.; Yang, B.; Markham, A.; Guo, Y. SpinNet: Learning a General Surface Descriptor for 3D Point Cloud Registration. In Proceedings of the 2021 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Nashville, TN, USA, 20–25 June 2021; IEEE: New York, NY, USA, 2021. [Google Scholar]
  13. 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, 146. [Google Scholar] [CrossRef]
  14. Choy, C.; Park, J.; Koltun, V. Fully Convolutional Geometric Features. In Proceedings of the 2019 IEEE/CVF International Conference on Computer Vision (ICCV), Seoul, Republic of Korea, 27 October–2 November 2019; IEEE: New York, NY, USA, 2019; pp. 8957–8965. [Google Scholar]
  15. Johnson, A.E.; Hebert, M. Using spin images for efficient object recognition in cluttered 3D scenes. IEEE Trans. Pattern Anal. Mach. Intell. 1999, 21, 433–449. [Google Scholar] [CrossRef]
  16. Frome, A.; Huber, D.; Kolluri, R.; Bülow, T.; Malik, J. Recognizing Objects in Range Data Using Regional Point Descriptors. In Computer Vision—ECCV 2004; Pajdla, T., Matas, J., Eds.; Lecture Notes in Computer Science; Springer: Berlin/Heidelberg, Germany, 2004; Volume 3023, pp. 224–237. ISBN 978-3-540-21982-8. [Google Scholar]
  17. 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]
  18. Rusu, R.B.; Blodow, N.; Marton, Z.C.; Beetz, M. Aligning point cloud views using persistent feature histograms. In Proceedings of the 2008 IEEE/RSJ International Conference on Intelligent Robots and Systems, Nice, France, 22–26 September 2008; IEEE: New York, NY, USA, 2008; pp. 3384–3391. [Google Scholar]
  19. Rusu, R.B.; Blodow, N.; Beetz, M. Fast Point Feature Histograms (FPFH) for 3D registration. In Proceedings of the 2009 IEEE International Conference on Robotics and Automation, Kobe, Japan, 12–17 May 2009; IEEE: New York, NY, USA, 2009; pp. 3212–3217. [Google Scholar]
  20. 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]
  21. Lyu, M.; Yang, J.; Qi, Z.; Xu, R.; Liu, J. Rigid pairwise 3D point cloud registration: A survey. Pattern Recognit. 2024, 151, 110408. [Google Scholar] [CrossRef]
  22. Zhang, X.; Yang, J.; Zhang, S.; Zhang, Y. 3D Registration with Maximal Cliques. In Proceedings of the 2023 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Vancouver, BC, Canada, 17–24 June 2023; IEEE: New York, NY, USA, 2023; pp. 17745–17754. [Google Scholar]
  23. Chen, Z.; Sun, K.; Yang, F.; Tao, W. SC2-PCR: A Second Order Spatial Compatibility for Efficient and Robust Point Cloud Registration. In Proceedings of the 2022 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), New Orleans, LA, USA, 18–24 June 2022; IEEE: New York, NY, USA, 2022; pp. 13211–13221. [Google Scholar]
  24. Chen, Z.; Sun, K.; Yang, F.; Guo, L.; Tao, W. SC2-PCR++: Rethinking the Generation and Selection for Efficient and Robust Point Cloud Registration. IEEE Trans. Pattern Anal. Mach. Intell. 2023, 45, 12358–12376. [Google Scholar] [CrossRef] [PubMed]
  25. Choy, C.; Gwak, J.; Savarese, S. 4D Spatio-Temporal ConvNets: Minkowski Convolutional Neural Networks. In Proceedings of the 2019 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Long Beach, CA, USA, 15–20 June 2019; IEEE: New York, NY, USA, 2019; pp. 3070–3079. [Google Scholar]
  26. Huang, S.; Gojcic, Z.; Usvyatsov, M.; Wieser, A.; Schindler, K. PREDATOR: Registration of 3D Point Clouds with Low Overlap. In Proceedings of the 2021 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Nashville, TN, USA, 20–25 June 2021; IEEE: New York, NY, USA, 2021; pp. 4265–4274. [Google Scholar]
  27. Qin, Z.; Yu, H.; Wang, C.; Guo, Y.; Peng, Y.; Xu, K. Geometric Transformer for Fast and Robust Point Cloud Registration. In Proceedings of the 2022 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), New Orleans, LA, USA, 18–24 June 2022; IEEE: New York, NY, USA, 2022; pp. 11133–11142. [Google Scholar]
  28. Ao, S.; Hu, Q.; Wang, H.; Xu, K.; Guo, Y. BUFFER: Balancing Accuracy, Efficiency, and Generalizability in Point Cloud Registration. In Proceedings of the 2023 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Vancouver, BC, Canada, 17–24 June 2023; IEEE: New York, NY, USA, 2023; pp. 1255–1264. [Google Scholar]
  29. Choy, C.; Dong, W.; Koltun, V. Deep Global Registration. In Proceedings of the 2020 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Seattle, WA, USA, 13–19 June 2020; IEEE: New York, NY, USA, 2020; pp. 2511–2520. [Google Scholar]
  30. Pais, G.D.; Ramalingam, S.; Govindu, V.M.; Nascimento, J.C.; Chellappa, R.; Miraldo, P. 3DRegNet: A Deep Neural Network for 3D Point Registration. In Proceedings of the 2020 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Seattle, WA, USA, 13–19 June 2020; IEEE: New York, NY, USA, 2020; pp. 7191–7201. [Google Scholar]
  31. Bai, X.; Luo, Z.; Zhou, L.; Chen, H.; Li, L.; Hu, Z.; Fu, H.; Tai, C.-L. PointDSC: Robust Point Cloud Registration using Deep Spatial Consistency. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Nashville, TN, USA, 20–25 June 2021; IEEE: New York, NY, USA, 2021. [Google Scholar]
  32. Barath, D.; Matas, J. Graph-Cut RANSAC. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Salt Lake City, UT, USA, 18–23 June 2018; IEEE: New York, NY, USA, 2018. [Google Scholar]
  33. Quan, S.; Yang, J. Compatibility-Guided Sampling Consensus for 3-D Point Cloud Registration. IEEE Trans. Geosci. Remote Sens. 2020, 58, 7380–7392. [Google Scholar] [CrossRef]
  34. Parra, Á.; Chin, T.-J.; Neumann, F.; Friedrich, T.; Katzmann, M. A Practical Maximum Clique Algorithm for Matching with Pairwise Constraints. arXiv 2020, arXiv:1902.01534. [Google Scholar]
  35. Lin, M.; Murali, V.; Karaman, S. A Planted Clique Perspective on Hypothesis Pruning. IEEE Robot. Autom. Lett. 2022, 7, 5167–5174. [Google Scholar] [CrossRef]
  36. Yang, H.; Shi, J.; Carlone, L. TEASER: Fast and Certifiable Point Cloud Registration. IEEE Trans. Robot. 2020, 37, 314–333. [Google Scholar]
  37. Lin, Y.-K.; Lin, W.-C.; Wang, C.-C. K-Closest Points and Maximum Clique Pruning for Efficient and Effective 3-D Laser Scan Matching. IEEE Robot. Autom. Lett. 2022, 7, 1471–1477. [Google Scholar] [CrossRef]
  38. Yang, J.; Huang, Z.; Quan, S.; Zhang, Q.; Zhang, Y.; Cao, Z. Toward Efficient and Robust Metrics for RANSAC Hypotheses and 3D Rigid Registration. IEEE Trans. Circuits Syst. Video Technol. 2022, 32, 893–906. [Google Scholar] [CrossRef]
  39. Lee, J.; Kim, S.; Cho, M.; Park, J. Deep Hough Voting for Robust Global Registration. In Proceedings of the IEEE/CVF International Conference on Computer Vision (ICCV), Montreal, BC, Canada, 11–17 October 2021. [Google Scholar]
  40. Zhou, Q.-Y.; Park, J.; Koltun, V. Fast Global Registration. In Computer Vision—ECCV 2016; Leibe, B., Matas, J., Sebe, N., Welling, M., Eds.; Lecture Notes in Computer Science; Springer International Publishing: Cham, Switzerland, 2016; Volume 9906, pp. 766–782. ISBN 978-3-319-46474-9. [Google Scholar]
Figure 1. Framework of CL-PCR. First, construct a graph matrix from the initial correspondence set. Second, select consistent sets from the graph matrix to form clique-like subsets of different sizes. Third, generate hypotheses from the clique-like subsets and select them by the evaluation metrics. Fourth, select the best hypothesis for the registration. (a): Identifying the initial node. (b): Finding the filling nodes. (c): Sampling enhancement.
Figure 1. Framework of CL-PCR. First, construct a graph matrix from the initial correspondence set. Second, select consistent sets from the graph matrix to form clique-like subsets of different sizes. Third, generate hypotheses from the clique-like subsets and select them by the evaluation metrics. Fourth, select the best hypothesis for the registration. (a): Identifying the initial node. (b): Finding the filling nodes. (c): Sampling enhancement.
Sensors 24 05499 g001
Figure 2. Comparison of our method with the SC2-PCR method in the case of extremely low inlier ratio within point cloud pairs.
Figure 2. Comparison of our method with the SC2-PCR method in the case of extremely low inlier ratio within point cloud pairs.
Sensors 24 05499 g002
Figure 3. Qualitative comparison on low-overlapped 3DLoMatch dataset. From left to right are SC2-PCR++ [24], MAC [22], and ours.
Figure 3. Qualitative comparison on low-overlapped 3DLoMatch dataset. From left to right are SC2-PCR++ [24], MAC [22], and ours.
Sensors 24 05499 g003aSensors 24 05499 g003b
Figure 4. Three different parts from the train: (ac).
Figure 4. Three different parts from the train: (ac).
Sensors 24 05499 g004
Figure 5. The workflow process.
Figure 5. The workflow process.
Sensors 24 05499 g005
Figure 6. (a) The influence of noise level on RE and TE; (b) the influence of voxel size on RE and TE; and (c) the influence of voxel size on Corr_num, Pre_time, and PCR_time.
Figure 6. (a) The influence of noise level on RE and TE; (b) the influence of voxel size on RE and TE; and (c) the influence of voxel size on Corr_num, Pre_time, and PCR_time.
Sensors 24 05499 g006
Table 1. Registration results on 3DMatch dataset.
Table 1. Registration results on 3DMatch dataset.
FPFHFCGF
RR (%)RE (°)TE (cm)RR (%)RE (°)TE (cm)
Deep learned
3DRegNet [30]26.313.759.6077.762.748.13
DGR [29]32.842.457.5388.852.287.02
DHVR [39]67.102.787.8491.932.257.08
PointDSC [31]72.952.186.4591.872.106.54
Traditional
RANSAC-1M [20]64.204.0511.3588.423.059.42
RANSAC-4M [20]66.103.9511.0391.442.698.38
GC-RANSAC [32]67.652.336.8792.052.337.11
TEASER [36]75.482.487.3185.772.738.66
CG-SAC [33]78.002.406.8987.522.427.66
SC2-PCR [23]83.982.186.5693.282.086.55
SC2-PCR++ [24]87.182.106.6494.152.046.50
MAC [22]84.101.966.1893.721.896.03
CL-PCR88.482.166.7793.902.046.54
Fast-CL-PCRv188.482.186.8494.212.046.53
Table 2. Registration results on 3DLoMatch dataset.
Table 2. Registration results on 3DLoMatch dataset.
FPFHFCGF
RR (%)RE (°)TE (cm)RR (%)RE (°)TE (cm)
Deep learned
DGR [29]19.885.0713.5343.804.1710.82
PointDSC [31]20.384.0410.2556.203.8710.48
Traditional
RANSAC-1M [20]0.6710.2715.069.777.0114.87
RANSAC-4M [20]0.4510.3920.0310.446.9115.14
TEASER [36]35.154.3810.9646.764.1212.89
SC2-PCR [23]38.574.0310.3158.733.8010.44
SC2-PCR++ [24]41.493.9010.1961.153.7210.56
MAC [22]40.883.669.4559.853.509.75
CL-PCR44.643.9110.3959.913.6710.43
Fast-CL-PCRv144.133.9210.2761.933.7510.48
Table 3. Registration results on KITTI dataset.
Table 3. Registration results on KITTI dataset.
FPFHFCGF
RR (%)RE (°)TE (cm)RR (%)RE (°)TE (cm)
Deep learned
DGR [29]77.121.6433.1096.900.3421.70
PointDSC [31]98.920.388.3597.840.3320.32
Traditional
FGR [40]5.230.8643.8489.540.4625.72
TEASER [36]91.171.0317.9894.960.3813.69
RANSAC [20]74.411.5530.2080.360.7326.79
CG-SAC [33]74.230.7314.0283.240.5622.96
SC2-PCR [23]99.640.327.2398.200.3320.95
SC2-PCR++ [24]99.640.327.1998.560.3220.95
MAC [22]99.460.408.4697.840.3419.34
CL-PCR99.460.337.5498.560.3320.60
Fast-CL-PCRv199.640.347.5298.200.3320.62
Table 4. Ablation study on 3DMatch with FPFH descriptor. NC: Normal construction of clique-like. DD: Default demotion strategy. SD: Safe demotion strategy. RS: Reselection by FS-TCD. W-SVD: Weighted SVD.
Table 4. Ablation study on 3DMatch with FPFH descriptor. NC: Normal construction of clique-like. DD: Default demotion strategy. SD: Safe demotion strategy. RS: Reselection by FS-TCD. W-SVD: Weighted SVD.
NCDDSDFMSMICMAEMSERSSVDW-SVDRR (%)RE (°)TE (cm)
1 87.922.146.76
2 87.862.166.75
3 88.482.166.77
4 86.012.186.77
5 88.482.186.79
6 87.492.146.73
7 83.612.106.68
8 88.112.146.80
Table 5. Ablation study on 3DLoMatch with FPFH descriptor.
Table 5. Ablation study on 3DLoMatch with FPFH descriptor.
NCDDSDFMSMICMAEMSERSSVDW-SVDRR (%)RE (°)TE (cm)
1 44.473.8910.25
2 43.913.9310.33
3 44.643.9110.39
4 37.793.859.89
5 43.683.9610.33
6 44.413.9310.24
7 40.373.9010.20
8 44.243.9010.11
Table 6. Comparison of model selection/recall in selection of different sizes of clique-like models under 3DMatch and 3DLoMatch datasets. N n : Number of nodes. AS: Average selection. AR: Average recall.
Table 6. Comparison of model selection/recall in selection of different sizes of clique-like models under 3DMatch and 3DLoMatch datasets. N n : Number of nodes. AS: Average selection. AR: Average recall.
N n 3DMatch S/R (%)3DLoMatch S/R (%)AS (%)AR (%)
FPFHFCGFFPFHFCGF
2030.87/27.307.89/6.2230.77/13.9221.50/11.8522.8364.54
1524.77/22.067.52/6.9027.23/12.9720.27/9.3818.8667.60
1019.53/17.1311.71/10.2921.79/9.7719.82/11.5118.6564.88
514.73/13.0023.04/21.5013.03/5.7322.46/14.4318.5472.82
310.10/9.0049.85/48.987.19/2.2515.95/12.7521.1284.01
Table 7. Model optimization on 3DMatch dataset with FPFH/FCGF. CO: Clique-like optimization. RO: Reselection optimization.
Table 7. Model optimization on 3DMatch dataset with FPFH/FCGF. CO: Clique-like optimization. RO: Reselection optimization.
CORORR (%)RE (°)TE (cm)Time (s)
CL-PCR 88.48/93.902.16/2.046.77/6.540.51/0.73
Fast-CL-PCRv1 88.48/94.212.18/2.046.84/6.530.15/0.16
Fast-CL-PCRv2 88.54/93.782.16/2.036.77/6.490.24/0.10
Faster-CL-PCR88.48/93.902.18/2.046.83/6.520.09/0.04
Table 8. Model optimization on 3DLoMatch dataset with FPFH/FCGF.
Table 8. Model optimization on 3DLoMatch dataset with FPFH/FCGF.
CORORR (%)RE (°)TE (cm)Time (s)
CL-PCR 44.64/59.913.91/3.6710.39/10.430.35/0.42
Fast-CL-PCRv1 44.13/61.933.92/3.7510.27/10.480.21/0.11
Fast-CL-PCRv2 44.64/60.643.91/3.6710.40/10.300.35/0.23
Faster-CL-PCR44.13/61.483.92/3.7110.27/10.360.20/0.07
Table 9. Registration recall on 3DMatch and 3DLoMatch with FPFH and FCGF setting based on judging our/SC2-PCR++ [24]’s hypotheses. Success-n: a point cloud pair is considered alignable if at least n hypotheses are correct.
Table 9. Registration recall on 3DMatch and 3DLoMatch with FPFH and FCGF setting based on judging our/SC2-PCR++ [24]’s hypotheses. Success-n: a point cloud pair is considered alignable if at least n hypotheses are correct.
3DMatch RR (%)3DLoMatch RR (%)
FPFHFCGFFPFHFCGF
success-196.00/91.5098.34/96.8070.19/49.3587.37/77.04
success-590.02/80.1097.23/93.8469.12/24.9974.68/65.47
success-1086.01/72.3496.18/92.1176.16/15.2768.78/57.89
success-2079.11/59.0394.82/89.2872.80/6.6861.48/48.29
success-5068.02/36.2991.56/81.5250.52/0.9547.89/33.46
Table 10. Comparison of our/SC2-PCR++ [24] with different overlap rates on real datasets.
Table 10. Comparison of our/SC2-PCR++ [24] with different overlap rates on real datasets.
DataError and TimeOverlap Rates
10.80.60.40.20.1
parts (a)RE (°)0.06/1.030.14/0.930.11/1.100.08/0.350.51/4.310.24/3.38
TE (cm)0.04/1.270.15/0.770.11/0.850.06/0.490.46/6.210.26/1.61
PCR_time (s)0.13/0.250.14/0.230.12/0.230.12/0.220.10/0.220.10/0.22
parts (b)RE (°)0.23/0.830.21/0.390.22/1.600.67/1.981.07/2.310.55/4.90
TE (cm)0.33/1.730.20/0.420.12/1.490.50/0.781.92/4.260.46/5.08
PCR_time (s)0.14/0.250.14/0.250.14/0.240.12/0.240.12/0.210.11/0.21
parts (c)RE (°)0.24/0.720.09/2.430.48/1.970.88/1.502.42/3.811.53/11.30
TE (cm)0.23/0.640.08/1.980.38/1.790.37/0.811.40/3.731.23/4.89
PCR_time (s)0.23/0.260.12/0.260.14/0.240.12/0.250.10/0.230.10/0.23
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

Huang, X.; Gao, X.; Li, J.; Luo, L. Clique-like Point Cloud Registration: A Flexible Sampling Registration Method Based on Clique-like for Low-Overlapping Point Cloud. Sensors 2024, 24, 5499. https://doi.org/10.3390/s24175499

AMA Style

Huang X, Gao X, Li J, Luo L. Clique-like Point Cloud Registration: A Flexible Sampling Registration Method Based on Clique-like for Low-Overlapping Point Cloud. Sensors. 2024; 24(17):5499. https://doi.org/10.3390/s24175499

Chicago/Turabian Style

Huang, Xinrui, Xiaorong Gao, Jinlong Li, and Lin Luo. 2024. "Clique-like Point Cloud Registration: A Flexible Sampling Registration Method Based on Clique-like for Low-Overlapping Point Cloud" Sensors 24, no. 17: 5499. https://doi.org/10.3390/s24175499

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