Next Article in Journal
Robust Quadratic Optimal Control for Discrete-Time Linear Systems with Non-Stochastic Noises
Previous Article in Journal
Horizontal Active Noise Control Based on Wave Field Reproduction Using a Single Circular Array in 3D Space
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Review

A Review of Point Cloud Registration Algorithms for Laser Scanners: Applications in Large-Scale Aircraft Measurement

College of General Aviation and Flight, Nanjing University of Aeronautics and Astronautics, Nanjing 210016, China
*
Author to whom correspondence should be addressed.
Appl. Sci. 2022, 12(20), 10247; https://doi.org/10.3390/app122010247
Submission received: 25 September 2022 / Revised: 8 October 2022 / Accepted: 10 October 2022 / Published: 12 October 2022

Abstract

:
As 3D acquisition equipment picks up steam, point cloud registration has been applied in ever-increasing fields. This paper provides an exhaustive survey of the field of point cloud registration for laser scanners and examines its application in large-scale aircraft measurement. We first researched the existing representative point cloud registration algorithms, such as hierarchical optimization, stochastic and probability distribution, and feature-based methods, for analysis. These methods encompass as many point cloud registration algorithms as possible; typical algorithms of each method are suggested respectively, and their strengths and weaknesses are compared. Lastly, the application of point cloud registration algorithms in large-scale aircraft measurement is introduced. We discovered that despite the significant progress of point cloud registration combining deep learning and traditional methods, it is still difficult to meet realistic needs, and the main challenges are in the direction of robustness and generalization. Furthermore, it is impossible to extract accurate and comparable features for alignment from large-scale aircraft surfaces due to their relative smoothness, lack of obvious features, and abundance of point clouds. It is necessary to develop lightweight and effective dedicated algorithms for particular application scenarios. As a result, with the development of point cloud registration technology and the deepening into the aerospace field, the particularity of the aircraft shape and structure poses higher challenges to point cloud registration technology.

1. Introduction

The typical three-dimensional data collecting approach, which is inefficient and time-consuming in complicated settings, obtains three-dimensional coordinates primarily through a single station, making detailed descriptions of complex structural planes and entities impossible. Additionally, there are certain issues with data collecting and post-processing hardware, such as laborious operation, high inaccuracy, and instability. In comparison with the commonly used single-point measurement approach, laser scanners may employ a significant number of three-dimensional coordinate data to swiftly measure and describe the object’s surface, acquiring the target object’s three-dimensional coordinate data set. Point clouds are another name for three-dimensional coordinate data. TLS technology has the advantages of fast speed, multiple data sampling rate, high data acquisition accuracy, low external impact, non-contact measurement, high degree of digitization, and the ability to be utilized in combination with GPS (global positioning system) and high-definition digital cameras. It can capture dangerous targets and environmental data more effectively, as well as gain more objective geographical information, resulting in more comprehensive information data collection. Once the point cloud data have been spliced, it may be possible to reconstruct a three-dimensional model for the next stage of analysis and investigation. Active acquisition equipment represented by laser scanning is maturing in terms of simplicity of operation, adaptability, intelligence, and efficiency. It can rapidly and accurately reconstruct the three-dimensional entity of the measured item by accurately capturing the spatial coordinates, color texture, reflection intensity, and other information of dense spots. Engineering measurements include forest structure assessments [1,2,3,4,5,6,7,8,9,10], landslide surveillance [11,12,13,14,15,16], and 3D model reconstruction [17,18,19,20,21,22,23,24,25], which play a critical role in scientific and engineering research. However, due to the effect of measurement environment, instruments and equipment, etc., the acquired point cloud in each frame only comprises a portion of the point cloud information about the measured object when carrying out the actual measurement. Therefore, to obtain the whole point cloud of the measured object, it is often essential to carry out multi-site and multi-angle measurements of the object and register the point cloud recorded from multiple angles to the same coordinate system.
This paper aims to provide a comprehensive survey of the field of point cloud registration for laser scanners and discuss its application in large-scale aircraft measurement. At present, there have been many surveys about point cloud registration. Pomerleau et al. [26] provided an overview of ICP and its improved algorithm. Díez et al. [27] concentrated on non-learning rough point cloud registration algorithms. Cheng et al. [28] classified point cloud registration techniques as fine or rough, although neither of them involved learning-based methods. Similarly, Dong et al. [29] categorized point cloud registration methods into fine and rough registration methods, with some rough methods based on learning involved, although space was restricted. Huang et al. [30] conducted a comprehensive survey of the point cloud registration algorithm and summarized the relationship between optimization-based and deep learning methods, plus the application across various domains about benchmark data sets in point cloud registration, to provide further research insight.
The remainder of this review is organized as follows. We subdivide the existing point cloud registration methods into three categories in Section 2, Section 3 and Section 4, respectively: hierarchical optimization, stochastic and probability distribution, and feature-based methods for analysis. Section 2 introduces ICP and its variants along with graph matching-based algorithms. Section 3 introduces RANSAC and its variants, NDT and its variants, and GMM -based algorithms. Then, the strengths and weaknesses of typical algorithms in Section 2 and Section 3 are compared separately. Section 4 presents feature extraction and feature matching methods. Section 5 details the application of point-cloud registration algorithms on large aircraft measurements. Finally, Section 6 presents the findings of this study, discusses the existing challenges of point cloud registration, and gives the prospects for future research directions.

2. Registration Algorithms Based on Hierarchical Optimization

The critical idea of hierarchical optimization-based algorithms is to develop a sophisticated optimization strategy for achieving the optimal solution to a nonlinear problem. Based on the optimization strategy, this section presents a relatively comprehensive overview of two types of optimization methods: ICP-based variations and graph-based methods. Milestone algorithms are listed in Figure 1.

2.1. Iterative Closest Point (ICP)-Based

The point-to-point iterative closest point algorithm is the most classical approach for registering point clouds, which has historically been a significant research topic in the field of computer vision. The P2P-ICP [31], which leverages the transformation connection discovered in two sets of data from distinct coordinate systems to match data, is usually referred to as the ICP algorithm. The basic principle is presented in Figure 2, that is, solving the spatial transformation between the source point cloud P and the target point cloud Q in the overlapping region of two pieces of point clouds, to minimize the distance between them. Suppose E (R, t) is the error between Q and P in the rotation and translation; then the problem of solving the optimal transformation matrix can be transformed into the optimal solution satisfying min E (R, t). It can be expressed by the following formula:
E ( R , t ) = i = 1 n Q i ( P i × R + t ) 2
where R is rotation, t is translation, and the source point cloud Pi corresponds to the target point cloud Qi.
The P2P-ICP algorithm is simple, intuitive, and easy to implement. However, its running speed and the convergence of the global optimum depend largely on the given initial transformation estimation and the establishment of the corresponding relationship throughout the iteration. As a result, establishing the correct corresponding point set during iteration to avoid falling into the local extreme value becomes the key to various ICP improvement algorithms. Blais and Levine [32] determined the corresponding point set by the projection of p in the source point cloud P via the viewpoint direction of the target point cloud q on the target point cloud Q. This algorithm eliminates the phase of searching for corresponding points, which considerably shortens the calculation time, but it does not achieve high registration accuracy. The iterative closest compatible point (ICCP) [33] is calculated by comparing the curvature of points on the point cloud surface and angle between point normal vectors and other related features. Additionally, it seeks corresponding points between point clouds based on these features, considerably reducing the ICP algorithm’s spatial search time. Rusinkiewicz and Levoy [34] replace the calculated point-to-point distance with the point-to-surface distance, which can reduce the number of iterations and makes it difficult to fall into the local extremum. To verify the correctness of point-to-point correspondence, Sharp et al. [35] introduced the ICP-IF algorithm to linearly weight numerous Euclidean invariant features, such as curvature and spherical hue. This method successfully improved the local optimum problem and decreased the initial value requirements of the method, although the noise was not eradicated. Fitzgibbon [36] took advantage of the Levenberg–Marquardt algorithm to estimate the transformation by adding a damping factor to the original LK algorithm.
On the basis of enhancing the robustness, the speed of this strategy will not slow down, and the effect is particularly noticeable for point clouds with a high overlap rate. Bae and Lichti [37] proposed a GP-ICPR method by incorporating RANSAC into the ICP algorithm. It searches for probable matching locations employing changes in the estimated normal vector of the surface generated by the neighborhood, considerably decreasing the computing cost and improving registration speed and accuracy. Censi [38] suggested the PL-ICP by adopting the point-to-line measuring approach, which will enhance the iterative efficiency to a certain extent. However, due to the discreteness of laser measurement, there are not actually existing two matching measurement points. Therefore, problems like matching failure may occur during positioning, but the robustness is deteriorated, and it is more susceptible to the influence of the initial pose error. In this way, PL-ICP is less robust and more vulnerable to initial pose errors. Segal et al. [39] introduced the General-ICP algorithm as a probabilistic framework. It integrates the point-to-point ICP and the point-to-line ICP into the uniform framework. Furthermore, the measurement weights of point-to-point and point-to-line distances will be adjusted to make effective use of the point cloud information, hence avoiding incorrectly matched points. This method ensures the ICP’s speed and simplicity while boosting the matching accuracy. Unfortunately, it still does not address the issue of local optimum. Ying et al. [40] put forward a scale-ICP algorithm based on seven-dimensional spatial iterations that has a certain degree of improvement in iteration speed and alignment accuracy and has better alignment robustness. Bouaziz et al. [41] presented a sparse ICP to enhance the robustness of the alignment algorithm against noise by modeling the alignment problem as an Lp minimization problem. This sparse ICP can control the effect of outliers on the alignment results by modifying parameter p. However, the algorithm converges slowly because of tackling the nonconvex optimization problem. To some extent, this strategy addresses the problem of ICP slipping into local optimum, but the basis of optimization remains local search. Yang et al. [42] developed a global optimal solution (Go-ICP) algorithm to accomplish global registration by combining the branch and bound (BnB) framework. The method boosts registration speed by raising registration efficiency, preventing the ICP algorithm from slipping into the local optimum. Nevertheless, one shortcoming is poor velocity.
He et al. [43] introduced a GF-ICP algorithm based on point cloud features that seeks the correspondence between registered objects by point cloud geometric properties, such as curvature and surface normal. Features are also added to the error function for accurate registration. Pavlov et al. [67] proposed the use of Anderson’s technique in ICP, which accelerates the convergence process by locating a fixed point in the shrinkage map that satisfies the required quality. This method takes fewer iterations than simple iterations to converge to the same error. Wang and Solomon [44] suggested a deep closest point (DCP) based on machine learning. In this method, the dynamic graph convolution network, attention mechanism, and singular value decomposition matrix are utilized to mine the robustness point features, calculate the correlations of points in the deep features, and estimate the affine transformation, respectively, resulting in the accurate registration of unknown category point cloud data. The training samples are ideal three-dimensional objects. Hence, if the method is directly applied to real problems, the effect is not outstanding. Wang and Solomon [45] introduced a PRNet based on the DCP in the following year that determined the correspondence between point clouds by incorporating Gumbel-Softmax and emulated the iterative process of ICP to increase accuracy. PRNet, on the other hand, presently requires inference-time fine-tuning on real-world scans to acquire usable data-dependent representations, which makes PRNet sluggish during inference. Koide et al. [46] proposed a voxelized generalized iterative closest point (VGICP) that extends the voxelization of the GICP to avoid costly nearest neighbor searches while maintaining algorithm accuracy. Li et al. [68] developed a binocular stereo camera point cloud registration method based on IWOA (improved whale optimization algorithm) and improved ICP to address the problems of low accuracy and low efficiency of point cloud registration.

2.2. Graph Matching (GM)-Based

From the perspective of mathematical optimization, the graph matching problem is a discrete combinatorial optimization problem, which makes the problem essentially a non-deterministic polynomial (NP) problem. Therefore, researchers usually seek approximate solutions to this problem. The majority of these approximation algorithms partly relax the discrete constraints of the matching problem, allowing for the employment of optimization techniques on the relaxed problem. Its central concept is to employ a nonparametric model to handle point cloud registration. Figure 3 is an example of GM. A graph consists of vertices and edges that will be adopted with feature descriptors to identify correspondences between two graphs. In the form of the objective function, GM methods can be divided into three categories: first-order, second-order and higher-order GM methods. First-order GM methods, which are comparable with ICP and its variants, only evaluate local feature descriptors with vertex information. Vertex-to-vertex and edge-to-edge similarities are combined in second-order GM methods. Higher-order GM methods involve information about hypergraphs, which are hyperedges containing the angles of vertex tuples. Second-order or higher-order GM methods are expressed as quadratic assignment problems [69]. Currently, the majority of GM algorithms are second-order or higher-order GM methods.
Second-order GM techniques are classified into three categories: spectral relaxations, bi-stochastic relaxations, and semidefinite programming relaxations. The spectral relaxation method primarily relaxes the permutation constraints of the matching problem, yielding the matching problem’s spectral characteristic solution. Umeyama [47] developed a relaxed representation of the weight graph matching problem under orthogonal constraints and obtained the global optimal solution of the relaxed problem by the spectrum of the adjacency matrix. Although this method has the ability to gain the global optimal orthogonal solution of the matching problem, the nonnegativity of the obtained matching solution is often not guaranteed, the ultimate matching solution must be achieved via the discretization procedure. In addition, this method can only deal with graph matching problems of the same size. Luo and Hancock [48] suggested a structural graph matching method based on expectation maximum algorithm and singular value decomposition theory. The key benefit is that it can match graphs of different sizes and has strong theoretical support for optimization. Caelli and Kosinov [49] raised a graph-based matching algorithm for adjacency matrix spectral embedding. The vertices of a network are first embedded into the spectrum space of its adjacency matrix, and then the clustering method is adopted to match the vertices in the spectral space, thereby indirectly realizing graph vertex matching. Leordeanu and Hebert [50] presented a simple and effective spectral matching (SM) relaxation model to approximate the QAP problem. The method can obtain the global optimal solution of the relaxation model by calculating the principal eigenvector of the affinity matrix of the attribute relationship graph, and the solution also fulfills the criterion of nonnegativity. However, throughout the matching process, the one-to-one matching constraint of graph matching is ignored, that is, each vertex can only be matched with one vertex. Cour et al. [51] investigated affine matching constraints on the basis of the previously described spectral relaxation, which evaluated the one-to-one constraint of the matching problem to some extent and may also search for the global optimal solution. Therefore, this relaxation is theoretically closer to the original attribute relation graph matching problem. However, the optimal solution matrix derived by this approach frequently fail to satisfy the non-negativity constraints of the solution. Accordingly, the final solution in practical applications needs to be further discretized, such as the Hungarian algorithm and the greedy selection algorithm, to obtain the final solution of the problem.
In recent years, one of the most concerned problems in the field of graph matching has been the investigation of optimization methods under double random constraint relaxation. Since the double random constraint is a convex hull representation of the permutation constraint, the permutation matrix constraint is relaxed to a double random constraint. The graph matching problem can be regarded as a non-convex quadratic programming problem with convex constraints, making it a continuous optimization problem. For the past few years, scholars have developed various continuous optimization strategies to get local optimal solutions to this problem. Gold and Rangarajan [52] devised a graduated assignment (GA) algorithm that obtains the final outcome by tackling a series of approximate linear matching problems. Tian et al. [70] proposed a novel gradual assignment algorithm by further analyzing the convergence of GA algorithm. The experiments indicated that the technique outperforms existing methods in the presence of outliers and deformations, especially when the number of graph nodes is considerable. Torresani et al. [53] addressed the problem with a complicated graph matching objective function and a dual decomposition energy optimization approach. Zhou and de la Torre [54] developed a factorized graph matching (FGM) in which the large pairwise affinity matrix is decomposed into smaller matrices and then a path tracking optimization algorithm is provided to increase the matching performance. Jiang et al. [55] suggested a methodology for LaGrange relaxation graph matching.
The approach first embeds the matching problem’s double random constraints into the optimized matching objective function via LaGrange relaxation and then utilizes the multi-multiplier optimization method to establish the relaxation model. Fu et al. [56] originally suggested exploiting depth map matching to overcome the point cloud registration problem. The algorithm consists of four parts: local feature extractor, edge generator, map feature extractor, and AIS module and LAP SVD. During training, we extract local features by a shared local feature extractor for each point in X and Y and take these local features as the node features F of the initial graph; then, we introduce the AIS module to build the reliable correspondence between the nodes of two given graphs. The method achieves state-of-the-art performance on clean, noisy, part-to-part datasets and unknown category datasets. Lai-Dang et al. [71] introduced a framework that efficiently and economically extracts dense features using a graph attention network for point cloud matching and registration (DFGAT).
Another method for approximating the QAP solution is semidefinite programming (SDP) relaxation. The SDP method employs convex semidefinite to slacken the non-convex constraint. Chaudhury et al. [57] were the first to apply the semidefinite programming relaxation algorithm to register point clouds, and in the relaxation gap of the semidefinite programming, the characteristic noise threshold is almost zero (i.e., we are able to solve the original non-convex least squares problem). All in all, the semidefinite programming algorithm outperforms the double stochastic relaxation and spectral relaxation algorithms. Maron et al. [58] achieved better efficiency by minimizing the dimension of semidefinite constraints. However, they only handle medium-sized point cloud registration, and efficiency is still a problem to be studied. Le et al. [59] regarded the point cloud registration as a special case of graph matching and employed a positive semi-definite relaxation principle. The algorithm allows the number of samples larger than that the minimum number of samples required for model estimation, as well as a method of calculating point correspondences that may quickly eliminate erroneous point correspondences, resulting in generating high-quality hypotheses. Heng et al. [60] adopted hierarchical nonconvexity to handle the spinner problem. This strategy utilizes Douglas–Rachford splitting to efficiently prove global optimality. This method resolves the problem of high computational cost in SDP relaxation. Sun [61] presented a novel solution for the correspondence-based rotation search and point cloud registration called random sampling with invariant compatibility (RANSIC), which applies invariant compatibility to locate outliers from random samples.
Higher-order GM methods cast about for correspondences by comparing hyperedges or hypernodes, whose benefit is that these methods are invariant to scale and affine changes. Higher-order GM algorithms are given a probabilistic interpretation by Zass and Shashua [62]. Duchenne et al. [63] expressed the higher-order matching problem as a tensor optimization problem. Lee et al. [64] developed a higher-order GM method by hopping with a reweighting scheme. Ngoc et al. [65] proposed a framework of tensor block coordinate ascent methods for high-order matching. Zhang and Wang [66] introduced a K-nearest-neighbor-pooling matching method that pools features into GMs for second-order GMs, and then constructed sub-pattern structures for higher-order GMs.
Generally speaking, a higher-order graph is a generalization of a graph where a hyperedge can connect any number of vertices. Or rather, it can determine higher-order relationships between pairs of features under certain constraints. Vertices often represent features or object pieces in higher-order graphs, while hyperedges describe connections between vertex tuples. These relationships are multifarious in that they may hold numerous aspects at the same time, whereas graph relationships can only function in pairs. Table 1 summarizes the typical algorithms based on hierarchical optimization as well as their strengths and weaknesses.

3. Registration Algorithms Based on Probability Stochastic Distribution Model

The critical idea of probability stochastic distribution model-based algorithms is to employ the probability density function of the point cloud to complete the point cloud registration without extracting feature points in the alignment process, and there is no need to establish an explicit relationship between the corresponding points through iteration. This section presents an overview of three optimization methods: RANSAC-based, NDT-based, and GMM-based variations. Milestone methods are listed in Figure 4.

3.1. Random Sample Consensus (RANSAC)-Based

The RANSAC algorithm [72] has been applied universally in various modeling problems, particularly in the field of computer vision. The algorithm is straightforward and well-suited for the problem of robust estimation. Figure 5 illustrates a conceptual diagram of the RANSAC algorithm in a unidimensional modeling problem. The RANSAC algorithm seeks to identify models that are resistant to noise. By extracting the smallest sample, the algorithm calculates the feasible model parameters, then returns the model parameters to all data samples and calculates the associated inlier rate until the number of iterations exceeds the set number. If the current optimum model’s interior point rate exceeds a predefined threshold, the current optimal result is taken as the final model and sampling is terminated; otherwise, sampling continues. Since the maximum number of iterations N guarantees that at least one set of sampled data is full of interior points under a certain confidence probability, the calculation formula of N is derived as follows:
N = log ( 1 p ) log ( 1 1 ( 1 v ) m )
where v is the outlier rate of sample; m is the minimum amount of data required to calculate the model parameters, p is the confidence probability set in advance, that is, the probability of p is guaranteed by N times of sampling, making the samples drawn are all interior points.
However, the performance of the RANSAC algorithm in high-dimensional spaces degrades because the likelihood of sampling a set consisting entirely of interior points decreases exponentially. To overcome this, the NAPSAC algorithm [73] was devised. Chum et al. [74] discovered that selecting more points than the minimum subset necessary for model estimate results in more accurate model parameters (for example, homography parameter estimation requires at least four pairs of matching points). On this premise, the LO-RANSAC algorithm was proposed to raise the registration accuracy by resampling the tentative interior point set. To enhance the effectiveness over time, Matas and Chum [100] designed a pre-check-based RANSAC-Tdd. As a whole, the algorithm can indeed save the time required to execute. If the inlier rate is high, the algorithm does have an ideal effect, but when the inlier rate is very low, the algorithm tends to slip into the infinite sampling and testing process. Unlike RANSAC, which treats all correspondences equally, PROSAC [75] does not uniformly draw random samples from the complete set but rather linearly ranks the corresponding sets by building a similarity function using correspondences. As a result, the PROSAC algorithm provides considerable computational savings under the moderate assumption that similarity measurements predict the validity of a match better than random guesses. Aiming at the problem of low matching accuracy caused by the failure of the PROSAC computational model, Ma et al. [76] improved the PROSAC algorithm and adopted the spectral clustering algorithm to filter the mismatches in the subset, thus accelerating the computational efficiency.
Similarly, Aiger et al. [77] decreased spatial matching operations within the RANSAC basic framework by generating and matching congruent 4-points, and presented 4-points congruent sets for robust pairwise surface registration, thereby expediting the registration process. Specifically, a coplanar 4-point set is constructed in the input point clouds P and Q of any pose, and the affine invariance constraint is used to match the eligible corresponding point pairs in the coplanar 4-points set. The largest common pointset (LCP) strategy is employed to find the maximum overlap of 4-points after registration to obtain the optimal matching result and accomplish point cloud registration. Subsequently, Mellado et al. [78] introduced the Super-4PCS algorithm, which simplified the process of discovering congruent 4-points sets, and made use of angle and distance as constraints. This successfully decreased the number of congruent 4-points sets, reduced the time complexity and increased the registration efficiency. The SC-RAMSAC, created by Sattler et al. [79], was founded on spatial consistency checks. It enabled RANSAC to operate on more secure correspondences with lower inlier ratios. RANSAC’s runtime is considerably improved under the same accuracy and robustness conditions. By enhancing sample efficiency and employing grouping algorithms, Kai et al. [80] lowered overall running time.
Although this method combines benefits of PROSAC [75] and NAPSAC [73], it incorporates some of their drawbacks, especially that the Group-SAC algorithm depends on the description between data points and the aggregate of interior points. By creating a sample sphere model, Meng and Zhang [81] put forth a sampling sphere registration technique based on RANSAC that enhances the search efficiency of corresponding points, cuts down on the amount of time it takes to do so, and lowers the time complexity. Synthesizing the advantages of the NAPSAC, LO-RANSAC, PROSAC, and GroupSAC algorithms, Raguram et al. [101] optimized each step of the RANSAC algorithm and suggested a universal RANSAC framework that subjects each (non-minimum) sample to an iterative refinement process during model estimation, decreasing the number of RANSAC iterations and being consistent with theoretical expectations. Many existing algorithms, however, either fail or have extremely high computational cost due to the presence of outliers, sometimes even occupying the vast majority of assumed correspondences. For the issue of outliers in conjunction with the RANSAC algorithm, Li et al. [82] and Sun [83] proposed OP-RANSAC and RANSIC for outliers respectively. In addition to being quick, they can withstand outliers by over 95%. In particular, RANSIC outperforms other state-of-the-art algorithms on point cloud registration problems by recalling nearly all outliers.
To sum up, RANSAC-based registration methods frequently avoid the need to calculate intricate geometric features and have high robustness to noise, but the selection of corresponding points is a very challenging operation. Generally speaking, when point cloud features are highly obvious, additional geometric feature constraints may be introduced to minimize the time complexity of finding related connections.

3.2. Normal Distribution Transform (NDT)-Based

The normal distribution transform (NDT) approach published by Biber [84] is the most classical of the probability statistics-based registration algorithms. It uniformly voxels the 3D point cloud and determines the best match between the two pieces of point clouds by computing the probability density function of the points in each volume. The specific process is depicted in Figure 6.
Magnusson [85] generalized 2D-NDT and extended it to the registration of three-dimensional data, namely 3D-NDT. This improved algorithm would enhance the registration efficiency while ensuring accuracy. The ML-NDT algorithm Cihan and Hakan [86] developed is a multilayer-based normal distribution transformation method. The Gaussian probability function is replaced with the Mahalanobis distance function as the score function, and the Newton and LM methods are used to optimize the score function. The algorithm divides the point cloud into 8n cells (n denotes the number of layers), and the registration speed is faster than with the previous NDT algorithm. Das and Waslander [87] suggested a multi-scale K-means normal distributions transform (MSKM-NDT), which separates point clouds into clusters based on K-means clustering and optimizes at various sizes in order to address the discontinuity problem of the cost function in NDT. Crossing local minima is a benefit of multi-scale optimization, and this approach converges more quickly as a result. Das et al. [88] proposed a segmented region growing normal distributions transform (SRG-NDT), which first removes the ground plane from the scan by a Gaussian-based segmentation algorithm before applying an effective region-growing algorithm to cluster the remaining points. Due to the removal of the ground points, the probability distribution is substantially smaller than that of the voxel method, the discontinuity of the cost function is overcome, and the speed is significantly increased. Lu et al. [89] proposed an NDT algorithm with variable size voxels, and the accuracy of the algorithm was enhanced. Hong and Lee [90] proposed to convert the reference point cloud into a disk-like distribution suitable for point cloud structures to increase the registration accuracy of NDT. The algorithm’s registration speed and accuracy are enhanced on the basis of this by capitalizing on the numerical model of hue and saturation. Zaganidis et al. [91] proposed a semantic-assisted normal distributions transform (SE-NDT). It applies PointNet to offer global features and connects with local features via a segmentation network to provide the category of the point, thus providing classification semantic information.
The NDT’s primary restrictions are comparable with those of the ICP. For one, the NDT is also heavily dependent on accurate initial values. When the estimated transform is updated sequentially, the transform points may pass through PDF cells and end up in the incorrect corresponding PDF cells.

3.3. Gaussian Mixture Model (GMM)-Based

Other statistically based methods transform the registration problem of two pieces of point clouds into the estimation problem of probability density function and take one piece of a point cloud as a template to construct a Gaussian mixture model (GMM) through the maximum likelihood estimation method to fit another piece of the point cloud, thus achieving point cloud registration. These approaches have the benefit of not requiring point-to-point connection to be established between two pieces of point clouds, unlike ICP. Since the approach for local optimization used in this type of registration still relies on the initial value to determine the parameters for the spatial transformation. They are nevertheless prone to falling into local minima even when there is poor initial alignment or little overlap between two pieces of point clouds. GMM is also a popular method for coping with point cloud registration. The main concept behind the GMM-based approach is to convert the registration problem into a maximum likelihood problem of the input data. Afterwards, calculate the transformation matrix and Gaussian mixture model parameters after optimizing the maximum likelihood problem. Figure 7 illustrates the basic principle of GMM-based algorithm. The benefit of the GMM-based method is that it is insensitive to noise and outliers. Furthermore, the research direction of this method is to develop an optimization strategy to optimize the transition matrix by maximizing the likelihood.
To estimate the transformation between point clouds, Myronenko and Song [92] proposed the CPD algorithm based on the GMM model [93], which regards the two pieces of point clouds as the centroid and data of the GMM model and aligns the centroids of point clouds by maximizing the posterior probability. The algorithm has strong noise resistance and robustness, but its high computational complexity makes it less efficient for matching data with higher density. To resolve point sets that are disorganized by noise and outliers, Evangelidis et al. [94] presented the joint registration of multiple point clouds (JRMPC) algorithm, which assumes that multiple point sets are produced by a single GMM. Batch and incremental EM optimization algorithms are also employed. A new convex hull indexed Gaussian mixture model (CH-GMM) [95] point cloud registration algorithm is proposed, which combines the convex hull (a set of original point sets) and GMM to lower the computational complexity. The algorithm could address rigid and non-rigid 3D point cloud registration problems. Ben et al. [96] introduced a hierarchical data structure for 3D point clouds that is based on GMM and includes a compact and generative representation. Model creation is sped up by generating constraints on spatial interactions between points and model. Our model produces findings with better fidelity at smaller sizes, with only moderate trade-offs in construction time, even on mobile devices, compared with discrete techniques or hybrid approaches like the NDT. Min et al. [97] took a probabilistic approach, modeling the problem as a hybrid mixture model with a Von–Mises–Fisher mixture model (FMM) modeling the orientation and a Gaussian mixture model (GMM) modeling the location. Eckart et al. [98] presented hierarchical gaussian mixtures for adaptive 3D registration (HGMR), which builds a top-down multi-scale representation of point cloud by recursively performing the likelihood segmentation of several small-scale data in parallel on the GPU. This approach is more effective and flexible than the prior iterative closest point and GMM-based point association algorithms. Deep GMR [99] replaces the E-step (Expectation-step) in the expectation maximization method with a neural network. Despite its inability to register partially overlapping point clouds, Deep GMR produces good performance in global registration. Table 2 summarizes typical algorithms based on the probability stochastic distribution model, plus their strengthens and weaknesses.

4. Registration Algorithms Based on Feature

The feature-based algorithm only selects a certain portion of the point cloud for registration rather than using all of the points. This approach is robust and does not require the initial pose. Feature extraction and feature matching are common components of feature-based point cloud registration algorithms. Among them, feature extraction decreases the amount of data to be processed. Moreover, it converts difficult-to-compare feature information into easily comparable information, making it easier to match important points; feature matching is used to find the correct correspondence between features of the source and target point cloud to compute the transformation matrix [27]. Figure 8 depicts the flowchart of a typical feature-based point cloud registration method. Milestone methods are listed in Figure 9.

4.1. Feature Extraction

It is not appropriate to register all the points. On the one hand, it will greatly increase the computational workload. On the other hand, it is not particularly helpful for registration since there are numerous comparable point cloud parts. It leads to pointless processing and increases the number of feature matches and the probability of erroneous matches. From the perspective of information theory, it is less informative for the region with low uniqueness to register point clouds. Considering that features produced could be unhelpful for registration, uniqueness additionally takes into account the impacts of noise, occlusion, and outliers.
Therefore, the repetition of features and the uniqueness of extracted features are significant markers for gauging the effectiveness of feature extraction algorithms. To extract the crucial points, Masuda et al. [103] utilized the basic random sampling method. Despite being fairly straightforward and capable of controlling the quantity of points, this technique lacks a mechanism to guarantee that the sampled points are dispersed equally over the point cloud. The spatial difference between the query point and the neighborhood point is parameterized in the Rusu et al. [104]-proposed point feature histogram (PFH), which creates a multidimensional histogram to characterize the geometric attributes of the query point k vicinity. The simplicity and rotational invariance of this type of feature extraction approach, as well as its great resistance to sampling density and noise spots, making it a viable option. However, in response to its comparatively high computational amount, Rusu et al. [105] further proposed the FPFH, which reduces the computational complexity and improves the operation speed while retaining the PFH characteristics. To address the registration problem in current machine vision, Liu et al. [135] presented a new three-dimensional (3-D) point cloud registration algorithm that combines fast point feature histograms (FPFH) and greedy projection triangulation. To increase the likelihood that the key points retrieved would be unique in the point cloud, Zhong [106] advocated extracting key points with the covariance matrix within a certain radius and selecting points in the region where the minimum value of the covariance matrix eigenvalues varied significantly. Ji et al. [107] extracted feature points by FAST feature extractor, then sorted them according to the Harris measure and selected the top-ranked points as feature points. Prakhya et al. [108] introduced the histogram of normal orientations (HoNO) for detecting 3D key points on point clouds by calculating the histogram for each point in the normal orientations. In comparison to previous 3D key point detectors, the identified key points are highly reproducible, successfully avoiding planar regions, and situated in the informative regions of the 3D point cloud. Zeng et al. [109] proposed a 3DMatch network with voxels as input. Prior to using a 3D convolutional neural network to learn local geometric patterns and obtain 512-dimensional feature descriptors, the point cloud is first quantified into a voxel representation.
PointNet [110] is the first network to extract features directly from the input point cloud. PointNet primarily addresses the issues of point cloud disorder, displacement invariance, and rotation invariance. The generality of features is, however, constrained by PointNet’s inability to capture the semantic information of spatial points. As a solution to the aforementioned issues, PointNet++ [111] adds a hierarchical structure made up of the farthest point sampling layer, a grouping layer, and a PointNet layer to capture information at different scales. PointNet and PointNet++ cannot be directly applied to the field of point cloud registration because they do not emphasize the geometric relationship between points, which restricts the representational potential of features. It does, however, provide an excellent reference for tackling the difficulties of disorder, density change, displacement invariance, and rotation invariance in point cloud feature extraction, as well as facilitating subsequent study.
Deng et al. introduced PPFNet [112], which calculates point pair features (PPF) first for the local area around sampling sites [104,105] and merges local and global features of various scales; the final feature is obtained through MLPs coding. PPFNet makes use of global context awareness, encodes features, and increases their resistance to noise. However, the calculation of PPF features necessitates a significant quantity of nearest-neighbor labeled data, and the creation of a local reference frame depends on the estimate of normal vectors, making it sensitive to noise. To improve the disadvantages of PPFNet, Deng et al. also suggested PPF-FoldNet [113]. Before using a framework containing a PointNet encoder, this method will first extract PPF features, and a FoldingNet [136] decoder to produce the final point cloud’s feature representation. PPF-FoldNet performs better in noisy environments, although it is still susceptible to changes in point density. Yew and Lee [114] introduced 3DFeat-Net, which takes into account learning a 3D form feature detector and feature extractor at the same time and exploits weakly supervised training to tackle the relevant point cloud issue. Gojcic et al. [115] suggested 3DSmoothNet, which produced a smoothed density value voxelization (SDV) suitable for convolution operations to encode the original point cloud and learn the ultimate features through the Siamese network architecture. The method enhances the generalization ability. The technique can still gain better results if it is trained on a single scene before being applied to multiple scenarios. Choy et al. [116] proposed fully convolutional geometric features (FCGF), which employ sparse convolution instead of traditional convolution to alleviate the problem of point cloud sparsity. The network architecture is constructed by sparse convolution to extract point cloud’s local geometric properties. FCGF, on the other hand, has a poor generalization impact due to the overfitting of the data sample.
After converting the reflection intensity into 2D images, Zhang et al. [117] applied the scale-invariant feature transform (SIFT) to extract feature. It is essential to select the spatial point that corresponds to the extreme value position of the Gaussian DoG as the feature point. PRNet (partial-to-partial registration network) [45] defines the saliency of points by the two-parametric distance of features, and then selects several key points with high significance according to the size of the two-parametric distance. Yew and Lee [118] proposed RPMNet based on robust point matching (RPM) [52]. The feature extraction phase has a PPFNet-like structure, and hybrid features are created by combining features with 3-dimensional point coordinates. The outlier parameters and annealing parameters are estimated by a parameter prediction network, and the point pair matching is then calculated by merging the mixed features. RPMNet performs admirably in the presence of noise and partial overlap, but the model’s initial input calls for additional label data, so it is not suitable for dense point cloud input. Similar to PRNet, RPMNet necessitates the computation of features again and over in iterations, raising the computational cost. Horache et al. [119] suggested a multi-scale architecture and self-supervised fine-tuning (MS-SV Conv) based on FCGF. MS-SV Conv continues the FCGF’s characteristics like fast operation speed and robustness to rotation, as well as greatly enhances the generalization performance. Ao et al. [120] proposed a new neural network structure SpinNet. A 3D cylindrical convolution operation [137] procedure was applied to extract the final features for each voxel after the initial features for each voxel were retrieved using shared-weight MLPs and a maximum pooling aggregation function. SpinNet guarantees that features are rotationally invariant and perform well in general. Huang et al. [138] supplemented the previous key point extraction methods. Thereafter, they pointed out that the prerequisite for key point extraction is to ensure that key points should be within the overlapping area of the two pieces of point clouds. Ginzburg and Raviv [121] introduced deep weighted consensus (DWC) for global registration. DWC is an unsupervised network that employs two DGCNNs [139] to extract the global and local RI in turn after first extracting rotation-invariant (RI) features in the local neighborhood of the point. The final features are obtained through the global-local fusion network.
It is typical to learn characteristics jointly with crucial points’ saliency. Since the saliency is frequently derived from unique features, this selection method relies on the encoding of the feature learning module, and the adaptive selection by the network is more crucial for the registration task at hand. In addition, proper exchange of information between two pieces of point clouds can make the detection of key points more accurate, for the reason that the alignment process tends to concentrate more on the overlapping regions.

4.2. Feature Matching

Feature matching is also a process of transformation estimation. After extracting the feature points, the transformation matrix can be obtained by the corresponding relationship between feature points. The registration problem turns into a convex problem if it has the corresponding. There are several methods to gain transformation matrix, including SVD (singular value decomposition), least squares method, etc. In contrast to the ICP-like procedure, only one coarse transformation is required in this case, therefore accuracy is not the most crucial factor. Instead, the accurate correspondence might offer a suitable initial value for the subsequent fine registration. The brute force matching method is the most fundamental. Assuming that there exist n features in each of the two-point clouds, it may take up to n6 related feature points needed to detect the rigid transformation between two sets of points, only a tiny portion of which can identify the proper transformation matrix. Direct feature extracting is feasible in the case of a few points in the point cloud. However, it will be a highly time-consuming operation if there are many point clouds. It is possible to develop some search strategies using information from feature extraction that ought to make a substantial speedup in feature matching and a significant reduction in computational cost.
Stamos and Allen [122] designed a transformation matrix that can be determined between two pairs of line features. Those features that do not satisfy the ratio of line length to plane size are filtered by threshold and then other features are verified to discover the best match iteratively. Gelfand et al. [123] proposed using the branch-and-bound method for key point matching to convert the coordinate root mean square error verification into the distance root mean square error, thus verifying the quality of key point matching without computing the transformation matrix. The approach is resistant to outliers, noise, and occlusion, but it has strict constraints for the retrieved feature points. Liu et al. [124] introduced constraints on the polar geometry in determining the matching relationship. They looked for feature matching based on RANSAC that made the majority of feature points adhere to the polar geometry requirements. Brenner et al. [125] estimated the transformation matrix using a triplet of face features, but first they computed and ordered the triple product of the triples. The translation error is reduced and iterations are terminated when the same transformation happens a set number of times respectively, the greater the triple product being the reason for this. Albarelli et al. [126] applied a game-theoretic framework to match key points, where matches that satisfy mutually stiff requirements are allowed to persist and all other correspondences are eliminated via a natural selection process. Yang et al. [127] integrated the resulting semantic line features into triangular pairs, created analogous triangular pairs by combining three constraints on line features, removed some erroneous correspondences with geometric consistency tests and calculated the transformation matrix with the remaining correspondences. Wang et al. [128] used the CTNC (closest to next closest) technique: for each feature, the most similar and second-similar features meet a certain ratio requirement to be deemed as the correct matching feature. Jung et al. [129] created two-dimensional synthetic images with a variety of views using three-dimensional point clouds. He then scaled images to produce them at various resolutions, which produced a huge number of repeated feature-matching relationships. Finally, the most repetitions were voted as feature match. Xu et al. [130] took planes as features of K-4PCS and designed feature matching with angle rather than distance as a metric.
Yang et al. [131] used weights to determine the distance between features by weighing color and spatial characteristics. When the spatial position of two pieces of point clouds differ significantly, color features are more accurate than spatial features. It is preferable to employ spatial characteristics to match the point clouds’ geometric specifics after alignment. Tao et al. [132] traversed to find the best correspondence by the angles of two pairs of straight lines to identify corresponding pairs of straight lines and derive a transformation that does not account for motion in the direction of gravity. By designing surface features that only require a pair of correspondences to determine the transformation matrix, Chen et al. [140] reduced the number of transformations that needed to be verified. They also established a Kd-tree to find approximation features, discovered comparable transformations using the Kd-tree, and calculated the mean of certain related transformations. The majority of models often employ the inner product of feature or two-parametric distance of features to describe the matching similarity between two sets of features due to the K-nearest neighbors’ inadequate computing efficiency in the network model. Nevertheless, this way ignores the difference of features on a certain channel. To improve this situation, Li et al. [133] learned a similarity measure for feature matching using distance-aware similarity matrix convolution to obtain better matching relationships.
The network supports the use of fast point feature histograms (FPFH) or graph neural networks (GNN) to extract rotationally invariant geometric features. Furthermore, the distance augmented feature tensor is obtained by stitching it with a simple point-to-four-dimensional Euclidean feature, and then one-dimensional convolution is applied to the tensor to learn the feature matching metric. To further increase the robustness of the algorithm, the posture is fine-tuned once the initial parameters are obtained using the energy minimization function. Xu et al. [134] suggested an overlapping mask network (OMNet). During each iteration, the overlapping masks of the two source and target point clouds are predicted individually, the non-overlapping parts are filtered. Afterwards, MLPs predict the relative motion parameters from the global features of two pieces of point clouds. OMNet achieves state-of-the-art results by removing the overlapping regions to prevent interference of the global features.

5. Application in Large-Scale Aircraft Measurement

Today, as measurement technology picks up steam, it has become conceivable to scan the entire surface of an aircraft with a 3D laser scanner without traditional contact measurements. This technology is appropriate for aircraft measuring situations due to its non-contact, wide measurement range, and active illumination offered by the scanner. It can instantly deliver millions of high-quality data points to depict the aircraft’s surface. Due to occlusions and equipment restrictions, it is sometimes impractical to obtain the whole surface of huge objects like airplanes at a single location. Multi-station scanning is required when scanning the entire aircraft surface. As a result, a fundamental and crucial component of aircraft detection is learning how to register point clouds in several coordinate systems into the global coordinate system.
To tackle the issue of the poor efficiency of extracting boundary features from thin-walled structural sections of aircraft, Yu et al. [141] suggested a line-by-line processing algorithm of the scan line point cloud based on its distribution characteristics. The boundary feature line is fitted once the local measurement points have been collected by neighborhood search and projected onto the scanning plane. This algorithm can avert several time-consuming and challenging calculations such as point cloud partition surface fitting, thereby improving the processing efficiency of large-scale point clouds. In addition to analyzing point cloud and CAD model registration approaches, Kong [142] also analyzed point cloud sampling, streamlining, denoising feature extraction, and other techniques. The one-time alignment of large-size aeronautical structural parts is achieved through human–machine interaction. The efficiency of point cloud matching and alignment precision may be considerably increased by area mapping to find corresponding points and raising the weight factor of assembly characteristics compared with the traditional ICP. Deng et al. [143] evaluated the coordinate systems between each measurement system and the assembly frame for the measurement of major components in aircraft assemblies. They also accomplished this by improving the alignment of ERS (enhanced reference system) points. Wang [144] introduced a unique ICP algorithm for aircraft parts point cloud by fusing similar feature matching with the weighted Euclidean distance threshold method, which has a superior registration effect for small-sized parts. The alignment effect is not ideal since the approach cannot extract precise comparable characteristics for the registration process owing to the relatively smooth surface of an aircraft and the enormous size of the point cloud. Wang et al. [145] adopted a laser scanner with multiple scanning stations to capture genuine point clouds. In addition, they provided a generic framework for aircraft point cloud registration to concurrently align multiple point cloud stratifications with the global coordinate system. The method estimates the overlapping area based on the density-invariant area method and adopts the hierarchical optimization registration method to realize the multi-view registration of aircraft point clouds, allowing the whole geometry of the aircraft to be precisely acquired.
To address the problem of the low accuracy of aircraft point cloud registration, Li and Wang [146] designed and implemented an accurate multi-view registration algorithm to improve the traditional hierarchical registration method by eliminating the effect of density variation in large-scale point clouds, enabling the segmented point clouds precisely registered and significantly enhancing the alignment accuracy. As a result of gentle, smooth, and few features on the surface of aircraft skin, Jin et al. [147] suggested a contour constraint-based alignment technique for the skin point cloud in response to issues with misalignment and local minima when utilizing the ICP algorithm for number pattern matching. The skin contour, which is applied as a registration constraint, will be matched with the extraction of Ck feature points. This method not only fixes the local convergence problem but also ensures both accuracy and speed in point cloud registration. To detect the deformation of large aircraft skin, Xie et al. [148] suggested a seam structure-aware ICP (SSA-ICP) that is suitable for the original point clouds of aircraft with noise and outliers’ overload. This method can effectively locate the scanning point cloud in the whole aircraft skin directly on the original scanning point cloud. To acquire comprehensive data on the sealing quality of an aviation fuel tank, multiple viewpoints of the aircraft fuel tank point cloud must be registered. Nevertheless, numerous repeating features are found in airplane fuel tanks, including the regularly spaced rivets. They might result in mismatches in the point clouds of the tanks if conventional registration techniques are applied. A unique 3D descriptor named LP-PPF was constructed by Cao et al. [149] employing the point and line characteristics of point clouds created from aviation fuel tanks to overcome the challenge. The suggested descriptor has the ability to achieve precise alignment between neighboring point cloud pairs. This technique handles point cloud registration in recurrent and challenging scenarios well. Furthermore, Cao et al. extended this approach to other scenes in the aerospace area. Figure 10a illustrates the evaluation on the registration of airplane skin, airplane flap, and helicopter skin, respectively. The registration results in Figure 10b further demonstrate the promising results of this approach. Among them, the ground truth of the raw scanned data is obtained by structured-light 3D scanner with laser tracker.
Today, as aircraft manufacturing technology gathers momentum, the demand for large-scale aircraft measurement is rising by leaps and bounds. Accordingly, the registration algorithm of point clouds obtained by the measurement is also playing an increasingly significant role. As far as the measurement of large-scale aircraft is concerned, the registration algorithm of massive point clouds is the core factor affecting the practical application of this technology. In terms of the current research progress, the point cloud registration algorithm for large-scale aircraft is still in the laboratory research stage. Furthermore, there is still a long way to go before it can be applied in aviation manufacturing enterprises.

6. Conclusions and Future Research

In this paper, we compared the current point cloud registration algorithms, which encompass as comprehensively as possible the various algorithms for point cloud alignment. Details of these classical methods and their applications to large-scale aircraft measurements are analyzed. Specifically, we first categorize the existing methods into hierarchical optimization, stochastic and probability distributions, and feature-based methods for analysis. Then, we presented the typical algorithms of each method, along with a summary of their strengths and weaknesses. Ultimately, the application of point cloud registration algorithms in large-size aircraft measurement is discussed.
After many years of research, point cloud registration has achieved many remarkable results. However, more applications put forward greater challenges to point cloud registration as it gradually penetrates into the production life. The main challenges and future research directions are as follows:
(1) Due to the constraint of view angle, realistic sensor-acquired point clouds typically produce partially overlapping point clouds, making the direct registration of these data challenging. Although some researchers have developed algorithms that can be aligned under partial overlap, the overlap rate is frequently constrained. Because of this, finding a fundamental solution to the partial overlap point cloud alignment problem is of great application value and promising area.
(2) At present, although the point cloud registration technique combining deep learning and traditional methods has made significant progress, only simple objects can be solved for alignment now. For example, these approaches fail to achieve the desired results and still rely on the traditional algorithm, RANSAC [72], when dealing with complicated scenarios and large-scale point clouds. RANSAC algorithm, however, is stochastic and the number of iterations increases exponentially with outliers. Better outcomes were achieved by researchers who applied the RANSAC concept to neural networks. These findings demonstrate that the combination of neural networks and traditional techniques have greater potential. Generally speaking, traditional methods have the trait of transparency, while neural networks have strong fitting ability. As a result, how to combine the advantages of both is one of the future trends.
(3) In different application scenarios, the algorithms encounter different obstacles, which demands the generality of point cloud registration algorithms. Nevertheless, it is challenging to propose a general algorithm, from the current research stage. For instance, in the case of aircraft, the aircraft’s skin size is huge, the surface is smooth, and there are few curvature features. Consequently, serious misalignment will occur when employing feature-based methods in the registration process. Therefore, a more well-liked research hotspot is on the creation of focused, lightweight, and effective algorithms for certain application scenarios.

Author Contributions

Conceptualization, supervision & funding acquisition, H.S.; Writing-original draft, review & editing, J.Q.; Writing—review & editing, Y.L. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded in part by the Fundamental Research Funds for the Central Universities under Grant NS2020051, in part by the first batch of industry-university-research cooperative collaborative education projects of the Ministry of Education in 2021 under grant 202101042005, in part by the Experimental Technology Research and Development Project of Nanjing University of Aeronautics and Astronautics under grant SYJS202207Y.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

Not applicable.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Liang, X.; Litkey, P.; Hyyppa, J.; Kaartinen, H.; Vastaranta, M.; Holopainen, M. Image-guided registration of unordered terrestrial laser scanning point clouds for urban scenes. IEEE Trans. Geosci. Remote 2012, 50, 661–670. [Google Scholar] [CrossRef]
  2. Kelbe, D.; van Aardt, J.; Romanczyk, P.; van Leeuwen, M.; Cawse-Nicholson, K. Marker-Free Registration of Forest Terrestrial Laser Scanner Data Pairs with Embedded Confidence Metrics. IEEE Trans. Geosci. Remote Sens. 2016, 54, 4314–4330. [Google Scholar] [CrossRef]
  3. Polewski, P.; Yao, W.; Heurich, M.; Krzystek, P.; Stilla, U. Learning a constrained conditional random field for enhanced segmentation of fallen trees in ALS point clouds. ISPRS J. Photogramm. Remote Sens. 2018, 140, 33–44. [Google Scholar] [CrossRef]
  4. Jaboyedoff, M.; Oppikofer, T.; Abellan, A.; Derron, M.H.; Loye, A.; Metzger, R.; Pedrazzini, A. Use of LIDAR in landslide investigations: A review. Nat. Hazards 2012, 61, 5–28. [Google Scholar] [CrossRef] [Green Version]
  5. Barbarella, M.; Fiani, M.; Lugli, A. Landslide monitoring using multitemporal terrestrial laser scanning for ground displacement analysis. Geomat. Nat. Hazards Risk 2013, 6, 398–418. [Google Scholar] [CrossRef]
  6. Özdoğan, M.V.; Deliormanlı, A.H. Determination of possible failure surfaces in an open-pit slope caused by underground production. B Geofis. Teor. Appl. 2020, 61, 199–218. [Google Scholar] [CrossRef]
  7. Özdoğan, M.V.; Deliormanlı, A.H. Landslide detection and characterization using terrestrial 3D laser scanning (LiDAR). Acta Geodyn. Geomater. 2019, 16, 379–392. [Google Scholar] [CrossRef] [Green Version]
  8. Derron, M.-H.; Jaboyedoff, M. Preface LIDAR and DEM techniques for landslides monitoring and characterization. Nat. Hazards Earth Syst. Sci. 2010, 10, 1877–1879. [Google Scholar] [CrossRef]
  9. Guerriero, L.; Revellino, P.; Luongo, A.; Focareta, M.; Grelle, G.; Guadagno, F.M. The Mount Pizzuto earth flow: Deformational pattern and recent thrusting evolution. J. Maps 2016, 12, 1187–1194. [Google Scholar] [CrossRef] [Green Version]
  10. Travelletti, J.; Malet, J.-P.; Delacourt, C. Image-based correlation of Laser Scanning point cloud time series for landslide monitoring. Int. J. Appl. Earth Obs.Geoinf. ITC J. 2014, 32, 1–18. [Google Scholar] [CrossRef]
  11. Prokop, A.; Panholzer, H. Assessing the capability of terrestrial laser scanning for monitoring slow moving landslides. Nat. Hazards Earth Syst. Sci. 2009, 9, 1921–1928. [Google Scholar] [CrossRef] [Green Version]
  12. Huang, R.; Ye, Z.; Boerner, R.; Yao, W.; Xu, Y.; Stilla, U. Fast pairwise coarse registration between point clouds of construction sites using 2d projection-based phase correlation. ISPRS—Int. Arch. Photogramm. Remote Sens. Spat. Inf. Sci. 2019, XLII-2/W13, 1015–1020. [Google Scholar] [CrossRef] [Green Version]
  13. Calders, K.; Adams, J.; Armston, J.; Bartholomeus, H.; Bauwens, S.; Bentley, L.P.; Chave, J.; Danson, F.M.; Demol, M.; Disney, M.; et al. Terrestrial laser scanning in forest ecology: Expanding the horizon. Remote Sens. Environ. 2020, 251, 112102. [Google Scholar] [CrossRef]
  14. Weiser, H.; Schäfer, J.; Winiwarter, L.; Krašovec, N.; Fassnacht, F.E.; Höfle, B. Individual tree point clouds and tree measurements from multi-platform laser scanning in German forests. Earth Syst. Sci. Data 2022, 14, 2989–3012. [Google Scholar] [CrossRef]
  15. Tao, S.; Labrière, N.; Calders, K.; Fischer, F.J.; Rau, E.-P.; Plaisance, L.; Chave, J. Mapping tropical forest trees across large areas with lightweight cost-effective terrestrial laser scanning. Ann. For. Sci. 2021, 78, 103. [Google Scholar] [CrossRef]
  16. Næsset, E.; Gobakken, T.; Holmgren, J.; Hyyppä, H.; Hyyppä, J.; Maltamo, M.; Nilsson, M.; Olsson, H.; Persson, A.; Söderman, U. Laser scanning of forest resources: The nordic experience. Scand. J. For. Res. 2004, 19, 482–499. [Google Scholar] [CrossRef]
  17. Morgan, M.; Habib, A. Interpolation of lidar data and automatic building extraction. In Proceedings of the ACSM-ASPRS Annual Conference, Washington, DC, USA, 19–26 April 2002; pp. 432–441. [Google Scholar]
  18. Oesau, S.; Lafarge, F.; Alliez, P. Indoor scene reconstruction using feature sensitive primitive extraction and graph-cut. ISPRS J. Photogramm. Remote Sens. 2014, 90, 68–82. [Google Scholar] [CrossRef] [Green Version]
  19. Dong, Z.; Yang, B.; Hu, P.; Scherer, S. An efficient global energy optimization approach for robust 3D plane segmentation of point clouds. ISPRS J. Photogramm. Remote Sens. 2018, 137, 112–133. [Google Scholar] [CrossRef]
  20. Montuori, A.; Luzi, G.; Stramondo, S.; Casula, G.; Bignami, C.; Bonali, E.; Bianchi, M.G.; Crosetto, M. Combined use of ground-based systems for Cultural Heritage conservation monitoring. In Proceedings of the 2014 IEEE Geoscience and Remote Sensing Symposium, Quebec City, QC, Canada, 13–18 July 2014; IEEE: Quebec City, QC, Canada, 2014; pp. 4086–4089. [Google Scholar] [CrossRef]
  21. Emam, S.; Khatibi, S.; Khalili, K. Improving the Accuracy of Laser Scanning for 3D Model Reconstruction Using Dithering Technique. Procedia Technol. 2014, 12, 353–358. [Google Scholar] [CrossRef]
  22. Boardman, C.; Bryan, P.; McDougall, L.; Reuter, T.; Payne, E.; Moitinho, V.; Rodgers, T.; Honkova, J.; O’Connor, L.; Blockley, C.; et al. 3D Laser Scanning for Heritage. Advice and Guidance on the Use of Laser Scanning in Archaeology and Architecture; Historic England: Swindon, UK, 2018. [Google Scholar]
  23. Wu, C.; Yuan, Y.; Tang, Y.; Tian, B. Application of Terrestrial Laser Scanning (TLS) in the Architecture, Engineering and Construction (AEC) Industry. Sensors 2021, 22, 265. [Google Scholar] [CrossRef]
  24. Yin, Y.; Antonio, J. Application of 3D laser scanning technology for image data processing in the protection of ancient building sites through deep learning. Image Vis. Comput. 2020, 102, 103969. [Google Scholar] [CrossRef]
  25. Huo, P.; Hou, M.; Dong, Y.; Li, A.; Ji, Y.; Li, S. A Method for 3D Reconstruction of the Ming and Qing Official-Style Roof Using a Decorative Components Template Library. ISPRS Int. J. Geo-Inf. 2020, 9, 570. [Google Scholar] [CrossRef]
  26. Pomerleau, F.; Colas, F.; Siegwart, R. A Review of Point Cloud Registration Algorithms for Mobile Robotics. Found. Trends® Robot. 2013, 4, 1–104. [Google Scholar] [CrossRef] [Green Version]
  27. Díez, Y.; Roure, F.; Lladó, X.; Salvi, J. A Qualitative Review on 3D Coarse Registration Methods. ACM Comput. Surv. 2015, 47, 1–36. [Google Scholar] [CrossRef]
  28. Cheng, L.; Chen, S.; Liu, X.; Xu, H.; Wu, Y.; Li, M.; Chen, Y. Registration of Laser Scanning Point Clouds: A Review. Sensors 2018, 18, 1641. [Google Scholar] [CrossRef] [Green Version]
  29. Dong, Z.; Liang, F.; Yang, B.; Xu, Y.; Zang, Y.; Li, J.; Wang, Y.; Dai, W.; Fan, H.; Hyyppä, J.; et al. Registration of large-scale terrestrial laser scanner point clouds: A review and benchmark. ISPRS J. Photogramm. Remote Sens. 2020, 163, 327–342. [Google Scholar] [CrossRef]
  30. Huang, X.; Mei, G.; Zhang, J.; Abbas, R. A comprehensive survey on point cloud registration. arXiv 2021, arXiv:2103.02690v2. [Google Scholar]
  31. Besl, P.J.; McKay, N.D. A method for registration of 3-D shapes. IEEE Trans. Pattern Anal. Mach. Intell. 1992, 14, 239–256. [Google Scholar] [CrossRef] [Green Version]
  32. Blais, G.; Levine, M. Registering multiview range data to create 3D computer objects. IEEE Trans. Pattern Anal. Mach. Intell. 1995, 17, 820–824. [Google Scholar] [CrossRef] [Green Version]
  33. Pulli, K. Multiview registration for large data sets. In Proceedings of the Second International Conference on 3D Digital Imaging and Modeling, Ottawa, Canada, 4–8 October 1999; pp. 160–168. [Google Scholar]
  34. Rusinkiewicz, S.; Levoy, M. Efficient variants of the ICP algorithm. In Proceedings of the 3rd International Conference on 3-D Digital Imaging and Modeling, Quebec City, Canada, 28 May–1 June 2001; pp. 145–152. [Google Scholar]
  35. Sharp, G.; Lee, S.; Wehe, D. ICP registration using invariant features. IEEE Trans. Pattern Anal. Mach. Intell. 2002, 24, 90–102. [Google Scholar] [CrossRef]
  36. Fitzgibbon, A.W. Robust Registration of 2D and 3D Point Sets. Image Vis. Comput. 2003, 21, 1134–1153. [Google Scholar] [CrossRef]
  37. Bae, K.H.; Lichti, D.D. A method for automated registration of unorganized point clouds. ISPRS J. Photogramm. 2008, 63, 36–54. [Google Scholar] [CrossRef]
  38. Censi, A. An ICP variant using a point-to-line metric. In Proceedings of the IEEE International Conference on Robotics and Automation, Pasadena, CA, USA, 19–23 May 2008; pp. 19–25. [Google Scholar]
  39. Segal, A.; Haehnel, D.; Thrun, S. Generalized-ICP. In Robotics: Science and Systems; University of Washington: Seattle, WA, USA, 2009. [Google Scholar]
  40. Ying, S.; Peng, J.; Du, S.; Qiao, H. A Scale Stretch Method Based on ICP for 3D Data Registration. IEEE Trans. Autom. Sci. Eng. 2009, 6, 559–565. [Google Scholar] [CrossRef]
  41. Bouaziz, S.; Tagliasacchi, A.; Pauly, M. Sparse Iterative Closest Point. Comput. Graph. Forum 2013, 32, 113–123. [Google Scholar] [CrossRef] [Green Version]
  42. Yang, J.; Li, H.; Campbell, D.; Jia, Y. Go-ICP: A Globally Optimal Solution to 3D ICP Point-Set Registration. IEEE Trans. Pattern Anal. Mach. Intell. 2015, 38, 2241–2254. [Google Scholar] [CrossRef] [Green Version]
  43. He, Y.; Liang, B.; Yang, J.; Li, S.; He, J. An Iterative Closest Points Algorithm for Registration of 3D Laser Scanner Point Clouds with Geometric Features. Sensors 2017, 17, 1862. [Google Scholar] [CrossRef] [Green Version]
  44. Wang, Y.; Solomon, J. Deep Closest Point: Learning Representations for Point Cloud Registration. In Proceedings of the IEEE International Conference on Computer Vision and Pattern Recognition, Long Beach, CA, USA, 16–17 June 2019; pp. 3522–3531. [Google Scholar]
  45. Wang, Y.; Solomon, J.M. PRNet: Self-Supervised Learning for Partial-to-Partial Registration. In Proceedings of the 33rd Conference on Neural Information Processing Systems, Online, 6–12 December 2020; Volume 32. [Google Scholar]
  46. Koide, K.; Yokozuka, M.; Oishi, S.; Banno, A. Voxelized GICP for Fast and Accurate 3D Point Cloud Registration. In Proceedings of the IEEE International Conference on Robotics and Automation, Xi’an, China, 30 May–5 June 2021; pp. 11054–11059. [Google Scholar]
  47. Umeyama, S. An eigen decomposition approach to weighted graph matching problems. IEEE Trans. Pattern Anal. 1988, 10, 695–703. [Google Scholar] [CrossRef]
  48. Luo, B.; Hancock, E. Structural graph matching using the EM algorithm and singular value decomposition. IEEE Trans. Pattern Anal. Mach. Intell. 2001, 23, 1120–1136. [Google Scholar] [CrossRef]
  49. Caelli, T.; Kosinov, S. An eigenspace projection clustering method for inexact graph matching. IEEE Trans. Pattern Anal. Mach. Intell. 2004, 26, 515–519. [Google Scholar] [CrossRef]
  50. Leordeanu, M.; Hebert, M. A spectral technique for correspondence problems using pairwise constraints. In Proceeding of the Tenth IEEE International Conference on Computer Vision (ICCV’05), Beijing, China, 17–21 October 2005; p. 1482. [Google Scholar] [CrossRef]
  51. Cour, T.; Srinivasan, P.; Shi, J. Balanced graph matching. In Proceedings of the Conference on Advances in Neural Information Processing Systems, Vancouver, BC, Canada, 4–7 December 2006; pp. 313–320. [Google Scholar]
  52. Gold, S.; Rangarajan, A. A graduated assignment algorithm for graph matching. IEEE Trans. Pattern Anal. Mach. Intell. 1996, 18, 377–388. [Google Scholar] [CrossRef] [Green Version]
  53. Torresani, L.; Kolmogorov, V.; Rother, C. Feature Correspondence Via Graph Matching: Models and Global Optimization. In Proceedings of the European Conference on Computer Vision, Marseille, France, 12–18 October 2008; Springer: Berlin/Heidelberg, Germany, 2008; Volume 61, pp. 255–265. [Google Scholar]
  54. Zhou, F.; de la Torre, F. Factorized Graph Matching. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 27–30 June 2016; Volume 38, pp. 1774–1789. [Google Scholar]
  55. Jiang, B.; Tang, T.; Cao, X.C.; Luo, B. Lagrange relaxation graph matching. Pattern Recogn. 2017, 61, 255–265. [Google Scholar] [CrossRef]
  56. Fu, K.; Liu, S.; Luo, X.; Wang, M. Robust Point Cloud Registration Framework Based on Deep Graph Matching. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Nashville, TN, USA, 20–25 June 2021; pp. 8889–8898. [Google Scholar]
  57. Chaudhury, K.N.; Khoo, Y.; Singer, A. Global Registration of Multiple Point Clouds Using Semidefinite Programming. SIAM J. Optim. 2015, 25, 468–501. [Google Scholar] [CrossRef] [Green Version]
  58. Maron, H.; Dym, N.; Kezurer, I.; Kovalsky, S.; Lipman, Y. Point registration via efficient convex relaxation. ACM Trans. Graph. 2016, 35, 1–12. [Google Scholar] [CrossRef]
  59. Le, H.M.; Do, T.-T.; Hoang, T.; Cheung, N.-M. SDRSAC: Semidefinite-Based Randomized Approach for Robust Point Cloud Registration Without Correspondences. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Long Beach, CA, USA, 16–20 June 2019; pp. 124–133. [Google Scholar]
  60. Yang, H.; Shi, J.; Carlone, L. TEASER: Fast and Certifiable Point Cloud Registration. IEEE Trans. Robot. 2020, 37, 314–333. [Google Scholar] [CrossRef]
  61. Sun, L. IRON: Invariant-based highly robust point cloud registration. arXiv 2022, arXiv:2103.04357. [Google Scholar]
  62. Zass, R.; Shashua, A. Probabilistic graph and hypergraph matching. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Anchorage, AK, USA, 24–26 June 2008; pp. 1–8. [Google Scholar]
  63. Duchenne, O.; Bach, F.; Kweon, I.-S.; Ponce, J. A Tensor-Based Algorithm for High-Order Graph Matching. IEEE Trans. Pattern Anal. Mach. Intell. 2011, 33, 2383–2395. [Google Scholar] [CrossRef] [Green Version]
  64. Lee, J.; Cho, M.; Lee, K.M. Hyper-graph matching via reweighted random walks. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Colorado Springs, CO, USA, 20–25 June 2011; pp. 1633–1640. [Google Scholar]
  65. Ngoc, Q.N.; Gautier, A.; Hein, M. A flexible tensor block coordinate ascent scheme for hypergraph matching. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Boston, MA, USA, 7–12 June 2015; pp. 5270–5278. [Google Scholar]
  66. Zhang, R.; Wang, W. Second- and High-Order Graph Matching for Correspondence Problems. IEEE Trans. Circuits Syst. Video Technol. 2018, 28, 2978–2992. [Google Scholar] [CrossRef]
  67. Pavlov, A.L.; Ovchinnikov, G.W.; Derbyshev, D.Y.; Tsetserukou, D.; Oseledets, I.V. AA-ICP: Iterative Closest Point with Anderson Acceleration. In Proceedings of the 2018 IEEE International Conference on Robotics and Automation (ICRA), Brisbane, QLD, Australia, 21–25 May 2018; pp. 3407–3412. [Google Scholar] [CrossRef] [Green Version]
  68. Li, G.; Cui, Y.; Wang, L.; Meng, L. Automatic Registration Algorithm for the Point Clouds Based on the Optimized RANSAC and IWOA Algorithms for Robotic Manufacturing. Appl. Sci. 2022, 12, 9461. [Google Scholar] [CrossRef]
  69. Loiola, E.M.; de Abreu, N.M.M.; Boaventura-Netto, P.O.; Hahn, P.; Querido, T. A survey for the quadratic assignment problem. Eur. J. Oper. Res. 2007, 176, 657–690. [Google Scholar] [CrossRef]
  70. Tian, Y.; Yan, J.; Zhang, H.; Zhang, Y.; Yang, X.; Zha, H. On the Convergence of Graph Matching: Graduated Assignment Revisited. In Proceedings of the 12th European Conference on Computer Vision, Florence, Italy, 7–13 October 2012; Volume 7574, pp. 821–835. [Google Scholar]
  71. Lai-Dang, Q.-V.; Nengroo, S.H.; Jin, H. Learning Dense Features for Point Cloud Registration Using a Graph Attention Net-work. Appl. Sci. 2022, 12, 7023. [Google Scholar] [CrossRef]
  72. 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]
  73. Myatt, D.R.; Torr, P.H.S.; Nasuto, S.J.; Bishop, J.M.; Craddock, R. NAPSAC: High noise, high dimensional robust estimation-It’s in the bag. In Proceedings of the British Machine Vision Conference, Cardiff, UK, 2–5 September 2002; pp. 458–467. [Google Scholar]
  74. Chum, O.; Matas, J.; Kittler, J. Locally optimized RANSAC. Pattern Recogn. Proc. 2003, 2781, 236–243. [Google Scholar]
  75. Chum, O.; Matas, J. Matching with PROSAC-Progressive Sample Consensus. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, San Diego, CA, USA, 20–25 June 2005; pp. 220–226. [Google Scholar]
  76. Ma, S.; Ma, X.; You, H.; Tang, T.; Wang, J.; Wang, M. SC-PROSAC: An Improved Progressive Sample Consensus Algorithm Based on Spectral Clustering. In Proceedings of the 3rd International Conference on Robotics and Computer Vision, Beijing, China, 6–8 August 2021; pp. 73–77. [Google Scholar]
  77. Aiger, D.; Mitra, N.J.; Cohen-Or, D. 4-points congruent sets for robust pairwise surface registration. ACM Trans. Graph. 2008, 27, 1–10. [Google Scholar] [CrossRef] [Green Version]
  78. Mellado, N.; Aiger, D.; Mitra, N.J. Super 4PCS: Fast global point cloud registration via smart indexing. Comput. Graph. Forum 2015, 33, 205–215. [Google Scholar] [CrossRef] [Green Version]
  79. Sattler, T.; Leibe, B.; Kobbelt, L. SCRAMSAC: Improving RANSAC’s efficiency with a spatial consistency filter. In Proceedings of the 12th IEEE International Conference on Computer Vision, Kyoto, Japan, 29 September–2 October 2009; pp. 2090–2097. [Google Scholar]
  80. Ni, K.; Jin, H.; Dellaert, F. GroupSAC: Efficient consensus in the presence of groupings. In Proceedings of the 12th IEEE International Conference on Computer Vision, Kyoto, Japan, 29 September–2 October 2009; pp. 1–8. [Google Scholar]
  81. Meng, Y.; Zhang, H. Registration of point clouds using sample-sphere and adaptive distance restriction. Vis. Comput. 2011, 27, 543–553. [Google Scholar] [CrossRef]
  82. 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]
  83. Sun, L. RANSIC: Fast and Highly Robust Estimation for Rotation Search and Point Cloud Registration Using Invariant Compatibility. IEEE Robot. Autom. Lett. 2021, 7, 143–150. [Google Scholar] [CrossRef]
  84. Biber, P. The Normal Distributions Transform: A New Approach to Laser Scan Matching. In Proceedings of the 2003 IEEE/RSJ International Conference on Intelligent Robots and Systems, Las Vegas, NV, USA, 27–31 October 2003. [Google Scholar]
  85. Magnusson, M. 3D Scan Matching for Mobile Robots with Application to Mine Mapping; Örebro University: Örebro, Sweden, 2006; pp. 49–59. [Google Scholar]
  86. Cihan, U.; Hakan, T. A 3D Scan Matching Method Based on Multi-Layered Normal Distribution Transform. IFAC Proc. 2011, 44, 11602–11607. [Google Scholar]
  87. Das, A.; Waslander, S.L. Scan registration with multi-scale k-means normal distributions transform. In Proceedings of the 2012 IEEE/RSJ International Conference on Intelligent Robots and Systems, Vilamoura, Portugal, 7–12 October 2012; pp. 2705–2710. [Google Scholar]
  88. Das, A.; Waslander, S. Scan registration using segmented region growing NDT. Int. J. Robot. Res. 2014, 33, 1645–1663. [Google Scholar] [CrossRef]
  89. Lu, J.; Liu, W.; Dong, D.L.; Shao, Q. Point cloud registration algorithm based on NDT with variable size voxel. In Proceedings of the 34th Chinese Control Conference, Hangzhou, China, 28–30 July 2015; pp. 3707–3712. [Google Scholar]
  90. Hong, H.; Lee, B. A Method of Generating Multi-Scale Disc-Like Distributions for NDT Registration Algorithm. Int. J. Mech. Eng. Robot. Res. 2016, 5, 52–56. [Google Scholar] [CrossRef] [Green Version]
  91. Zaganidis, A.; Magnusson, M.; Duckett, T.; Cielniak, G. Semantic-assisted 3D normal distributions transform for scan registration in environments with limited structure. In Proceedings of the IEEE International Conference on Intelligent Robots and Systems, Vancouver, BC, Canada, 24–28 September 2017; pp. 4064–4069. [Google Scholar]
  92. Myronenko, A.; Song, X. Point Set Registration: Coherent Point Drift. IEEE Trans. Pattern Anal. Mach. Intell. 2010, 32, 2262–2275. [Google Scholar] [CrossRef]
  93. Jian, B.; Vemuri, B. A robust algorithm for point set registration using mixture of Gaussians. In Proceedings of the 10th IEEE International Conference on Computer Vision, Beijing, China, 17–20 October 2005; Volume 2, pp. 1246–1251. [Google Scholar]
  94. Evangelidis, G.D.; Kounades-Bastian, D.; Horaud, R.; Psarakis, E.Z. A Generative Model for the Joint Registration of Multiple Point Sets. In Proceedings of the 13th European Conference on Computer Vision, Zurich, Switzerland, 6–12 September 2014; Volume 8695, pp. 109–122. [Google Scholar]
  95. Fan, J.; Yang, J.; Ai, D.; Xia, L.; Zhao, Y.; Gao, X.; Wang, Y. Convex hull indexed Gaussian mixture model (CH-GMM) for 3D point set registration. Pattern Recognit. 2016, 59, 126–141. [Google Scholar] [CrossRef] [Green Version]
  96. Ben, E.; Kim, K.; Troccoli, A.; Kelly, A.; Kautz, J. Accelerated generative models for 3D point cloud data. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Seattle, WA, USA, 27–30 June 2016; pp. 5497–5505. [Google Scholar]
  97. Min, Z.; Wang, J.; Meng, M.Q.H. Robust Generalized Point Cloud Registration Using Hybrid Mixture Model. In Proceedings of the IEEE International Conference on Robotics and Automation, Brisbane, Australia, 21–25 May 2018; pp. 4812–4818. [Google Scholar]
  98. Eckart, B.; Kim, K.; Kautz, J. HGMR: Hierarchical Gaussian Mixtures for Adaptive 3D Registration. In Proceedings of the 15th European Conference on Computer Vision, Munich, Germany, 8–14 September 2018; Volume 11219, pp. 730–746. [Google Scholar]
  99. Yuan, W.; Eckart, B.; Kim, K.; Jampani, V.; Fox, D.; Kautz, J. Deepgmr: Learning latent gaussian mixture models for registration. In Proceedings of the European Conference on Computer Vision, Glasgow, UK, 23–28 August 2020; pp. 733–750. [Google Scholar]
  100. Matas, J.; Chum, O. Randomized RANSAC with T (d, d) test. Image Vision Comput 2004, 22, 837–842. [Google Scholar] [CrossRef] [Green Version]
  101. Raguram, R.; Chum, O.; Pollefeys, M.; Matas, J.; Frahm, J.-M. USAC: A Universal Framework for Random Sample Consensus. IEEE Trans. Pattern Anal. Mach. Intell. 2012, 35, 2022–2038. [Google Scholar] [CrossRef] [PubMed]
  102. Cho, S.; Kim, C.; Park, J.; Sunwoo, M.; Jo, K. Semantic Point Cloud Mapping of LiDAR Based on Probabilistic Uncertainty Modeling for Autonomous Driving. Sensors 2020, 20, 5900. [Google Scholar] [CrossRef]
  103. Masuda, T.; Sakaue, K.; Yokoya, N. Registration and integration of multiple range images for 3-D model construction. In Proceedings of the 13th International Conference on Pattern Recognition, Vienna, Austria, 25–29 August 1996; IEEE: Piscataway, NJ, USA, 1996; Volume 1, pp. 879–883. [Google Scholar]
  104. 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; pp. 3384–3391. [Google Scholar]
  105. 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; pp. 3212–3217. [Google Scholar]
  106. Zhong, Y. Intrinsic shape signatures: A shape descriptor for 3D object recognition. In Proceedings of the 2009 IEEE 12th International Conference on Computer Vision Workshops, ICCV Workshops, Kyoto, Japan, 27 September–4 October 2009; pp. 689–696. [Google Scholar]
  107. Ji, Z.; Zhou, F.; Tian, X.; Jiang, R.X.; Chen, Y.W. Probabilistic 3D ICP algorithm based on ORB feature. In Proceedings of the 3rd IEEE International Conference on Information Science and Technology, Yangzhou, China, 23–25 March 2013; pp. 300–304. [Google Scholar]
  108. Prakhya, S.; Liu, B.; Lin, W. Detecting key point sets on 3D point clouds via histogram of normal orientations. Pattern Recogn. Lett. 2016, 83, 42–48. [Google Scholar] [CrossRef]
  109. 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 IEEE Conference on Computer Vision and Pattern Recognition, Honolulu, HI, USA, 21–26 July 2017; pp. 199–208. [Google Scholar]
  110. Qi, C.R.; Su, H.; Mo, K.; Guibas, L.J. PointNet: Deep learning on point sets for 3D classification and segmentation. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Honolulu, HI, USA, 21–26 July 2017; pp. 77–85. [Google Scholar]
  111. Qi, C.R.; Yi, L.; Su, H.; Guibas, L.J. PointNet++: Deep hierarchical feature learning on point sets in a metric space. In Proceedings of the 31st International Conference on Neural Information Processing Systems, Long Beach, CA, USA, 4–9 December 2017; pp. 5105–5114. [Google Scholar]
  112. Deng, H.; Birdal, T.; Ilic, S. PPFNet: Global Context Aware Local Features for Robust 3D Point Matching. In Proceedings of the 31st IEEE/CVF Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–23 June 2018; pp. 195–205. [Google Scholar]
  113. Deng, H.W.; Birdal, T.; Ilic, S. PPF-FoldNet: Unsupervised learning of rotation invariant 3D local descriptors. In Proceedings of the 15th European Conference on Computer Vision, Munich, Germany, 8–14 September 2018; Volume 11209, pp. 620–638. [Google Scholar]
  114. Yew, Z.J.; Lee, G.H. 3DFeat-Net: Weakly Supervised Local 3D Features for Point Cloud Registration. In Proceedings of the 15th European Conference on Computer Vision, Munich, Germany, 8–14 September 2018; pp. 630–646. [Google Scholar]
  115. Gojcic, Z.; Zhou, C.F.; 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, Long Beach, CA, USA, 15–20 June 2019; pp. 5540–5549. [Google Scholar]
  116. Choy, C.; Park, J.; Koltun, V. Fully convolutional geometric features. In Proceedings of the IEEE/CVF International Conference on Computer Vision, Seoul, Korea, 27 October–2 November 2019; pp. 8957–8965. [Google Scholar]
  117. Zhang, X.; Gao, R.; Sun, Q.; Cheng, J. An Automated Rectification Method for Unmanned Aerial Vehicle LiDAR Point Cloud Data Based on Laser Intensity. Remote Sens. 2019, 11, 811. [Google Scholar] [CrossRef] [Green Version]
  118. 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, Seattle, WA, USA, 13–19 June 2020; pp. 11824–11833. [Google Scholar]
  119. Horache, S.; Deschaud, J.-E.; Goulette, F. 3D Point Cloud Registration with Multi-Scale Architecture and Unsupervised Transfer Learning. In Proceedings of the 9th International Conference on 3D Vision, Electric Network, London, UK, 1–3 December 2021; pp. 1351–1361. [Google Scholar]
  120. Ao, S.; Hu, Q.Y.; Yang, B.; Markham, A.; Guo, Y.L. SpinNet: Learning a general surface descriptor for 3D point cloud registration. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Nashville, TN, USA, 19–25 June 2021; pp. 11748–11757. [Google Scholar]
  121. Ginzburg, D.; Raviv, D. Deep weighted consensus: Dense correspondence confidence maps for 3d shape registration. arXiv 2021, arXiv:2105.02714. [Google Scholar]
  122. Stamos, I.; Allen, P.K. Geometry and Texture Recovery of Scenes of Large Scale. Comput. Vis. Image Underst. 2002, 88, 94–118. [Google Scholar] [CrossRef]
  123. Gelfand, N.; Mitra, N.J.; Guibas, L.J.; Pottmann, H. Robust global registration. In Proceedings of the 3rd Eurographics Symposium on Geometry Processing, Eurographics Association, Vienna, Austria, 4–6 July 2005; pp. 197–206. [Google Scholar]
  124. Liu, X.L.; Peng, X.; Yin, Y.K.; Tian, J.D.; Li, A.M.; Zhao, X.B. A coarse registration method of range image based on SIFT. In Proceedings of the Conference on Electronic Imaging and Multimedia Technology, Beijing, China, 15 November 2007; Volume 6833. [Google Scholar]
  125. Brenner, C.; Dold, C.; Ripperda, N. Coarse orientation of terrestrial laser scans in urban environments. ISPRS J. Photogramm. Remote Sens. 2008, 63, 4–18. [Google Scholar] [CrossRef]
  126. Albarelli, A.; Rodolà, E.; Bergamasco, F.; Torsello, A. A Non-cooperative Game for 3D Object Recognition in Cluttered Scenes. In Proceedings of the International Conference on 3D Imaging, Modeling, Processing, Visualization and Transmission, Hangzhou, China, 16–19 May 2011; pp. 252–259. [Google Scholar]
  127. Yang, B.; Dong, Z.; Liang, F.; Liu, Y. Automatic registration of large-scale urban scene point clouds based on semantic feature points. ISPRS J. Photogramm. Remote Sens. 2016, 113, 43–58. [Google Scholar] [CrossRef]
  128. Wang, F.; Ye, Y.; Hu, X.; Shan, J. Point cloud registration by combining shape and intensity contexts. In Proceedings of the 9th IAPR Workshop on Pattern Recognition in Remote Sensing, Cancun, Mexico, 4 December 2016; pp. 1–6. [Google Scholar]
  129. Jung, S.; Song, S.; Chang, M.; Park, S. Range image registration based on 2D synthetic images. Comput. Des. 2018, 94, 16–27. [Google Scholar] [CrossRef]
  130. Xu, Y.; Boerner, R.; Yao, W.; Hoegner, L.; Stilla, U. Pairwise coarse registration of point clouds in urban scenes using voxel-based 4-planes congruent sets. ISPRS J. Photogramm. Remote Sens. 2019, 151, 106–123. [Google Scholar] [CrossRef]
  131. Yang, Y.; Chen, W.; Wang, M.; Zhong, D.; Du, S. Color Point Cloud Registration Based on Supervoxel Correspondence. IEEE Access 2020, 8, 7362–7372. [Google Scholar] [CrossRef]
  132. Tao, W.; Hua, X.; Chen, Z.; Tian, P. Fast and Automatic Registration of Terrestrial Point Clouds Using 2D Line Features. Remote Sens. 2020, 12, 1283. [Google Scholar] [CrossRef] [Green Version]
  133. Li, J.; Zhang, C.; Xu, Z.; Zhou, H.; Zhang, C. Iterative distance-aware similarity matrix convolution with mutual-supervised point elimination for efficient point cloud registration. In Proceedings of the 16th European Conference on Computer Vision, Glasgow, UK, 23–28 August 2020; pp. 378–394. [Google Scholar]
  134. Xu, H.; Liu, S.; Wang, G.; Liu, G.; Zeng, B. OMNet: Learning Overlapping Mask for Partial-to-Partial Point Cloud Registration. In Proceedings of the 18th IEEE/CVF International Conference on Computer Vision, Electric Network, Montreal, QC, Canada, 11–17 October 2021; pp. 3112–3121. [Google Scholar]
  135. Liu, J.; Bai, D.; Chen, L. 3-D Point Cloud Registration Algorithm Based on Greedy Projection Triangulation. Appl. Sci. 2018, 8, 1776. [Google Scholar] [CrossRef] [Green Version]
  136. Yang, Y.; Feng, C.; Shen, Y.; Tian, D. FoldingNet: Point Cloud Auto-Encoder via Deep Grid Deformation. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–23 June 2018; pp. 206–215. [Google Scholar]
  137. Joung, S.; Kim, S.; Kim, H.; Kim, M.; Kim, I.-J.; Cho, J.; Sohn, K. Cylindrical Convolutional Networks for Joint Object Detection and Viewpoint Estimation. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Seattle, WA, USA, 13–19 June 2020; pp. 14151–14160. [Google Scholar]
  138. Huang, S.Y.; Gojcic, Z.; Usvyatsov, M.; Wieser, A.; Schindler, K. PREDATOR: Registration of 3D point clouds with low overlap. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Nashville, TN, USA, 19–25 June 2021; pp. 4265–4274. [Google Scholar]
  139. Wang, Y.; Sun, Y.; Liu, Z.; Sarma, S.E.; Bronstein, M.M.; Solomon, J. Dynamic Graph CNN for Learning on Point Clouds. ACM Trans. Graph. 2019, 38, 5. [Google Scholar] [CrossRef] [Green Version]
  140. Chen, S.; Nan, L.; Xia, R.; Zhao, J.; Wonka, P. PLADE: A Plane-Based Descriptor for Point Cloud Registration with Small Overlap. IEEE Trans. Geosci. Remote Sens. 2020, 58, 2530–2540. [Google Scholar] [CrossRef]
  141. Yu, F.; Huang, X.; Li, G.; Li, D. Aircraft skin boundary extraction based on Sean Line point cloud. Comput. Integr. Manuf. Syst. 2017, 23, 701–707. [Google Scholar]
  142. Kong, Q.C. Research on Key Technique Point Cloud Processing for Semi-Physical Model of Large Size Aerospace Structure Assembly; Donghua University: Shanghai, China, 2017. [Google Scholar]
  143. Deng, Z.; Li, S.; Huang, X. Uncertainties evaluation of coordinate transformation parameters in the large-scale measurement for aircraft assembly. Sens. Rev. 2018, 38, 542–550. [Google Scholar] [CrossRef]
  144. Wang, T. Research on Visual Pre-Evaluation Technology of Product Assembly Quality; Chang Chun University of Science and Technology: Chang Chun, China, 2019. [Google Scholar]
  145. Wang, Y.; Liu, Y.; Xie, Q.; Wu, Q.; Guo, X.; Yu, Z.; Wang, J. Density-Invariant Registration of Multiple Scans for Aircraft Measurement. IEEE Trans. Instrum. Meas. 2020, 70, 7000715. [Google Scholar] [CrossRef]
  146. Li, H.; Wang, Y. Hierarchical Multiview Point Cloud Registration for Aircraft Measurement. J. Nanjing Univ. Aeronaut. Astronaut. 2021, 53, 1–6. [Google Scholar]
  147. Jin, Y.; Zhang, Y.; Cui, H.; Cui, P.; and Hu, G. An Aircraft Skin Registration Method Based on Contour Feature Constraint. Acta Opt. Sin. 2021, 41, 93–101. [Google Scholar]
  148. Xie, Q.; Zhang, Y.; Cao, X.; Xu, Y.; Lu, D.; Chen, H.; Wang, J. Part-in-whole point cloud registration for aircraft partial scan automated localization. Comput. Des. 2021, 137, 103042. [Google Scholar] [CrossRef]
  149. Cao, X.; Gong, X.; Xie, Q.; Huang, J.; Xu, Y.; Liu, Y.; Wang, J. Raw Scanned Point Cloud Registration with Repetition for Aircraft Fuel Tank Inspection. Comput. Des. 2022, 144, 103164. [Google Scholar] [CrossRef]
Figure 1. Chronological Overview of Registration Algorithms Based on Hierarchical Optimization [31,32,33,34,35,36,37,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66].
Figure 1. Chronological Overview of Registration Algorithms Based on Hierarchical Optimization [31,32,33,34,35,36,37,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66].
Applsci 12 10247 g001
Figure 2. Principle of ICP algorithm.
Figure 2. Principle of ICP algorithm.
Applsci 12 10247 g002
Figure 3. An example of a Graph-Matching problem.
Figure 3. An example of a Graph-Matching problem.
Applsci 12 10247 g003
Figure 4. Chronological Overview of Registration Algorithm Based on Probability Stochastic Distribution Model [72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99].
Figure 4. Chronological Overview of Registration Algorithm Based on Probability Stochastic Distribution Model [72,73,74,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99].
Applsci 12 10247 g004
Figure 5. Conceptual of Random Sample Consensus.
Figure 5. Conceptual of Random Sample Consensus.
Applsci 12 10247 g005
Figure 6. Process of basic Normal Distribution Transform [102] (a) Construction of the normal distribution with target point clouds. (b) Projection of the source point clouds into the normal distribution. (c) Score calculation for each source point.
Figure 6. Process of basic Normal Distribution Transform [102] (a) Construction of the normal distribution with target point clouds. (b) Projection of the source point clouds into the normal distribution. (c) Score calculation for each source point.
Applsci 12 10247 g006
Figure 7. Illustration of Gaussian Mixture Model (GMM) based.
Figure 7. Illustration of Gaussian Mixture Model (GMM) based.
Applsci 12 10247 g007
Figure 8. Typical feature-based point cloud registration algorithm process.
Figure 8. Typical feature-based point cloud registration algorithm process.
Applsci 12 10247 g008
Figure 9. Chronological overview of registration algorithms based on features [103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134].
Figure 9. Chronological overview of registration algorithms based on features [103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134].
Applsci 12 10247 g009
Figure 10. The pairwise registration results on aerospace applications [149]. (a) Different applications including airplane flap, airplane skin, and helicopter skin. (b) The registration results of different types of point clouds.
Figure 10. The pairwise registration results on aerospace applications [149]. (a) Different applications including airplane flap, airplane skin, and helicopter skin. (b) The registration results of different types of point clouds.
Applsci 12 10247 g010
Table 1. Summary of registration algorithms based on hierarchical optimization.
Table 1. Summary of registration algorithms based on hierarchical optimization.
ClassificationsTypical AlgorithmsAuthorYearStrengthensWeaknesses
Iterative Closet Point (ICP)-BasedP2P-ICP [31]Besl and McKay 1992
  • High precision;
  • Wide applied range.
  • Require large overlap area;
  • High requirements for initial position;
  • Prone to local optimal solution.
Scale-ICP [39]Segal et al.2009
Sparsel-ICP [41]Bouaziz et al.2015
GF-ICP [43]He et al.2017
DCP [44]Wang and Solomon2019
VGICP [46]Koide et al.2021
Graph Matching (GM)-BasedSM [50]Leordeanu and Hebert2005
  • High precision;
  • Robust and reli-able results.
  • Require significant features;
  • Difficult to guarantee extracted feature precision and quality.
TM [63]Duchenne et al.2011
FGM [54]Zhou and de la Torre2016
SDRSAC [59]Le et al.2019
DGM [56]Fu et al.2021
IRON [61]Sun2022
Table 2. Summary of registration algorithms based on probability stochastic distribution model.
Table 2. Summary of registration algorithms based on probability stochastic distribution model.
ClassificationsTypical AlgorithmsAuthorYearStrengthensWeaknesses
Random Sample Consensus (RANSAC)-BasedRANSAC [72]Fischler and Bolles1981
  • Low requirements for initial position;
  • Strong robustness and anti-noise capability.
  • Slow speed;
  • Low precision;
  • Number of iterations required for convergence is difficult to determine.
NAPSAC [73]Myatt et al.2002
SC-RAMSAC [79]Sattler et al.2009
Super-4PCS [78]Mellado et al.2015
SC-PROSAC [76]Ma et al.2021
RANSIC [83]Sun2021
Normal Distribution Transform (NDT)-Based2D-NDT [84]Biber2003
  • Wide applied range;
  • Fast speed;
  • High efficiency
  • Low requirements for initial position
  • High requirements for initial position;
  • Poor robustness.
ML-NDT [86]Cihan and Hakan2011
SRG-NDT [88]Das et al.2014
VSV-NDT [89]Lu et al.2015
HANDT [90]Hong and Lee2016
SE-NDT [91]Zaganidis et al.2018
Gaussian Mixture Model (GMM)-BasedGMM [93]Jian and Vemuri2005
  • Good mathematical properties;
  • Better computation performance;
  • Reaches the asymptotic error faster than the deterministic model.
  • Does not find the global maximum value.
CPD [92]Myronenko and Song2010
JRMPC [94]Evangelidis et al.2014
CH-GMM [95]Fan et al.2016
HGMR [98]Eckart et al.2018
Deep GMR [99]Yuan et al.2020
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Si, H.; Qiu, J.; Li, Y. A Review of Point Cloud Registration Algorithms for Laser Scanners: Applications in Large-Scale Aircraft Measurement. Appl. Sci. 2022, 12, 10247. https://doi.org/10.3390/app122010247

AMA Style

Si H, Qiu J, Li Y. A Review of Point Cloud Registration Algorithms for Laser Scanners: Applications in Large-Scale Aircraft Measurement. Applied Sciences. 2022; 12(20):10247. https://doi.org/10.3390/app122010247

Chicago/Turabian Style

Si, Haiqing, Jingxuan Qiu, and Yao Li. 2022. "A Review of Point Cloud Registration Algorithms for Laser Scanners: Applications in Large-Scale Aircraft Measurement" Applied Sciences 12, no. 20: 10247. https://doi.org/10.3390/app122010247

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