Next Article in Journal
Distributed Cubature Information Filtering Method for State Estimation in Bearing-Only Sensor Network
Previous Article in Journal
The Dynamic Spatial Structure of Flocks
Previous Article in Special Issue
A Good View for Graph Contrastive Learning
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Review

Deep Learning for 3D Reconstruction, Augmentation, and Registration: A Review Paper

by
Prasoon Kumar Vinodkumar
1,
Dogus Karabulut
1,
Egils Avots
1,*,
Cagri Ozcinar
1 and
Gholamreza Anbarjafari
1,2,3,4,*
1
iCV Lab, Institute of Technology, University of Tartu, 50090 Tartu, Estonia
2
PwC Advisory, 00180 Helsinki, Finland
3
iVCV OÜ, 51011 Tartu, Estonia
4
Institute of Higher Education, Yildiz Technical University, Beşiktaş, Istanbul 34349, Turkey
*
Authors to whom correspondence should be addressed.
Entropy 2024, 26(3), 235; https://doi.org/10.3390/e26030235
Submission received: 13 November 2023 / Revised: 1 March 2024 / Accepted: 5 March 2024 / Published: 7 March 2024
(This article belongs to the Special Issue Entropy in Machine Learning Applications)

Abstract

:
The research groups in computer vision, graphics, and machine learning have dedicated a substantial amount of attention to the areas of 3D object reconstruction, augmentation, and registration. Deep learning is the predominant method used in artificial intelligence for addressing computer vision challenges. However, deep learning on three-dimensional data presents distinct obstacles and is now in its nascent phase. There have been significant advancements in deep learning specifically for three-dimensional data, offering a range of ways to address these issues. This study offers a comprehensive examination of the latest advancements in deep learning methodologies. We examine many benchmark models for the tasks of 3D object registration, augmentation, and reconstruction. We thoroughly analyse their architectures, advantages, and constraints. In summary, this report provides a comprehensive overview of recent advancements in three-dimensional deep learning and highlights unresolved research areas that will need to be addressed in the future.

1. Introduction

Autonomous navigation, domestic robots, the reconstruction of architectural models of buildings, facial recognition, the preservation of endangered historical monuments, the creation of virtual environments for the film and video game industries, and augmented/virtual reality are just a few examples of real-world applications that depend heavily on the identification of 3D objects based on point clouds. A rising number of these applications require three-dimensional (3D) data. Processing 3D data reliably and effectively is critical for these applications. A powerful method for overcoming these obstacles is deep learning. In this review paper, we concentrate on deep learning methods for reconstruction, augmentation, and registration in three dimensions.
The processing of 3D data employs a wide range of strategies to deal with unique problems. Registration, which entails matching several point clouds to a single coordinate system, is one key issue. While conventional approaches rely on geometric changes and parameter optimisation, deep learning provides an all-encompassing approach with promising outcomes. Augmentation is another technique for deep learning employed in 3D data processing, and it entails transforming current data while maintaining the integrity of the underlying information to produce new data. Since augmentation may provide new data points that enhance the accuracy and quality of the data, it is a useful technique for resolving problems with data quality and completeness. The final technique in this analysis is called reconstruction, which entails building a 3D model from a collection of 2D photos or a 3D point cloud. This is a difficult task since 3D geometry is complicated and 3D data lack spatial order. In order to increase the accuracy and effectiveness of reconstruction, deep learning algorithms have made substantial advancements in this field by proposing novel architectures and loss functions. Overall, these methods have shown promise in resolving the difficulties involved in interpreting 3D data and enhancing the accuracy and value of 3D data.

1.1. Our Previous Work

We have previously conducted [1] an in-depth review of recent advancements in deep learning approaches for 3D object identification, including 3D object segmentation, detection, and classification methods. The models covered in our earlier article were selected based on a number of factors, including the datasets on which they were trained and/or assessed, the category of methods to which they belong, and the tasks they carry out, such as segmentation and classification. The majority of the models that we surveyed in our earlier study were validated, and their results were compared with state-of-the-art technologies using benchmark datasets such as SemanticKITTI [2] and Stanford 3D Large-Scale Indoor Spaces (S3DIS) [3]. We discussed in detail some of the most advanced and/or benchmarking deep learning methods for 3D object recognition in our earlier work. These methods covered a range of 3D data formats, such as RGB-D (IMVoteNet) [4], voxels (VoxelNet) [5], point clouds (PointRCNN) [6], mesh (MeshCNN) [7], and 3D video (Meta-RangeSeg) [1,8].

1.2. Research Methodology

In this paper, we provide a comprehensive overview of recent advances in deep-learning-based 3D object reconstruction, registration, and augmentation as a follow-up to our earlier research [1]. It concentrates on examining frequently employed building components, convolution kernels, and full architectures, highlighting the benefits and drawbacks of each model. Over 37 representative papers that include 32 benchmark and state-of-the-art models and five benchmark datasets that have been used by many models over the last five years are included in this study. Additionally, we review six benchmark models related to point cloud completion over the last five years. We selected these papers based on the number of citations and implementations by other researchers in this field of study. Despite the fact that certain notable 3D object recognition and reconstruction surveys, such as those on RGB-D semantic segmentation and 3D object reconstruction, have been published, these studies do not exhaustively cover all 3D data types and common application domains. Most importantly, these surveys only provide a general overview of 3D object recognition techniques, including some of their advantages and limitations. The current developments in these machine learning models and their potential to enhance the accuracy, speed, and effectiveness of 3D registration, augmentation, and reconstruction are the main reasons for our selection of these particular models. In real-world situations, the use of many of these models in a pipeline has the potential to improve performance even more significantly and achieve even better outcomes.

2. 3D Data Representations

2.1. Point Clouds

Raw 3D data representations, like point clouds, can be obtained using many scanning technologies, such as Microsoft Kinect, structured light scanning, and many more. Point clouds have their origins in photogrammetry and, more recently, in LiDAR. A collection of randomly arranged points in three dimensions, known as a point cloud, resembles the geometry of three-dimensional objects. The implementation of these points results in a non-Euclidean geometric data format. A further way to describe point clouds is to describe a collection of small Euclidean subsets with a common coordinate system, global parametrisation, and consistency in translation and rotation. As a result, determining the structure of point clouds depends on whether the object’s global or local structure is taken into account. A point cloud can be used for a range of computer vision applications, including classification and segmentation, object identification, reconstruction, etc. It is conceptualised as a collection of unstructured 3D points that describe the geometry of a 3D object.
Such 3D point clouds can be easily acquired, but processing them can be challenging. Applying deep learning to 3D point cloud data is riddled with difficulties. These issues include point alignment issues, noise/outliers (unintended points), and occlusion (due to congregated scenery or blindsides). Table 1 provides the list of 3D reconstruction models using point cloud representation reviewed in this study. The following, however, are the most significant challenges in applying deep learning to point clouds:
Irregular: Depending on how evenly the points are sampled over the various regions of an object or scene, point cloud data may include dense or sparse points in different parts of an item or scene. Techniques for subsampling can minimise irregularity, but they cannot get rid of it entirely.
Unordered: The collection of points acquired around the objects in a scene is called a point cloud, and it is frequently preserved as a list in a file. These points are earned by interacting with the objects in the scenario. The set itself is referred to as being permutation-invariant since the scene being shown remains constant regardless of the order in which the points are arranged.
Unstructured: A point cloud’s data are not arranged on a conventional grid. The distance between each point and its neighbours is individually scanned; therefore, it is not always constant. The space between two adjacent pixels in a picture, on the other hand, remains constant and can only be represented by a two-dimensional grid.

2.2. Voxels

Using three-dimensional volumes is an alternative way of representing three-dimensional surfaces using a grid of constant size and dimensions. Three-dimensional data can be represented as a regular grid in three-dimensional space. Voxels are a three-dimensional data description method that defines how an object in three-dimensional space is spread across all three dimensions of a scene. Voxels are used to model 3D data by defining the distribution of the 3D object across the scene’s three dimensions. By identifying the occupied voxels as visible, occluded, or self-occluded, viewpoint information about the 3D shape may also be conveyed. Encoding the view information for a 3D shape enables the occupied voxels to be classified as either visible blocks or self-occluded voxels. These grids are maintained either as a binary occupancy grid, where the cell values represent the voxel occupancy, or as a signed distance field, where the voxels represent the distances to the zero-level set that represents the surface boundary. The binary occupancy grid is the more prevalent storage format of the two. Table 2 provides the list of 3D reconstruction models using voxel representation reviewed in this study.
Despite the simplicity of the voxel-based representation and its capacity to encode information about the 3D shape and its viewpoint, it is constrained by one main constraint:
Inefficient: The inefficiency of voxel-based representation stems from the fact that it represents both occupied and unoccupied portions of a scene, which creates an excessive need for memory storage. This is why voxel-based representations are unsuitable for high-resolution data representation.

2.3. Meshes

3D meshes are one of the most commonly used ways to represent 3D shapes. A 3D mesh structure is composed of a set of polygons called faces, which are represented in terms of a set of vertices that describe the mesh’s coordinates in 3D space. The connection list associated with these vertices describes how they are connected to one another. Following the grid-structured data, the local geometry of the meshes can be described as a subset of Euclidean space. Table 3 provides the list of 3D reconstruction models using mesh representation reviewed in this study.
Meshes are non-Euclidean data where the known properties of the Euclidean space, such as shift-invariance, operations of the vector space, and the global parametrisation system, are not well defined. Learning from 3D meshes is difficult for two key reasons:
Irregular: Deep learning approaches have not been effectively extended to such irregular representations, and 3D meshes are highly complex.
Low quality: In addition, such data typically contain noise, missing data, and resolution issues. Figure 1 shows 3D data representations of the Stanford Bunny [33] dataset with point cloud, voxel, and mesh data representations [34].
Table 3. 3D reconstruction models using mesh data representation.
Table 3. 3D reconstruction models using mesh data representation.
ModelDatasetData
Representation
Neural renderer [35]ShapeNet [10]Meshes
Residual MeshNet [36]ShapeNet [10]Meshes
Pixel2Mesh [37]ShapeNet [10]Meshes
CoReNet [38]ShapeNet [10]Meshes

3. 3D Benchmark Datasets

The datasets used in deep learning for 3D registration, augmentation, and reconstruction significantly influence the model’s accuracy and effectiveness. In order to train and assess deep learning models for 3D registration, augmentation, and reconstruction, it is imperative to have access to a wider variety of representative datasets. Future studies should concentrate on creating larger and more realistic datasets that include a variety of real-world objects and environments. For 3D registration, augmentation, and reconstruction, this would make it possible to develop even deeper learning models that are more reliable and accurate. This article will only list the most common datasets that have been used by the 3D object registration, augmentation, and reconstruction models discussed in this survey paper in Section 3 (3D reconstruction), Section 4 (3D registration), and Section 5 (3D augmentation). This includes the ModelNet [28], PASCAL3D+ [22], ShapeNet [10], ObjectNet3D [14] and ScanNet [39] datasets. Datasets that are specific only to some 3D recognition models will not be included in this survey. Table 4 provides the properties of data provided by different datasets.

3.1. ModelNet

By combining 3D CAD models from 3D Warehouse, 261 CAD model websites indexed with the Yobi3D search engine, common item categories searched from the SUN database [25], models from the Princeton Shape Benchmark [40], and models from the SUN database that contain at least 20 object instances per category, ModelNet [28] is a large-scale object collection of 3D computer graphics CAD models. Both the total number of categories and the total number of occurrences per category were constrained in a number of earlier CAD datasets. The writers thoroughly examined each 3D model and removed extraneous elements from each CAD model, such as the floor and thumbnail images, such that each mesh model had just one item from the designated category. ModelNet is almost 22 times larger than the Princeton Shape Benchmark [40] which contains 151,128 3D CAD models representing 660 distinct item categories. ModelNet10 and ModelNet40 are mostly used for classifying and recognising objects.

3.2. PASCAL3D+

Each of the 12 categories of 3D stiff objects that can be found in PASCAL3D+ [22] contains more than 3000 individual items. Pose estimation and the detection of 3D objects are also possible applications for the dataset. In addition to that, it might function as a baseline for the community. Images from PAS-CAL show a lot more diversity and more closely resemble actual situations. As a result, this dataset is less skewed than those that are gathered in controlled environments. Viewpoint annotations are continuous and dense in this dataset. The perspective is usually discretised into numerous bins in the current 3D datasets. Consequently, detectors that have been trained on this dataset may be more broadly capable. The objects in this collection are truncated and occluded; such objects are typically disregarded in the 3D datasets available today. Three-dimensional annotations are added to 12 rigid categories in the PASCAL VOC 2012 [41] dataset using PASCAL3D+. A selection of CAD models that cover intra-class variability are downloaded for each category. The closest CAD model in terms of 3D geometry is then linked to each occurrence of an object inside the category. Additionally, a number of 3D landmarks inside these CAD models have been discovered, and annotators have labelled the landmarks’ 2D positions. Eventually, an accurate continuous 3D posture for each item in the collection is generated utilising the 3D–2D correspondences of the landmarks. Consequently, the CAD model that corresponds with each item, along with 2D landmarks and the 3D continuous position, makes up its annotation.

3.3. ShapeNet

More than 50,000 CAD models are available in ShapeNet [10], a significant collection of shapes organised into 55 categories. Additionally, there are annotations for semantic features and categories. This large dataset consists of semantic category labels for models, rigid alignments, parts, bilateral symmetry planes, physical sizes, and keywords, in addition to further recommended annotations. ShapeNet had over 3 million models indexed when the dataset was released, and 220,000 models had been categorised into 3140 categories. ShapeNetCore is a subset of ShapeNet, which has over 51,300 unique 3D models. There are annotations for 55 common item categories. ShapeNetSem is a subset of ShapeNet, which includes 12,000 models. It is more condensed yet has 270 more thorough categories. By making ShapeNet the first large-scale 3D shape dataset of its sort, it has advanced computer graphics research in the direction of data-driven research, building on recent advancements in vision and NLP. It has also supported a wide class of newly revived machine learning and neural network approaches for applications dealing with geometric data by offering a large-scale, extensively annotated dataset.

3.4. ObjectNet3D

Despite having 30,899 photos, PASCAL3D+ [22] is still unable to fully capture the variances of common item categories and their geometric variety due to its limitation in the number of object classes (12 total) and 3D forms (79 total). A large-scale 3D object collection with more item categories, more 3D forms per class, and precise image-shape correspondences is provided by ObjectNet3D [14]. This dataset is comprised of a total of 90,127 photos in 100 distinct categories. Annotations pertaining to the 3D posture as well as the shape of each 2D object found in the photographs are provided. It is also useful for problems involving the development of proposals, the detection of objects in two dimensions, and the estimation of poses in three dimensions. For the automotive category, for instance, 3D forms of sedans, SUVs, vans, trucks, etc., are provided. The sizes of these three-dimensional forms have been normalised to fit [1] within a unit sphere, and they have been oriented in accordance with the category’s primary axis (e.g., front view of a bench). Additionally, each 3D form has a set of personally chosen keypoints that may be used to identify significant points in photos or 3D shapes. In total, 783 3D shapes from all 100 categories have been gathered in this manner.

3.5. ScanNet

ScanNet [39] is a collection of RGB-D scans of real-world locations with extensive annotations. It contains 2.5 million RGB-D pictures from 1513 scans taken in 707 different settings. Due to its annotation with approximated calibration parameters, camera postures, 3D surface reconstructions, textured meshes, dense object-level semantic segmentations, and aligned CAD models, the scope of this research is substantial. A capture pipeline is created to make it simpler for novices to obtain semantically labelled 3D models of situations in order to establish a framework that enables many individuals to gather and annotate enormous amounts of data. Data are collected, and off-line processing is performed on RGB-D video. The scene is completely 3D reconstructed and semantically labelled. With the use of ScanNet data, 3D deep networks can be trained, and their performance on a variety of scene comprehension tasks, such as 3D object categorisation, semantic voxel labelling, and CAD model retrieval, can be assessed. ScanNet has several different kinds of places, including offices, homes, and bathrooms. A versatile framework for RGB-D acquisition and semantic annotations is offered by ScanNet. Cutting-edge performance on a number of 3D scene interpretation tasks is made possible with the support of ScanNet’s fully annotated scan data. Finally, crowdsourcing employing semantic annotation tasks is used to collect instance-level item category annotations and 3D CAD model alignments for reconstruction. The RBG-D reconstruction and semantic annotation framework is shown in Figure 2.
Similar to our previous work [1], to determine which model performs better with each of these datasets, we attempted to compare the performance of the models that use them. While some of the models analysed in this study concentrate on computation time (measured in milliseconds), others focus on performance metrics like accuracy and precision. The majority of these models have assessed their efficacy using visual shape identification of the objects rather than numerical values. As a result, we were unable to compare the performance of these models using the datasets provided.

4. Object Reconstruction

Two types of traditional 3D reconstruction techniques exist: model-driven and data-driven techniques. The goal of the model-driven approaches is to align the item types in a library with the geometry of the objects created using digital surface models (DSMs), such as point clouds [42]. By using this method, the topological correctness of the rebuilt model can be guaranteed; nevertheless, issues might arise if the object shape has no candidates in the library. Additionally, the production accuracy is decreased by model-driven procedures since they only use a small fraction of the pre-defined shapes that are provided in the model libraries. Furthermore, modelling complicated object structures might not be possible. A DSM (often in the form of a point cloud) is used as the main data source in data-driven approaches, and the models are created from these data overall, without focusing on any one parameter. The primary issue with the data-driven technique is the possibility of unsuccessful segment extraction, which could result in topological or geometrical errors throughout the intersection process. Typically, data-driven techniques lack robustness and are extremely susceptible to data noise. Because data-driven methods are sensitive to noise, pre-processing data is a crucial step in preventing inaccurate outcomes [43].

4.1. Procedural-Based Approaches

The extensive and demanding field of automated reconstruction of 3D models from point clouds has attracted significant attention in the fields of photogrammetry, computer vision, and computer graphics due to its potential applications in various domains, including construction management, emergency response, and location-based services [44]. However, the intrinsic noise and incompleteness of the data provide a hurdle to the automated construction of the 3D models and necessitate additional research. These methods extract 3D geometries of structures, such as buildings, solely through a data-driven process that is highly dependent on the quality of the data [45,46].
Procedural-based techniques use shape grammars to reconstruct interior spaces while taking advantage of architectural design principles and structural organisation [47,48]. Because these methods take advantage of the regularity and recurrence of structural parts and architectural design principles in the reconstruction, they are more resilient to data incompleteness and uncertainty. Shape grammars are widely and successfully utilised in the field of urban reconstruction for 3D synthesising architecture (e.g., building façades) [49]. This procedural-based strategy is less sensitive to inaccurate and partial data than the data-driven alternatives. Several academics have successfully proposed shape grammars based on integration with a data-driven method to procedurally recreate building façade models from observation data (i.e., photos and point clouds) in order to reconstruct models of real settings [50,51].
However, because indoor and outdoor contexts differ from one another, the façade grammars cannot be used directly there. The translation of architectural design knowledge and principles into a grammar form, which guarantees the topological accuracy of the rebuilt elements and the plausibility of the entire model, is generally where shape-grammar-based systems have their advantages [44]. A set of grammar rules is necessary for procedural-based approaches, and in the grammar-based indoor modelling techniques currently in use, the parameters and rule application sequence are manually specified. However, these techniques are frequently restricted to straightforward architectural designs, such as the Manhattan design [48,52].

4.2. Deep-Learning-Based Approaches

Artificial intelligence (AI) is profoundly altering the way the geographical domain functions [53]. There is hope that the constraints of traditional 3D modelling and reconstruction techniques can be solved by the recently established deep learning (DL) technologies. In recent years, there has been a lot of study on 3D reconstruction using deep learning, with numerous articles covering the subject. Comparing the DL approaches to the traditional methods, state-of-the-art results were obtained [54,55,56]. With the recent rapid growth in 3D building models and the availability of a wide variety of 3D shapes, DL-based 3D reconstruction has become increasingly practical. It is possible to train DL models to recognise 3D shapes and all of their attributes [43].
Computational models with several processing layers can learn data representations at different levels of abstraction using deep learning (DL) [57]. The two primary issues with traditional 3D reconstruction techniques are as follows. Initially, they require numerous manual designs, which may result in a build-up of errors, but they are barely capable of automatically picking up on the semantic aspects of 3D shapes. Second, they rely heavily on the calibre and content of the images in addition to a properly calibrated camera. By employing deep networks to automatically learn 3D shape semantics from pictures or point clouds, DL-based 3D reconstruction techniques go beyond these obstacles [43,58].

4.3. Single-View Reconstruction

Over the years, single-image-based 3D reconstruction has progressed from collecting geometry and texture information from limited types of images to learning neural network parameters to estimate 3D shapes. Real progress in computational efficiency, reconstruction performance, and generalisation capability of 3D reconstruction has been demonstrated. The very first deep-learning-based approaches required real 3D shapes of target objects as supervision, which were extremely difficult to obtain at the time. Some researchers have created images from CAD models to extend datasets; nevertheless, such synthesised data lead to a lack of generalisation and authenticity in the reconstruction results. Some studies have used ground truth 2D and 2.5D projections as supervision and reduced reprojection losses throughout the learning process, such as contour, surface normal, and so on. Later, techniques that compared projections of the reconstructed results with the input to minimise the difference required less supervision. Overall, the field of single-image-based 3D reconstruction is rapidly evolving, and the development of new techniques and architectures is paving the way for more accurate and efficient reconstruction methods. Table 5 provides the list of single-view 3D reconstruction models reviewed in this study.

4.3.1. Point Cloud Representation

PointOutNet [9]: When compared to voxels, a point cloud is a sparse and memory-saving representation. PointOutNet was proposed to reconstruct objects from a single image in early methods that used point clouds as the output of deep learning networks. PointOutNet has a convolution encoder and two parallel predictor branches. The encoder receives an image as well as a random vector that throws off the prediction. One of the branches is a fully connected branch that captures complex structures, while another is a deconvolution branch that generates point coordinates. This network makes good use of geometric continuity and can produce smooth objects. This research introduced the chamfer distance loss, which is invariant to the permutation of points. This loss function has been adopted by many other models as a regulariser [59,60,61]. The system structure of the PointOutNet model is shown in Figure 3. With the distributional modelling module plugged in, this system may produce several predictions.
Pseudo-renderer [12]: The authors of the pseudo-renderer model use 2D convolutional operations to gain improved efficiency. First, they employ a generator to predict 3D buildings at unique view points from a single image. They then employ a pseudo-renderer to generate depth images of corresponding views, which are later used for joint 2D projection optimisation. They predict denser, more accurate point clouds. However, there is usually a limit to the number of points that cloud-based representations can accommodate [62]. When calculating the colour of a pixel, occlusion is taken into consideration by determining a weighted sum of the points’ colours depending on the points’ effects. In order to avoid optimising the occluded points, this model chooses the point that is closest to the camera for a particular pixel [63]. This study uses 2D supervision in addition to 3D supervision to obtain multiple projection images from various viewpoints of the generated 3D shape for optimisation by using a combination of binary cross-entropy loss function with L1 loss function [64]. The pseudo-renderer model’s pipeline is depicted in Figure 4. The authors suggest using a structure generator based on 2D convolutional processes to predict the 3D structure at N perspectives from an encoded latent representation. The 3D structure at each perspective is transformed to the canonical coordinates in order to merge the point clouds. The pseudo-renderer creates depth pictures from fresh perspectives and then uses them to jointly optimise 2D projection. This is based just on 3D geometry and has no learnable parameters.
RealPoint3D [13]: The authors of the RealPoint3D model built fine-grained point clouds using a nearby 3D shape as an auxiliary input to the reconstruction network. By giving instructions to the closest form from the ShapeNet, RealPoint3D attempts to recreate 3D models from nature photographs with complicated backgrounds [65,66]. To integrate 2D and 3D features adaptively, the model introduces an attention-based 2D–3D fusion module into the network. By projecting the pixel information from a given 2D image into a 3D space, the method creates point cloud data. It then calculates the chamfer distance and produces a projection loss between the generated and actual point cloud data. The network itself is made up of a 2D–3D fusion module, a decoding section, and an encoding section. The input image’s 2D features and the input point cloud data’s 3D features are extracted throughout the encoding process. The preceding step’s image and spatial characteristics are generated by the 2D–3D fusion module. Finally, the object’s anticipated 3D point clouds are produced by the decoding phase [67]. Figure 5 shows the network architecture of the RealPoint3D model.
A cycle-consistency-based approach [15]: The authors of this model reconstruct point clouds from images of a certain class, each with appropriate foreground masks. They train the networks in a self-supervised manner using a geometric loss and a pose cycle consistency loss based on an encoder-to-decoder structure, as it is expensive and difficult to collect training data with ground truth 3D annotations. The training impact of multi-view supervision using a single-view dataset is simulated by employing training images with comparable 3D shapes. In addition to two cycle-consistency losses for poses and 3D reconstructions, this model adds a loss-ensuring cross-silhouette consistency [68]. This model uses cycle consistency, which was introduced in CycleGAN [69], to prevent unsupervised learning from annotating 2D and 3D data. It may, however, produce deformed body structures or out-of-view images if unaware of the previous distribution of the 3D features, which would interfere with the training process. Viewed as a basic self-supervised technique, cycle consistency uses the original encoded attribute as the generated image’s 3D annotation [70]. In an analysis-by-synthesis approach, this model uses a differentiable renderer to infer a 3D shape without using ground truth 3D annotation [71]. Figure 6 shows an overview of the cycle-consistency-based approach.
Point-based techniques use less memory, but since they lack connection information, they need extensive postprocessing [72]. Although point clouds are simple 3D representations, they ignore topological relationships [62]. Since point clouds lack a mesh connection structure, further processing is required in order to extract the geometry from the 3D model using this representation [73].

4.3.2. Voxel Representation

GenRe [20]: A voxel representation is an early 3D representation that lends itself well to convolutional operations. The authors of GenRe train their networks with 3D supervision to predict a depth from a given image in the same view and estimate a single-view spherical map from the depth. They then employ a voxel refinement network to merge two projections and generate a final reconstruction result. This model predicts a 3D voxel grid directly from RGB-D photos using the shape completion approach. This research produces a generalisable and high-quality single-image 3D reconstruction. Others use less supervision in the learning procedure instead of needing 3D ground truth. This model divides the process of converting 2.5D to 3D form into two phases: partial 3D completion and complete 3D completion. This approach differs from the method of directly predicting the 3D shape from 2.5D. To represent the whole surface of the object, the model processes the depth map in turn using an inpainted spherical map and a partial spherical map. Ultimately, the 3D shape is produced by the voxel reconstruction network by combining the back projection of the inpainted spherical image with the depth map. On untrained classes, experimental results demonstrate that the network can also produce outcomes that are more in line with ground truth. These algorithms can rebuild 3D objects with resolutions of up to 128 × 128 × 128 and more detailed reconstruction outcomes. Still, there is a significant difference when it comes to the appearance of actual 3D models [64]. Higher resolutions have been used by this model at the expense of sluggish training or lossy 2D projections, as well as small training batches [74]. Learning-based techniques are usually assessed on new instances from the same category after being trained in a category-specific manner. That said, this approach calls itself category-agnostic [75]. Figure 7 shows the network architecture of the GenRe model.
MarrNet [21]: This model uses depth, normal map, and silhouette as intermediate results to reconstruct 3D voxel shapes and predicts 3D shapes using a reprojection consistency loss. MarrNet contains three key components: (a) 2.5D sketch estimation, (b) 3D shape estimation, and (c) a reprojection consistency loss. From a 2D image, MarrNet initially generates object normal, depth, and silhouette images. The 3D shape is then extrapolated from the generated 2.5D images. It employs an encoding–decoding network in both phases. Finally, a reprojection consistency loss is used to confirm that the estimated 3D shape matches the generated 2.5D sketches. In this work, a multi-view and pose supervised technique is also obtained. This approach avoids modelling item appearance differences within the original image by generating 2.5D drawings from it [76]. Although 3D convolutional neural networks have been used by MarrNet [21] and GenRe [20] to achieve resolutions of up to 128 3 , this has only been accomplished with shallow designs and tiny batch sizes, which causes training to go slowly [77]. Due to the global nature of employing image encoders for conditioning, these models exhibit weak generalisation capabilities and are limited by the range of 3D-data-gathering methods employed. Furthermore, in order to guarantee alignment between the predicted form and the input, they need an extra pose estimation phase [78]. This model uses ShapeNet for 3D annotation, which contains objects of basic shapes [79]. Also, it relies on 3D supervision, which is only available for restricted classes or in a synthetic setting [80]. A complete overview is illustrated in Figure 8.
Perspective Transformer Nets [23]: This method introduces a novel projection loss for learning 2D observations in the absence of 3D ground truths. To reconstruct 3D voxels, the authors employ a 2D convolutional encoder, a 3D up-convolutional decoder, and a perspective transformer network. They reached cutting-edge performance at the time. When rendering a pixel, all of the voxels along a ray that project to that pixel are considered. The final pixel colour can be selected with this model. When displaying voxels, the gradient problem brought on by primitive shape displacement does not arise since a voxel’s location is fixed in three dimensions. Using camera settings, this model projects the voxels from the world space to the screen space and performs more computationally efficient bilinear sampling. Using this strategy, every pixel has an occupancy probability assigned to it. Casting a ray from the pixel, sampling each corresponding voxel, and selecting the one with the highest occupancy probability yields this result [63]. In addition to mainly focusing on inferring depth maps as the scene geometry output, this method has also shown success in learning 3D volumetric representations from 2D observations based on principles of projective geometry [81]. This method requires object masks [82]. Because the underlying 3D scene structure cannot be utilised, this 2D generative model only learns to parameterise the manifold of 2D natural pictures. It struggles to produce images that are consistent across several views [83]. The complete network architecture is illustrated in Figure 9.
Rethinking reprojection [24]: The authors of this model, in contrast to the previous research, reconstruct pose-aware 3D shapes from a single natural image. This model uses a well-known, highly accurate, and resilient approach called reprojection error minimisation for shape reconstruction. It demonstrates how well the genuine projection on the image is recreated by an approximated 3D world point [84]. This approach trains shape regressors by comparing projections of ground truths and predicted shapes [85]. Usually, images containing one or a few conspicuous, distinct items are used to test this strategy [86]. The network reconstructs the 3D shape in a canonical posture from the 2D input. The posture parameters are estimated concurrently by a pose regressor and subsequently applied to the rebuilt canonical shape. Decoupling shape and posture lowers the number of free parameters in the network, increasing efficiency [87]. In the absence of 3D labels, this model uses additional 2D reprojection losses to highlight the border voxels for rigid objects [88]. Most of the time, this approach assumes that the scene or object to be registered is either non-deformable or generally static [89]. This representation is limited in terms of resolution [90]. Figure 10 shows the proposed methods of p-TL and p-3D-VAE-GAN models.
3D-GAN [27]: The authors of this model present an unsupervised framework that combines adversarial and volumetric convolutional networks to produce voxels from a probabilistic latent space. They enhance the network’s generalisation capacity. Using volumetric convolutions, the developers of this model demonstrated GANs that could create three-dimensional (3D) data samples. They created new items such as vehicles, tables, and chairs. They also demonstrated how to convert two-dimensional (2D) images into three-dimensional (3D) representations of the objects shown in those images [91]. Using this model, visual object networks [92] and PrGANs [93] generate a voxelised 3D shape first, which is then projected into 2D to learn how to synthesise 2D pictures [94]. This approach’s generative component aims to map a latent space to a distribution of intricate 3D shapes. The authors train a voxel-based neural network (GAN) to produce objects. The drawback is that GAN training is notoriously unreliable [95]. Figure 11 shows the generator in the 3D-GAN model mirrored by the discriminator.
Methods to generate voxels frequently do not provide texture or geometric features, and the generating process at high resolution is hampered by the 3D convolution’s large memory footprint and computational complexity [96]. Nevertheless, point cloud and voxel-based models are frequently predictable and only provide a single 3D output [97]. Although point clouds and voxels are more compatible with deep learning architectures, they are not amenable to differentiable rendering or suffer from memory inefficiency problems [98].

4.3.3. Mesh Representation

Neural renderer [35]: Building differentiable rendering pipelines is the goal of a new discipline called neural rendering, which is making quick strides towards producing controlled, aesthetically realistic rendering [99]. The authors of this model use an integrated mesh rendering network to reconstruct meshes from low-resolution images. They minimise the difference between reconstructed objects and their respective ground truths on 2D silhouettes. The authors suggest a renderer called neural 3D mesh renderer (NMR) and bring up two problems with a differentiable renderer called OpenDR [100]. The gradient computation’s locality is the first problem. Only gradients on border pixels can flow towards vertices due to OpenDR’s local differential filtering; gradients at other pixels are not usable. This characteristic might lead to subpar local minima in optimisation. The derivative’s failure to make use of the target application’s loss gradient—such as picture reconstruction—is the second problem. One technique employed for evaluation involves visualising gradients (without revealing ground truth) and assessing the convergence effectiveness of those gradients throughout the optimisation of the objective function [63]. In the forward pass, NMR carries out conventional rasterisation, and in the backward pass, it computes estimated gradients [101]. For every object instance, the renderings and splits derived from this model offer 24 fixed elevation views with a resolution of 64 × 64 [82]. The objects are trained in canonical pose [72]. This mesh renderer modifies geometry and colour in response to a target image [102]. Figure 12 shows the single-image 3D reconstruction.
Residual MeshNet [36]: To reconstruct 3D meshes from a single image, the authors present this model, a multilayered framework composed of several multilayer perceptron (MLP) blocks. To maintain geometrical coherence, they use a shortcut connection between two blocks. The authors of this model suggest reconstructing 3D meshes using MLPs in a cascaded hierarchical fashion. Three blocks of stacked MLPs are used for hierarchical mesh deformation in the suggested design, along with a ResNet-18 image encoder for feature extraction. To conduct the fundamental shape deformation, the first block, which has one MLP, is supplied with the coordinates of a 2D mesh primitive and image features. The next blocks include many stacked MLPs that concurrently alter the mesh that was previously deformed [103]. The trained model was built on a chamfer distance (CD)-based goal, which promotes consistency between the generated meshes and the ground truth meshes [67]. This work, however, has challenges in reconstructing smooth results with proper triangulation. The majority of mesh learning techniques aim to achieve a desired shape by deforming a template mesh using the learned shape beforehand, since altering the mesh topology is difficult. This model uses progressive deformation and residual prediction, which adds additional details while reducing learning complexity. Despite having no complicated structure, it results in significant patch overlaps and holes [104]. This model is used to produce meshes automatically during the finite element method (FEM) computation process. Although this does not save time, it increases computing productivity [105]. Figure 13 shows the network structure of Residual MeshNet.
Pixel2Mesh [37]: This model reconstructs 3D meshes of hard objects using a cascaded, graph-based convolutional network to obtain greater realism. The network extracts perceptual features from the input image and gradually deforms an ellipsoid in order to obtain the output geometry. The complete model has three consecutive mesh deformation blocks. Each block enhances mesh resolution and estimates vertex positions, which are later used to extract perceptual image features for the following block. However, several perspectives of the target object or scene must be included in the training data for 3D shape reconstruction, which is seldom the case in real-world scenarios [99]. Figure 14 shows an overview of the Pix2Mesh framework.
Other research, in addition to the above, proposes reconstructing inherent deformations in non-rigid objects. Non-rigid reconstruction tasks from a single image typically require additional information about the target objects, which can be predicted during the process or provided as prior knowledge, such as core structures and parameterised models.
CoReNet [38]: This model is a coherent reconstruction network that collaboratively reconstructs numerous objects from a single image for multiple object reconstruction. The authors of this model suggest three enhancements by building on popular encoder–decoder designs for this task: (1) a hybrid 3D volume representation that facilitates the construction of translation equivariant models while encoding fine object details without requiring an excessive memory footprint; (2) ray-traced skip connections that propagate local 2D information to the output 3D volume in a physically correct manner; and (3) a reconstruction loss customised to capture overall object geometry. All objects detected in the input image are represented in a single, consistent 3D coordinate without intersection after passing through a 2D encoder and a 3D decoder. To assure physical accuracy, a ray-traced skip connection is introduced. CoReNet uses a voxel grid with offsets for the reconstruction of scenes with many objects; however, it needs 3D supervision for object placement and identification [82]. Instead of using explicit object recognition, CoReNet used a physical-based ray-traced skip link between the picture and the 3D volume to extract 2D information. Using a single RGB picture, the method reconstructs the shape and semantic class of many objects directly in a 3D volumetric grid [106]. As of late, CoReNet has been able to rebuild many objects on a fixed grid of 128 3 voxels while preserving 3D position data in the global space. Additionally, training on synthetic representations restricts their practicality in real-world situations [107]. Figure 15 shows the pipeline of 3D reconstruction using this model.
Table 6 provides the advantages and limitations of single-view 3D reconstruction models reviewed in this study. In brief, these approaches show the potential of deep learning for 3D object reconstruction using mesh representation. Nevertheless, most of these methods do not have the ability to dynamically change the template mesh’s topology [108]. The majority of these mesh-based techniques do not involve postprocessing, but they frequently call for a deformable template mesh made up of many three-dimensional patches, which results in non-watertight meshes and self-intersections [72].
Numerous organised formats, such as voxel grids, point clouds, and meshes that display heterogeneity per element, are used to store 3D data. For instance, the topology and quantity of vertices and faces might vary throughout meshes. Because of this variability, it is challenging to apply batched operations on 3D data in an effective manner with the tensor-centric primitives offered by common deep learning toolkits such as PyTorch [101].
These studies do not address multi-object analysis, but they do provide intriguing solutions to their particular issues with single object pictures [109]. All that is needed for these tasks is single-view self-supervision. Even with this tremendous advancement, these techniques nonetheless have two main drawbacks: (1) ineffective bottom-up reasoning, in which the model is unable to capture minute geometric features like concavities; and (2) incorrect top-down reasoning, in which the model just explains the input perspective and is unable to precisely recreate the entire 3D object shape [110]. The drawback of this single-category technique is that data cannot be pooled across categories, which might be useful for tasks like viewpoint learning and generalisation to previously unknown categories of objects (zero-shot [111] or few-shot [112] learning) [113]. There are restrictions on the kinds of scenes that can be reconstructed using these methods, as they are designed to only use a single input view at test time [82]. Results from single-view 3D reconstruction are typically incomplete and inaccurate, particularly in cases where there are obstructions or obscured regions [114].

4.4. Multiple-View Reconstruction

The apparent uncertainty in the object is decreased and the number of occluded portions is increased when images taken from different angles are fed into the network. Traditionally, there have been two kinds of reconstruction from several perspectives. Rebuilding a static item from a number of images is the first step; reconstructing a moving object’s three-dimensional structure from a movie or several frames is the second. In order to match up the incomplete 3D shapes into a full one, both of these algorithms use images to estimate the camera posture and matching shape. As a result, three-dimensional alignment and posture estimation are challenging. First, deep learning techniques are introduced into multi-image reconstruction to address this problem. Next, from the input images, 3D shapes are immediately generated by deep neural networks. Moreover, the rebuilding procedure takes a lot less time when end-to-end structures are used. Table 7 provides the list of multi-view 3D reconstruction models reviewed in this study.

4.4.1. Point Cloud Representation

3D34D [17]: The authors of this model employ a UNet encoder, producing feature maps to produce geometry-aware point representations of object categories unseen during training. For 3D object reconstruction, this study employs multi-view images with ground truth camera postures and pixel-aligned feature representations. A stand-alone 3D reconstruction module that was trained using ground truth camera postures is used by this model [115]. This work has made generalisation a clear goal. The goal of this study is to obtain a more expressive intermediate shape representation by locally assigning features and 3D points [116]. This is an object-centred approach. This work was the first to examine the generalisation characteristics of shape reconstruction using previously unknown shape categories. This approach emphasises reconstruction from many perspectives, uses continuous occupancies, and evaluates generalisation to previously undiscovered categories [117]. The study focused on reconstruction from several perspectives and examined feature description bias for generalisation [118]. While this 3D reconstruction technique performs admirably on synthetic objects rendered with a clear background, it may not translate well to actual photos, novel categories, or more intricate object geometries [75]. According to this research, contemporary learning-based computer vision techniques are unable to generalise to data that is not distributed evenly [119].
Unsupervised learning of 3D structure from images [18]: The authors of this model train deep generative models of 3D objects in an end-to-end fashion and directly from 2D images without the use of 3D ground truth, and then reconstruct objects from 2D images via probabilistic inference. This purely unsupervised method is built on sequential generative models and can generate high-quality samples that represent the multi-modality of the data. With a primary focus on inferring depth maps as the scene geometry output, this study has demonstrated success in learning 3D volumetric representations from 2D observations using the concepts of projective geometry [81]. In [120], synthesised data are used. Ref. [121] explores the use of 3D representations as inductive bias in generative models. Using adversarial loss, the technique presented in [122] usually optimises 3D representations to provide realistic 2D images from all randomly sampled views. An effort based on policy gradient algorithms performs single-view 3D object reconstruction using the non-differentiable OpenGL renderer with this model. Nevertheless, only basic and coarse forms may be recreated in the collection [63]. Figure 16 shows the overall framework for this model.
Overall, these techniques offer significant progress in the area of multi-view reconstruction, enabling the generation of 3D models from 2D data in a more accurate and efficient manner. There is still room for improvement, especially when it comes to better alignment accuracy and estimating camera poses. Further research and development in this area could lead to even more sophisticated techniques for generating 3D models from multiple images.

4.4.2. Voxel Representation

Pix2Vox++ [30]: The authors of this model listed three limitations for RNN-based methods. First, permutation variance prevents RNNs from reliably estimating the 3D geometry of an item when they are presented with the same collection of pictures in various sequences. Second, the input pictures cannot be properly used to improve reconstruction outcomes due to RNNs’ long-term memory loss. Finally, as input pictures are analysed sequentially without parallelisation, RNN-based algorithms take a long time. To overcome these limitations, the authors proposed an encoder–decoder structure framework called Pix2Vox [123] based on RNNs. The authors introduced Pix2Vox++ [30] by making some improvements to the previously created Pix2Vox [123] model. In the Pix2Vox++ [30] network, the authors replaced the backbone of Pix2Vox [123], VGG, with ResNet. The authors of this model proposed Pix2Vox++ to generate a coarse volume for each input image. They fuse all of the coarse volumes using a multi-scale context-aware fusion module, followed by a refiner module to correct the fused volume. Primarily using synthetic data, such as from ShapeNet, this model learns to rebuild the volumetric representation of basic objects [124]. Pix2Vox++’s reconstruction findings are able to precisely recreate the general shape but are unable to provide fine-grained geometries [125]. Because of memory limitations, the model’s cubic complexity in space results in coarse discretisations [126]. The visual information is transferred from the image encoder to the 3D decoder using only the feature channels (such as element-wise add, feature concatenation, and attention mechanism). The 3D decoder only receives implicit geometric information with limited semantic attributes, which serves as guidance for shape reconstruction. The decoder can quickly detect and recover such geometric information. On the contrary, the particular, detailed shape of these attributes will be determined by the detailed semantic attributes. However, throughout the reconstruction process, the decoder will seldom discover these semantic properties since they are intricately intertwined with one another in image features. The resolution for voxel data is often constrained due to the cubic growth of the input voxel data, and further raising the resolution would result in unacceptably high computing costs [127]. The accuracy of the method will become saturated when the number of input views exceeds a specific scale (e.g., 4), indicating the challenge of acquiring complementary information from a large number of independent CNN feature extraction units [128]. Figure 17 shows the proposed framework for this model.
3D-R2N2 [11]: Deeply influenced by the conventional LSTM framework, 3D-R2N2 generates 3D objects in occupancy grids with only bounding box supervision. In an encoder–LSTM–decoder structure, it merges single- and multi-view reconstruction. The 3D convolutional LSTM selectively updates hidden representations via input and forget gates. It successfully manages self-occlusion and refines the reconstruction result progressively as additional observations are collected. An overview of the network is presented in Figure 18. Despite the ability to preserve earlier observations, methods based on such structures may fail when presented with similar inputs and are restricted in their ability to retain features in early inputs. Using encoder–decoder architectures, this technique converts RGB image partial inputs into a latent vector, which is then used to predict the complete volumetric shape using previously learned priors. Fine shape features are lost in voxel-based methods, and since their normals are not smooth when produced, voxels look very different from high-fidelity shapes [95]. This CNN-based method only works with coarse 64 × 64 × 64 grids [129]. This approach has significant memory use and computational overhead [61]. Since voxels are logical extensions of image pixels, cutting-edge methods for shape processing may be transferred from image processing. Nevertheless, low-resolution outcomes are typically produced because voxel representations are limited by GPU memory capacity [130].
Weak recon [31]: This method explores an alternative to costly 3D CAD annotation and proposes using lower-cost 2D supervision. Through a ray-trace pooling layer that permits perspective projection and backpropagation, the proposed method leverages foreground masks as weak supervision. By constraining the reconstruction to remain in the space of unlabelled real 3D shapes, this technique makes use of foreground masks for 3D reconstruction. Using ray-tracing pooling, this model learns shapes from multi-view silhouettes and applies a GAN to further limit the ill-posed issue [131]. This method is limited to low-resolution voxel grids [132]. The authors decided to employ GANs to represent 2D projections rather than 3D shapes when investigating adversarial nets for single-image 3D reconstruction. However, their reconstructions are hampered by this weakly supervised environment [133].
Relative viewpoint estimation [32]: The authors of this model propose teaching two networks to address alignment without 3D supervision: one to estimate the 3D shape of an object from two images of different viewpoints with corresponding pose vectors and predict the object’s appearance from a third view; and the other to evaluate the misalignment of the two views. They predict a transformation that optimally matches the bottleneck features of two input images during testing. Their networks are also focused on generalising previously unseen objects. When estimating relative 3D poses among a group of little or non-overlapping RGB(-D) images, perspective variation is significantly more dramatic in regions where few co-visible regions are identified, making matching-based algorithms inappropriate. The authors of this model suggest using the hallucination-then-match paradigm to overcome this difficulty [134]. The authors point out that supplying an implicit canonical frame by using a reference image and formulating posture estimation as predicting the relative perspective from this view are the basic requirements to make zero-shot pose estimation a well-posed issue. Unfortunately, this technique does not extend to the category level; it can only predict posture for instances of a single item [135]. Figure 19 shows an overview of the shape-learning approach of this model.
Table 8 provides the advantages and limitations of multi-view 3D reconstruction models reviewed in this study. Point clouds, voxel grids, and mesh scene representations, on the other hand, are discrete, restricting the amount of spatial resolution that can be achieved, meaning they only sample the smooth surfaces underneath a scene sparingly, and they frequently require explicit 3D supervision [83].

5. Registration

Determining the correlation between point cloud data of the same image acquired from several methods might be useful in some scenarios. By calculating the transformation for the optimal rotation and translation across the point cloud sets, 3D point cloud registration algorithms reliably align different overlapping 3D point cloud data views into a full model (in a rigid sense). The distance in a suitable metric space between the overlapping regions of two distinct point cloud sets is small in an ideal solution. This is difficult since noise, outliers, and non-rigid spatial transformations all interfere with the process. Finding the optimal solution becomes significantly more difficult when there is no information about the starting posture of various point cloud sets in space or the places where the sets overlap. Table 9 provides the list of 3D registration models reviewed in this study.

5.1. Traditional Methods

Traditional 3D registration methods can be classified based on whether the underlying optimisation method used is global or local. The most well-known works in the global category are based on global stochastic optimisation using genetic algorithms or evolutionary algorithms. However, their main drawback is the computation time. On the other hand, the majority of studies performed in 3D registration nevertheless have local optimisation methods.
CPD [136]: The Coherent Point Drift (CPD) algorithm considers the alignment as a probability density estimation problem where one point cloud set represents the Gaussian mixture model centroids and the other represents the data points. The transformation is estimated by maximising the probability of fitting the centroids to the second set of points. The movement is forced to move coherently as a group to preserve the topological structure. The authors introduced this approach, which uses the methodology for maximum likelihood parameter estimation and establishes a probabilistic framework based on Gaussian mixture models (GMMs) [147]. Registration was reformulated by the authors as a probability density estimation issue. The first set of points served as the centroids of the GMMs that were fitted using likelihood maximisation to the data or points from the second set. To ensure that the centroids moved coherently, extra effort was taken [148]. While GMM-based methods might increase resilience against outliers and bad initialisations, local search remains the foundation of optimisation [149].
PSR-SDP [137]: The authors of this model studied the registration of point cloud sets in a global coordinate system. In other words, with the original set of n points, we want to find the correspondences between (subsets of) the original set and m local coordinate systems, respectively. The authors consider the problem as a semi-definite program (SDP) within the application of Lagrangian duality, and this allows for verifying the global optimality of a local minimiser in a significantly faster manner. The registration of numerous point sets is solved by this approach using semi-definite relaxation. By using a convex SDP relaxation, the non-convex constraint is relaxed [150]. Lagrangian duality and SDP relaxations were used to tackle the multiple point cloud registration problem. This problem was investigated further in this model, where it was demonstrated that the SDP relaxation is always tight under low-noise regimes [151]. A study of global optimality requirements for point set registration (PSR) with incomplete data was presented using this approach. This approach used Lagrangian duality to provide a primal problem candidate solution, allowing it to retrieve the associated dual variable in closed form. This approach provides poor estimates even in the presence of a single outlier because it assumes that all measurements are inliers (i.e., have little noise), a situation that rarely occurs in practice [152].
RPM-Net [139]: RPM-Net inherits the idea of the RPM algorithm, introduces deep learning to desensitise the initialisation, and improves network convergence with learned fusion features. In this method, the initialisation assignments are based on the fusion of hybrid features from a network instead of spatial distances between points. The optimal annealing parameters are predicted by a secondary network, and a modified chamfer distance is introduced to evaluate the quality of registration. This method outperforms previous methods and handles missing keypoints and point cloud sets with partial visibility. RPM-Net presents a deep-learning-based method for rigid point cloud registration that is more resilient and less susceptible to initialisation. The network created by this approach is able to solve the partial visibility of the point cloud and obtain a soft assignment of point correspondences [150]. This model’s feature extraction is geared particularly towards artificial, object-centric point clouds [153]. By leveraging soft correspondences that are calculated from the local feature similarity scores to estimate alignment, this approach avoids the non-differentiable nearest-neighbour matching and RANSAC processes. RPM-Net also makes use of surface normal data [154]. Because of matches that are heavily tainted by outliers, this model’s resilience and applicability in complicated scenarios does not always live up to expectations [155]. This approach looks for deep features to find correspondences; however, the features that are taken out of point clouds have a low capacity to discriminate, which results in a high percentage of false correspondences and severely reduces the accuracy of registration. In order to establish soft correspondences from local characteristics, which might boost resilience but reduce registration accuracy, RPM-Net suggests a network that predicts the ideal annealing parameters [156]. Figure 20 shows the network architecture of this model.

5.2. Learning-Based Methods

DeepICP [140]: This is an early end-to-end framework achieving comparable registration accuracy to the state-of-the-art traditional methods for point cloud registration. The algorithm utilises PointNet++ [157] to extract local features, followed by a point-weighting layer that helps select a set of keypoints. Once a set of candidate keypoints is selected from the target point cloud set, they pass through a deep-feature-embedding operation together with the keypoints of the source set. Finally, a corresponding point generation layer takes the embeddings and generates the final result. Two losses are incurred: (1) the Euclidean distance between the estimated corresponding points and the ground truth under the ground truth transformation, and (2) the distance between the target under the estimated transformation and the ground truth. These losses are combined to consider both global geometric information and local similarity. By creating a connection using the point cloud’s learned attributes, this study improved the conventional ICP algorithm using the neural network technique. This method takes a large amount of training time on the dataset, despite its good performance. If the test data change significantly from the training data, the algorithm’s output will not be optimal. Consequently, there are stringent data limits with the neural-network-based enhanced ICP technique [158]. A solution to the point cloud registration problem has been offered [159]. Rather than utilising ICP techniques, this approach might directly match the local and target point clouds in addition to extracting descriptors via neural networks [160]. It still takes a lot of computing effort to combine deep learning with ICP directly [150]. The architecture of the proposed end-to-end learning network for 3D point cloud registration is demonstrated in Figure 21.
3DSmoothNet [143]: 3DSmoothNet matches two point cloud sets with a compactly learned 3D point cloud descriptor. At first, the model computes the local reference frame of the area near the randomly sampled keypoints. This is followed by the near areas being transformed into voxelised smoothed density value representations [161]. Then, the local feature of each keypoint is generated by 3DSmoothNet. The features extracted by this cloud descriptor will be utilised by a RANSAC approach for producing registration results. The proposed 3D point cloud descriptor outperforms traditional binary-occupancy grids, and it is the first learned, universal matching method that allows transferring trained models between modalities. For feature learning, this approach suggests a rotation-invariant handcrafted feature that is fed into a deep neural network. Deep learning is used as a feature extraction technique in all these strategies. Their goal is to estimate robust correspondences by learning distinguishing characteristics through the development of complex network topologies or loss functions. This experiment demonstrates that while applying deep learning directly will not ensure correctness, applying mathematical theories of registration directly will require enormous amounts of computing effort [150]. This approach is designed to mitigate voxelisation and noise artefacts. The receptive field is limited to a predetermined size, and the computational cost is significantly increased by this early work’s outstanding performance, which is still based on individual local patches [153]. Fully convolutional geometric features (FCGFs) is the fastest feature extraction method and is 290 times faster than 3DSmoothNet [162].
3D multi-view registration [145]: Following 3DSmoothNet, the authors proposed a method that formulates conventional two-stage approaches (typically an initial pairwise alignment followed by a global refinement) in an end-to-end learnable convention by directly learning and registering all views in a globally consistent fashion. Their work improves a point cloud descriptor studied in [162], using a soft correspondence layer that pairs different sets to compute primary matches. These matches are then fed to a pairwise registration block to obtain transformation parameters and corresponding weights. Finally, these weights and parameters are globally refined by a novel iterative transformation synchronisation layer. This work is the first end-to-end algorithm for joint learning of both stages of the registration problem. This model outperforms previous two-stage algorithms with higher accuracy and less computational complexity. This method utilises FCGF [162] to solve the multi-way registration problem [163]. The primary use for this technique is indoor point clouds [164]. Figure 22 shows the proposed pipeline for this method.
Table 10 provides the advantages and limitations of 3D registration models reviewed in this study. This category offers the following two benefits: (1) A point feature based on deep learning may offer reliable and precise correspondence searches. (2) By applying a straightforward RANSAC approach, the correct correspondences might result in accurate registration outcomes. Nevertheless, there are limitations to these kinds of methods: (1) A lot of training data are required. (2) If there is a significant distribution discrepancy between the unknown scenes and the training data, the registration performance in such scenes drastically decreases. (3) To learn a stand-alone feature extraction network, they employ a different training procedure. In addition to registration, the learned feature network is used to determine point-to-point matching [150].

6. Augmentation

The proliferation of 3D data collection equipment and the rising availability of 3D point cloud data are the result of recent advancements in 3D sensing technology. Despite the fact that 3D point clouds offer extensive information on the entire geometry of 3D objects, they are frequently severely flawed by outliers, noise, and missing points. Many strategies, including outlier removal, point cloud completion, and noise reduction, have been proposed to solve these problems; however, the implementation and application differ. While point cloud completion techniques try to fill in the missing portions of the point cloud to provide a comprehensive representation of the object, outlier removal strategies try to detect and eliminate points that do not adhere to the overall shape of the object. On the other hand, noise suppression approaches work to lessen the impact of random noise in the data in order to enhance the point cloud’s quality and accuracy. Table 11 provides the list of 3D augmentation models reviewed in this study.

6.1. Denoising

While better data gathering methods may result in higher-quality data, noise in point clouds is unavoidable in some circumstances, such as outdoor scenes. A number of denoising methods have been put forward to stop noise from affecting point cloud encoding. Local surface fitting (e.g., jets or MLS surfaces), local or non-local averaging, and statistical presumptions on the underlying noise model are examples of early conventional approaches. Since then, learning-based techniques have been put forward that, in the majority of situations, perform better than traditional solutions.
MaskNet [165]: The authors of this model presented MaskNet for determining outlier points in point clouds by computing a mask. The method can be used to reject noise in even partial clouds in a rather computationally inexpensive manner. This approach, which uses learning-based techniques to estimate global descriptors of each point in the point cloud in addition to a global feature of the point cloud, was presented to address the sparse overlap of point clouds. After that, a predicted inlier mask is used to compute the transformation using these features. This model’s ability to effectively tackle the partial-to-partial registration problem is one of its key advantages. However, this model’s primary drawback is that it requires the input of both a partial and complete point cloud [172]. It requires a point cloud without outliers as a template. Voxelisation or projection are required to convert the initial point clouds into structured data because of the chaos of point clouds. Due to the inevitable rise in computing load and loss in geographical information in certain categories, this process results in issues with significant time consumption and inaccuracy [173]. The feature interaction module of MaskNet is meant to take two point clouds as input and output the posterior probability [174]. To anticipate whether points in template point clouds coincide with those in source point clouds, it makes use of a PointNet-like network. But only in the template point cloud can it identify the overlapping points [175]. One typical issue with raw-point-based algorithms is that they assume a considerable overlap or good starting connections between the provided pair of point sets [176]. MaskNet is not easily transferred to other tasks or real-world situations due to its high sensitivity to noise [177]. According to this method, the extracted overlapping points are assumed to be entirely correct, and they are thought to have equivalent points. However, the accuracy of the overlapping spots that the network estimates cannot be guaranteed [178]. Figure 23 shows the architecture of this model.
However, all of the aforesaid deep learning approaches are fully supervised and require pairs of clean and noisy point clouds.
GPDNet [166]: The authors of this model proposed a new graph convolutional neural network targeted at point cloud denoising. The algorithm deals with the permutation-invariance problem and builds hierarchies of local or non-local features to effectively address the denoising problem. This method is robust to high levels of noise and also has structured noise distributions. In order to regularise the underlying noise in the input point cloud, GPDNet suggests creating hierarchies of local and non-local features [179]. Edge-conditioned convolution (ECC) [180] was further expanded to 3D denoising problems using this approach [181]. The two primary artefacts that affect this class of algorithms are shrinkage and outliers, which result from either an overestimation or an underestimation of the displacement [182]. The point clouds’ geometric characteristics are often oversmoothed using GPDNet [183].
DMR [167]: The authors of this model presented a novel method to use differentiably subsampled points for learning the underlying manifold of a noisy point cloud. The proposed algorithm is different from the aforementioned methods as it resembles more of a human-like cleaning of a noisy point cloud using multi-scale geometric feature information as well as supervision from ground truths. This network can also be trained in an unsupervised manner. A simple implementation of the graph convolutional network (GCN) is unstable as the denoising process mostly deals with local representations of point neighbourhoods. In order to learn the underlying manifold of the noisy input from differentiably subsampled points and their local features with minimal disruption, DMR relies on dynamic graph CNN (DGCNN) [184] to handle this problem [179]. In this model, the patch manifold reconstruction (PMR) upsampling technique is straightforward and efficient [185]. This method’s downsampling step invariably results in detail loss, especially at low noise levels, and it could also oversmooth by removing some useful information [182]. The goal of these techniques is to automatically and directly learn latent representations for denoising from the noisy point cloud. Its overall performance on noise in the actual world is still restricted though [186]. Figure 24 shows the architecture of this model.

6.2. Upsampling

In 3D point cloud processing, upsampling is a typical challenge when the objective is to produce a denser set of points that faithfully depicts the underlying geometry. Though the uneven structure and lack of spatial order of point clouds present extra obstacles, the problem is analogous to the image super-resolution problem. Points had to be adjusted in the early, traditional point cloud upsampling techniques, which were optimisation-based. Although these approaches frequently yielded satisfactory results, their application was limited since they assumed smooth underlying geometry. Recently, data-driven approaches have emerged for point cloud upsampling, which have demonstrated significant improvements over traditional methods.
PU-Net [168]: PU-Net is one such approach that uses a multi-branch convolutional unit to expand the set of points in a point cloud by learning multi-level features for each point. During the end-to-end training of PU-Net, both reconstruction loss and repulsion loss are jointly utilised to improve the quality of the output. PU-Net learns the representation from the raw point dataset using unsupervised methods. This model learns sparse and irregular point clouds. Each point’s multi-level features are learned, and the enlarged feature is obtained by applying multi-branch convolution. This feature is then divided to rebuild the point cloud. PU-Net consists of four components: patch extraction, which gathers point clouds of different sizes; point feature embedding, which extracts the point clouds’ local and global geometric information; feature expansion, which increases the number of features; and coordinate reconstruction, which implements the expanded features’ 3D coordinates [187]. It is a LiDAR-based technique that uses raw LiDAR scans to learn high level point-wise information. From each high-dimensional feature vector, many upsampled point clouds are then reconstructed [188]. Recovering the 3D shape of objects that have only partially been observed can be achieved to a limited extent by upsampling point clouds. Moreover, there would be a noticeable increase in latency if the whole point cloud was upsampled. A low-density point cloud can be converted to a high-density one via point cloud upsampling. Nevertheless, during training, they require high-density point cloud ground truths [189]. This model only learns spatial relationships at a single level of multi-step point cloud decoding via self-attention [190]. With exceptionally sparse and non-uniform low-quality inputs, this network might not generate findings that are believable. PU-Net replicates the point features and processes each copy independently using different MLPs in order to upsample a point collection. But the enhanced features would be too close to the inputs, degrading the quality of the upsampling [191]. The detailed architecture of PU-Net is presented in Figure 25.
MPU [169]: The authors of this model proposed an adaptive patch-based point cloud upsampling network that was inspired by recent neural image super-resolution methods. This network is trained end-to-end on high-resolution point clouds and emphasises a certain level of detail by altering the spatial span of the receptive field in various steps. It is a LiDAR-based technique that uses raw LiDAR scans to learn high-level point-wise information. From each high-dimensional feature vector, it then reconstructs many upsampled point clouds [188]. Recovering the 3D shape of objects that have only partially been observed can be achieved to a limited extent by upsampling point clouds. Moreover, there would be a noticeable increase in latency if the whole point cloud was upsampled. A low-density point cloud can be converted to a high-density one via point cloud upsampling. Nevertheless, during training, they require high-density point cloud ground truths [189]. This model only learns spatial relationships at a single level of multi-step point cloud decoding via self-attention [190]. With exceptionally sparse and non-uniform low-quality inputs, this network might not generate findings that are believable. A multi-step progressive upsampling (MPU) network was provided by the authors in order to reduce noise and preserve information. This approach divides a 16× upsampling network into four consecutive 2× upsampling subnets to upsample a point set incrementally in numerous phases. The training procedure is intricate and needs more subgroups for a greater upsampling rate, even if details are better maintained in the upsampled output [191]. The amount of computing memory used during training is higher. More significantly, this approach cannot be used for completion tasks and is restricted to upsampling sparse locations [192]. Figure 26 shows an overview of the MPU network with three levels of detail.
Even with the recent advancements, point cloud upsampling still faces difficulties, particularly when managing intricate structures with a range of densities and imperfections. Another problem is that the quality of the input has a significant impact on the quality of the point clouds that are created. More investigation is required to create point cloud upsampling algorithms that are more effective and efficient in order to overcome these obstacles.

6.3. Downsampling

In practical settings, the point cloud often contains a large number of points due to the use of high-density data acquisition sensors. While some applications benefit from this density, increased computation and low efficiency are common issues. One conventional approach is downsampling the point cloud using a neural network.
CP-Net [170]: The authors of this model propose a critical points layer (CPL) that downsamples the points adaptively based on learned features. The following network layer receives the points with the most active features from this critical points layer [193]. CPL globally filters out unimportant points while preserving the important ones. The proposed CPL layer can be used with a graph-based point cloud convolution layer to form CP-Net. When using this approach, the final representations typically retain crucial points that take up a significant amount of channels [194]. This graph-based downsampling approach uses K-nearest neighbours (K-NNs) to locate neighbouring points, in contrast to the majority of graph-based point cloud downsampling techniques. In addition, the global downsampling technique known as the critical points layer (CPL) has very high computing efficiency. A graph-based layer and the suggested layer can be used to create a convolutional neural network [195]. It is not possible to describe the underlying geometric structures of points or to properly capture the non-local dispersed contextual correlations in geographical locations and semantic information using this point-based approach that has recently been presented, which needs complex network designs to aggregate local features [196,197], as shown in Figure 27.
SampleNet [171]: SampleNet is a differentiable sampling network used for reconstruction and classification tasks in point clouds [198]. It introduces a differentiable relaxation for point cloud sampling by approximating sampled points as a mixture of points in the original point cloud. This network can be used as a front to networks for multiple tasks, unlike conventional approaches that do not consider the downstream task. With this model, the sampling procedure for the representative point cloud classification problem becomes differentiable, allowing for end-to-end optimisation [194]. For the downstream tasks, SampleNet suggests a learned sampling strategy [199]. In this work, the creation of additional data points is how sampling is accomplished [200]. This neural network is intended to choose the keypoints more accurately [201]. By choosing already-existing points from the point cloud, this method restricts itself [202]. The model fails to attain a satisfactory equilibrium between maintaining geometric features and uniform density. Following the sampling process, the original point clouds’ moving least squares (MLS) surfaces are modified [203]. There are two major drawbacks to this method: it requires supervised annotations in the form of labels. The first is the restricted scalability due to the high cost of building a systematic annotation strategy and obtaining human annotations. Second, when several objects are present in labelled data obtained in the field (e.g., from a vehicle-mounted LiDAR sensor), it becomes very difficult and time-consuming to determine whether points in a point cloud of 10,000 points belong to a car, the street, or another automobile [204]. Figure 28 shows the training of the proposed method.
Table 12 provides the advantages and limitations of the 3D augmentation models reviewed in this study. All things considered, traditional techniques for downsampling point clouds frequently result in more computation or the removal of significant points. SampleNet [171] and CP-Net [170] provide answers to these problems. While SampleNet [171] presents a differentiable relaxation for point cloud sampling, which may be used as a front to networks for numerous tasks, CP-Net [170] globally filters away unnecessary points while maintaining the significant ones. These recent developments provide the groundwork for future improvements in downstream tasks and are critical to 3D point cloud processing.

7. Point Cloud Completion

Point clouds are the most widely used depiction of 3D data, and they are frequently used in practical applications. However, acquired point clouds are typically highly incomplete and sparse due to self-occlusion and poor sensor resolution, which hinders further applications. Thus, recovering complete point clouds is an essential task, the main goals of which are to densify sparse surfaces, infer missing sections, and preserve the details of incomplete observations. Because point clouds are inherently chaotic and unstructured (especially when taken from real-world settings), their completion is typically non-trivial. Table 13 provides the advantages and limitations of point cloud completion models reviewed in this study.
PCN [205]: A coarse-to-fine point set generator and a permutation-invariant, non-convolutional feature extractor were combined by the model’s designers to create a single, end-to-end trained network. PCN is an encoder–decoder network, where the encoder produces a k-dimensional feature vector from the input point cloud. Using this feature vector as input, the decoder generates a coarse and detailed output point cloud. The loss function, which is used to train the entire network via backpropagation, is calculated between the outputs of the decoder and the ground truth point cloud. The authors did not specifically mandate the network to maintain the input points in its output, in contrast to an autoencoder. On the contrary, the network acquires knowledge of a projection from the space of incomplete observations to the space of fully formed shapes. This network’s primary drawback is that the encoder requires training data to be prepared in partial shapes since it expects a test input that is identical to the training data [95]. The lack of utilisation of object completion and shape creation architectures, like PCN [205], by 3D object detectors during the LiDAR point cloud inference could result in improved detection performance [206]. This point cloud completion method’s max-pooling process during the encoding phase, where fine-grained information is lost and scarcely recoverable during the decoding phase, is its bottleneck [61]. This model, which focuses on object-level completion, works under the assumption that a single item has been found manually and that the input consists only of the points on this object. Consequently, this model is not appropriate for the goal of object detection [189]. Figure 29 shows the architecture of PCN.
Unpaired scan completion network [207]: The authors provide an unpaired point-based scan completion technique that can be learned without having explicit correspondence between example complete shape models (like synthetic models) and incomplete point sets (like raw scans). Due to the lack of specific instances of real complete scans required by this network, large-scale real 3D scans that are already available (unpaired) can be used directly as training data. This is accomplished by creating a generative adversarial network (GAN), in which the input is transformed into a suitable latent representation by a generator, also known as an adaptation network, so that a discriminator is unable to distinguish between the transformed latent variables and the latent variables derived from training data (i.e., whole-shape models). Working in two distinct latent spaces with independently learned manifolds of scanned and synthesised object data, the generator intuitively performs the crucial operation of transforming raw partial point sets into clean and complete point sets. This model struggles to generate diverse samples, capture fine-grained details, or condition on sparse inputs. However, it can infer believable global structures [97]. Training GANs can be difficult due to common errors such as mode collapse [208]. This model, which focuses on object-level completion, works under the assumption that a single item has been found manually and that the input consists only of the points on this object. Consequently, this model is not appropriate for the goal of object detection [189].
Morphing and sampling-based network [209]: A network that completes the partial point cloud in two steps has been proposed by the authors. Using an autoencoder architecture, a set of 2-manifold-like surface elements that can be 2D parameterised is used in the first stage to put together an entire point cloud. In order to obtain an evenly distributed subset point cloud from the combination of the coarse-grained prediction and the input point cloud, a sampling procedure is used in the second stage. Then, given the point cloud, a point-wise residual is learned, allowing for fine-grained features. This model uses the earth mover’s distance (EMD) as a better metric for measuring completion quality because, by solving the linear assignment problem, it forces model outputs to have the same density as the ground truths [210]. This model relieves the structural loss brought on by MLPs and recovers the entire point cloud of an object by estimating a group of parametric surface elements [211]. This approach frequently disregards the spatial correlation between points [190]. This model lacks the conditional generative ability based on partial observation, instead generating complete shapes mostly through learning a deterministic partial-to-complete mapping [212]. Although this approach produces encouraging results when applied to in-domain data, it is difficult to generalise to out-of-domain data, which includes real-world scans or data with various incomplete forms [213]. Figure 30 shows the architecture of the morphing and sampling-based network.
PF-Net [214]: This model accepts a partial point cloud as input and only outputs the portion of the point cloud that is missing, not the entire object, in order to maintain the original part’s spatial arrangements. As a result, it helps the network concentrate on identifying the location and structure of missing components by preserving the geometrical features of the original point cloud after restoration. Using a new feature extractor called combined multilayer perception (CMLP), the authors propose a multi-resolution encoder (MRE) to extract multilayer features from the partial point cloud and its low-resolution feature points. The missing point cloud is also intended to be generated hierarchically using a point pyramid decoder (PPD). PPD is a multi-scale generating network that predicts primary, secondary, and detailed points from layers with varying depths. It is based on feature points. The lack of utilisation of object completion and shape creation architectures, like PF-Net [214], by 3D object detectors during the LiDAR point cloud inference could result in improved detection performance [206]. This point cloud completion method’s max-pooling process during the encoding phase, where fine-grained information is lost and scarcely recoverable during the decoding phase, is its bottleneck [61]. In the ShapeNet-55 benchmarks, PFNet, which aims to predict objects’ missing components directly, fails because of the huge diversity [61]. This approach is still unable to predict a point splitting pattern that is locally structured. The primary issue is the fact that this approach solely concentrates on increasing the number of points and reconstructing the overall shape, neglecting to maintain an organised generation process for points inside specific regions. This makes it challenging to capture localised, intricate 3D shape structures and geometries using this method [190]. This model’s intricate design results in a comparatively large number of parameters [215]. Figure 31 shows the architecture of PF-Net.
GRNet [211]: In order to regularise unordered point clouds and specifically maintain the structure and context of point clouds, the authors introduce 3D grids as intermediary representations. Gridding, gridding reverse, and cubic feature sampling are the three differentiable layers that make up the Gridding Residual Network (GRNet), which is proposed for point cloud completion together with 3D CNN and MLP. In the process of gridding, an interpolation function that quantifies the geometric relationships of the point cloud is used to weight the eight vertices of the 3D grid cell that each point in the point cloud resides in. The network then uses a 3D convolutional neural network (3D CNN) with skip connections to learn spatially and contextually aware features, filling in the gaps in the incomplete point cloud. Gridding reverse then replaces each 3D grid cell with a new point whose location is the weighted sum of the 3D grid cell’s eight vertices, converting the resulting 3D grid into a coarse point cloud. By concatenating the features of the corresponding eight vertices of the 3D grid cell that the point lies in; then, the following cubic feature sampling recovers features for every point in the coarse point cloud. To obtain the final finished point cloud, an MLP receives the features and the coarse point cloud. This model, which focuses on object-level completion, works under the assumption that a single item has been found manually and that the input consists only of the points on this object. Consequently, this model is not appropriate for the goal of object detection [189]. It is difficult to maintain a well-organised structure for points in small patches due to the discontinuous character of the point cloud and the unstructured prediction of points in local regions in this method [125]. Rebuilding low-resolution shapes is the only use for GRNet’s voxel representation. This model’s intricate design results in a comparatively large number of parameters [215]. Figure 32 shows the overview of GRNet.
SnowflakeNet [190]: This model focuses specifically on the process of decoding incomplete point clouds. The primary building block of SnowflakeNet is its layers of snowflake point deconvolution (SPD), which simulate the creation of whole point clouds similar to the snowflake growth of points in three dimensions. This model creates points gradually by piling one SPD layer on top of another. Each SPD layer creates child points by dividing their parent point and inheriting the shape properties that the parent point captures. The purpose of disclosing geometrical details is to enable the use of a skip-transformer in SPD to identify point splitting modes that are most appropriate for specific localities. The current SPD layer is split by the skip-transformer, which uses an attention mechanism to summarise the splitting patterns from the previous SPD layer. The network is able to predict extremely detailed geometries because the locally compact, structured point cloud generated by SPD can precisely capture the structural properties of 3D shapes in limited patches. This model’s intricate design results in a comparatively large number of parameters [215]. Point clouds are sparse, thus recovering surfaces from them requires non-trivial postprocessing using traditional techniques [216]. There are two inherent limitations to the global feature structure that is extracted from partial inputs by this model. Firstly, fine-grained details are lost easily during pooling operations in the encoding phase and are difficult to recover from a diluted global feature during generation. Secondly, such a global feature is captured from a partial point cloud, which represents only the “incomplete” information of the visible part and goes against the goal of generating the complete shape [217]. Figure 33 shows the overview of SnowflakeNet.
Table 13. Advantages and limitations of point cloud completion models.
Table 13. Advantages and limitations of point cloud completion models.
ModelAdvantagesLimitations
PCN [205]Acquires knowledge of a projection
from the space of incomplete observations
to the space of fully formed shapes.
Requires training data to be prepared in
partial shapes since it expects a test input
that is identical to the training data.
USCN [207]Does not require explicit correspondence
between example complete shape models and
incomplete point sets.
Training GANs can be difficult due to
common errors such as mode collapse.
MSN [209]Uses EMD as a better metric for
measuring completion quality.
Frequently disregards the spatial correlation
between points.
PF-Net [214]Accepts a partial point cloud as input
and only outputs the portion of
the point cloud that is missing.
Model’s intricate design results in a
comparatively large number of parameters.
GRNet [211]Uses 3D grids as intermediary representations
to maintain unordered point clouds.
Difficult to maintain an organised structure
for points in small patches due to the
discontinuous character of the point cloud.
SnowflakeNet [190]Focuses specifically on the process of
decoding incomplete point clouds.
Fine-grained details are lost easily during
pooling operations in the encoding phase.

8. Conclusions

This article presents a thorough examination of deep learning models applied in the areas of 3D reconstruction, registration, and augmentation. This study delivers an comprehensive overview of diverse models employed for these specific tasks. The advantages and disadvantages of the mentioned models are thoroughly analysed, highlighting the appropriateness of each approach for the specific task. In addition, the study analyses multiple datasets encompassing diverse activities and various 3D data formats. Deep learning has shown promising results in the areas of 3D registration, augmentation, and reconstruction. The objective of this survey was to examine the techniques used by deep learning frameworks for analysing and enhancing 3D image representation, augmentation, and reconstruction. The review of the literature thoroughly examined the advantages and disadvantages of different computer vision algorithms, network architectures, 3D structured data representation, and comparative data methodologies. Several point cloud completion techniques were also examined in relation to the advancement of deep-learning-based image processing technology.
Each phase of the generic methodology for 3D reconstruction, augmentation, and registration can be accomplished utilising distinct algorithms. Distinct methods are required for each constructed object, depending on its size, texture, and visual arrangement. In addition to efficient algorithms, the development of sensors has the potential to enhance the precision of 3D reconstruction in the future. Neural network modelling has numerous advantages. These operations are crucial for various sectors, including robots, autonomous autos, and medical imaging. The problem-solving precision and effectiveness of these domains have experienced a substantial improvement due to the efforts of deep learning models. In order to enhance the performance of these models, a significant amount of additional effort needs to be invested; the field is still in its early stages of development.
While there may be some who argue that traditional, non-deep-learning methods are more advantageous in certain situations, the review has demonstrated that deep learning models have consistently achieved state-of-the-art results in most cases. Given this evaluation, future research endeavours should prioritise the development of more accurate and efficient models capable of handling increasingly larger and more complex data. Moreover, the introduction of new datasets that more accurately represent real-life scenarios can help improve the effectiveness of these models. Furthermore, one attractive avenue for future research involves exploring the concatenation of diverse models to obtain enhanced outcomes.

Author Contributions

P.K.V.: Lead investigator, significantly shaped and wrote the survey. D.K.: Played a key role in writing and enriching the survey’s content. E.A.: Originated the survey’s structure and reviewed its content for coherence and accuracy. C.O.: Acted as the technical editor and internal reviewer, ensuring academic clarity. G.A.: Principal investigator, guided the survey’s strategic direction and scholarly integrity. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by the SilentBorder project under the grant agreement ID 101021812 of the European Union’s Horizon 2020 research and innovation program.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

Not applicable.

Conflicts of Interest

Author Gholamreza Anbarjafari was employed by the company PwC Advisory and is the owner of iVCV OÜ. The remaining authors declare that the research was conducted in the absence of any commercial or financial relationships that could be construed as a potential conflict of interest.

Abbreviations

The following abbreviations are used in this manuscript:
3DThree-dimensional
2DTwo-dimensional
LiDARLight detection and ranging
RGB-DRed, green, blue plus depth
CADComputer-aided design
MLPMultilayer perceptron
CNNConvolutional neural network
FCGFsFully convolutional geometric features
GPUGraphics processing unit
RAMRandom access memory

References

  1. Vinodkumar, P.K.; Karabulut, D.; Avots, E.; Ozcinar, C.; Anbarjafari, G. A Survey on Deep Learning Based Segmentation, Detection and Classification for 3D Point Clouds. Entropy 2023, 25, 635. [Google Scholar] [CrossRef]
  2. Behley, J.; Garbade, M.; Milioto, A.; Quenzel, J.; Behnke, S.; Stachniss, C.; Gall, J. Semantickitti: A dataset for semantic scene understanding of lidar sequences. In Proceedings of the IEEE/CVF International Conference on Computer Vision, Seoul, Republic of Korea, 27 October–2 November 2019; pp. 9297–9307. [Google Scholar]
  3. Armeni, I.; Sener, O.; Zamir, A.R.; Jiang, H.; Brilakis, I.; Fischer, M.; Savarese, S. 3d semantic parsing of large-scale indoor spaces. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 26 June–1 July 2016; pp. 1534–1543. [Google Scholar]
  4. Qi, C.R.; Chen, X.; Litany, O.; Guibas, L.J. ImVoteNet: Boosting 3D Object Detection in Point Clouds with Image Votes. arXiv 2020, arXiv:2001.10692. [Google Scholar] [CrossRef]
  5. Zhou, Y.; Tuzel, O. Voxelnet: End-to-end learning for point cloud based 3d object detection. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–23 June 2018; pp. 4490–4499. [Google Scholar]
  6. Shi, S.; Wang, X.; Li, H. PointRCNN: 3D Object Proposal Generation and Detection from Point Cloud. arXiv 2018, arXiv:1812.04244. [Google Scholar] [CrossRef]
  7. Hanocka, R.; Hertz, A.; Fish, N.; Giryes, R.; Fleishman, S.; Cohen-Or, D. Meshcnn: A network with an edge. ACM Trans. Graph. (TOG) 2019, 38, 1–12. [Google Scholar] [CrossRef]
  8. Wang, S.; Zhu, J.; Zhang, R. Meta-RangeSeg: LiDAR Sequence Semantic Segmentation Using Multiple Feature Aggregation. arXiv 2022, arXiv:2202.13377. [Google Scholar]
  9. Fan, H.; Su, H.; Guibas, L.J. A Point Set Generation Network for 3D Object Reconstruction from a Single Image. arXiv 2016, arXiv:1612.00603. [Google Scholar] [CrossRef]
  10. Chang, A.X.; Funkhouser, T.; Guibas, L.; Hanrahan, P.; Huang, Q.; Li, Z.; Savarese, S.; Savva, M.; Song, S.; Su, H.; et al. ShapeNet: An Information-Rich 3D Model Repository. arXiv 2015, arXiv:1512.03012. [Google Scholar]
  11. Choy, C.B.; Xu, D.; Gwak, J.; Chen, K.; Savarese, S. 3D-R2N2: A Unified Approach for Single and Multi-view 3D Object Reconstruction. In Proceedings of the Computer Vision—ECCV 2016, Amsterdam, The Netherlands, 11–14 October 2016; Leibe, B., Matas, J., Sebe, N., Welling, M., Eds.; Springer: Cham, Switzerland, 2016; pp. 628–644. [Google Scholar]
  12. Lin, C.H.; Kong, C.; Lucey, S. Learning Efficient Point Cloud Generation for Dense 3D Object Reconstruction. arXiv 2017, arXiv:1706.07036. [Google Scholar] [CrossRef]
  13. Zhang, Y.; Liu, Z.; Liu, T.; Peng, B.; Li, X. RealPoint3D: An Efficient Generation Network for 3D Object Reconstruction From a Single Image. IEEE Access 2019, 7, 57539–57549. [Google Scholar] [CrossRef]
  14. Xiang, Y.; Kim, W.; Chen, W.; Ji, J.; Choy, C.; Su, H.; Mottaghi, R.; Guibas, L.; Savarese, S. Objectnet3d: A large scale database for 3d object recognition. In Proceedings of the Computer Vision—ECCV 2016: 14th European Conference, Amsterdam, The Netherlands, 11–14 October 2016; Proceedings, Part VIII 14. Springer: Berlin/Heidelberg, Germany, 2016; pp. 160–176. [Google Scholar]
  15. Navaneet, K.L.; Mathew, A.; Kashyap, S.; Hung, W.C.; Jampani, V.; Babu, R.V. From Image Collections to Point Clouds with Self-supervised Shape and Pose Networks. arXiv 2020, arXiv:2005.01939. [Google Scholar] [CrossRef]
  16. Sun, X.; Wu, J.; Zhang, X.; Zhang, Z.; Zhang, C.; Xue, T.; Tenenbaum, J.B.; Freeman, W.T. Pix3d: Dataset and methods for single-image 3d shape modeling. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–23 June 2018; pp. 2974–2983. [Google Scholar]
  17. Bautista, M.A.; Talbott, W.; Zhai, S.; Srivastava, N.; Susskind, J.M. On the generalization of learning-based 3D reconstruction. arXiv 2020, arXiv:2006.15427. [Google Scholar] [CrossRef]
  18. Rezende, D.J.; Eslami, S.M.A.; Mohamed, S.; Battaglia, P.; Jaderberg, M.; Heess, N. Unsupervised Learning of 3D Structure from Images. arXiv 2016, arXiv:1607.00662. [Google Scholar] [CrossRef]
  19. LeCun, Y. The MNIST Database of Handwritten Digits. 1998. Available online: http://yann.lecun.com/exdb/mnist/ (accessed on 12 November 2023).
  20. Zhang, X.; Zhang, Z.; Zhang, C.; Tenenbaum, J.B.; Freeman, W.T.; Wu, J. Learning to Reconstruct Shapes from Unseen Classes. arXiv 2018, arXiv:1812.11166. [Google Scholar]
  21. Wu, J.; Wang, Y.; Xue, T.; Sun, X.; Freeman, W.T.; Tenenbaum, J.B. MarrNet: 3D Shape Reconstruction via 2.5D Sketches. arXiv 2017, arXiv:1711.03129. [Google Scholar] [CrossRef]
  22. Xiang, Y.; Mottaghi, R.; Savarese, S. Beyond PASCAL: A Benchmark for 3D Object Detection in the Wild. In Proceedings of the IEEE Winter Conference on Applications of Computer Vision (WACV), Steamboat Springs, CO, USA, 24–26 March 2014. [Google Scholar]
  23. Yan, X.; Yang, J.; Yumer, E.; Guo, Y.; Lee, H. Perspective Transformer Nets: Learning Single-View 3D Object Reconstruction without 3D Supervision. arXiv 2016, arXiv:1612.00814. [Google Scholar] [CrossRef]
  24. Zhu, R.; Galoogahi, H.K.; Wang, C.; Lucey, S. Rethinking Reprojection: Closing the Loop for Pose-Aware Shape Reconstruction from a Single Image. In Proceedings of the 2017 IEEE International Conference on Computer Vision (ICCV), Venice, Italy, 22–29 October 2017; pp. 57–65. [Google Scholar] [CrossRef]
  25. Xiao, J.; Hays, J.; Ehinger, K.A.; Oliva, A.; Torralba, A. SUN database: Large-scale scene recognition from abbey to zoo. In Proceedings of the 2010 IEEE Computer Society Conference on Computer Vision and Pattern Recognition, San Francisco, CA, USA, 13–18 June 2010; pp. 3485–3492. [Google Scholar] [CrossRef]
  26. Lin, T.Y.; Maire, M.; Belongie, S.; Hays, J.; Perona, P.; Ramanan, D.; Dollár, P.; Zitnick, C.L. Microsoft coco: Common objects in context. In Proceedings of the Computer Vision—ECCV 2014: 13th European Conference, Zurich, Switzerland, 6–12 September 2014; Proceedings, Part V 13. Springer: Berlin/Heidelberg, Germany, 2014; pp. 740–755. [Google Scholar]
  27. Wu, J.; Zhang, C.; Xue, T.; Freeman, W.T.; Tenenbaum, J.B. Learning a Probabilistic Latent Space of Object Shapes via 3D Generative-Adversarial Modeling. arXiv 2016, arXiv:1610.07584. [Google Scholar] [CrossRef]
  28. Wu, Z.; Song, S.; Khosla, A.; Tang, X.; Xiao, J. 3D ShapeNets for 2.5D Object Recognition and Next-Best-View Prediction. arXiv 2014, arXiv:1406.5670. [Google Scholar]
  29. Lim, J.J.; Pirsiavash, H.; Torralba, A. Parsing ikea objects: Fine pose estimation. In Proceedings of the IEEE International Conference on Computer Vision, Sydney, Australia, 1–8 December 2013; pp. 2992–2999. [Google Scholar]
  30. Xie, H.; Yao, H.; Zhang, S.; Zhou, S.; Sun, W. Pix2Vox++: Multi-scale Context-aware 3D Object Reconstruction from Single and Multiple Images. Int. J. Comput. Vis. 2020, 128, 2919–2935. [Google Scholar] [CrossRef]
  31. Gwak, J.; Choy, C.B.; Garg, A.; Chandraker, M.; Savarese, S. Weakly supervised 3D Reconstruction with Adversarial Constraint. arXiv 2017, arXiv:1705.10904. [Google Scholar] [CrossRef]
  32. Banani, M.E.; Corso, J.J.; Fouhey, D.F. Novel Object Viewpoint Estimation through Reconstruction Alignment. arXiv 2020, arXiv:2006.03586. [Google Scholar] [CrossRef]
  33. Turk, G.; Levoy, M. Zippered polygon meshes from range images. In Proceedings of the 21st Annual Conference on Computer Graphics and Interactive Techniques, Orlando, FL, USA, 24–29 July 1994; pp. 311–318. [Google Scholar]
  34. Hoang, L.; Lee, S.H.; Kwon, O.H.; Kwon, K.R. A Deep Learning Method for 3D Object Classification Using the Wave Kernel Signature and A Center Point of the 3D-Triangle Mesh. Electronics 2019, 8, 1196. [Google Scholar] [CrossRef]
  35. Kato, H.; Ushiku, Y.; Harada, T. Neural 3D Mesh Renderer. arXiv 2017, arXiv:1711.07566. [Google Scholar] [CrossRef]
  36. Pan, J.; Li, J.Y.; Han, X.; Jia, K. Residual MeshNet: Learning to Deform Meshes for Single-View 3D Reconstruction. In Proceedings of the 2018 International Conference on 3D Vision (3DV), Verona, Italy, 5–8 September 2018; pp. 719–727. [Google Scholar]
  37. Wang, N.; Zhang, Y.; Li, Z.; Fu, Y.; Liu, W.; Jiang, Y.G. Pixel2mesh: Generating 3d mesh models from single rgb images. In Proceedings of the European Conference on Computer Vision (ECCV), Munich, Germany, 8–14 September 2018; pp. 52–67. [Google Scholar]
  38. Popov, S.; Bauszat, P.; Ferrari, V. CoReNet: Coherent 3D scene reconstruction from a single RGB image. arXiv 2020, arXiv:2004.12989. [Google Scholar] [CrossRef]
  39. Dai, A.; Chang, A.X.; Savva, M.; Halber, M.; Funkhouser, T.; Nießner, M. Scannet: Richly-annotated 3d reconstructions of indoor scenes. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Honolulu, HI, USA, 21–26 July 2017; pp. 5828–5839. [Google Scholar]
  40. Shilane, P.; Min, P.; Kazhdan, M.; Funkhouser, T. The princeton shape benchmark. In Proceedings of the Shape Modeling Applications, Genova, Italy, 7–9 June 2004; IEEE: Piscataway, NJ, USA, 2004; pp. 167–178. [Google Scholar]
  41. Everingham, M.; Van Gool, L.; Williams, C.K.; Winn, J.; Zisserman, A. The pascal visual object classes (voc) challenge. Int. J. Comput. Vis. 2010, 88, 303–338. [Google Scholar] [CrossRef]
  42. Henn, A.; Gröger, G.; Stroh, V.; Plümer, L. Model driven reconstruction of roofs from sparse LIDAR point clouds. ISPRS J. Photogramm. Remote Sens. 2013, 76, 17–29. [Google Scholar] [CrossRef]
  43. Buyukdemircioglu, M.; Kocaman, S.; Kada, M. Deep learning for 3D building reconstruction: A review. Int. Arch. Photogramm. Remote Sens. Spat. Inf. Sci. 2022, 43, 359–366. [Google Scholar] [CrossRef]
  44. Tran, H.; Khoshelham, K. Procedural reconstruction of 3D indoor models from lidar data using reversible jump Markov Chain Monte Carlo. Remote Sens. 2020, 12, 838. [Google Scholar] [CrossRef]
  45. Mura, C.; Mattausch, O.; Pajarola, R. Piecewise-planar reconstruction of multi-room interiors with arbitrary wall arrangements. In Proceedings of the Computer Graphics Forum; Wiley Online Library: Hoboken, NJ, USA, 2016; Volume 35, pp. 179–188. [Google Scholar]
  46. 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]
  47. Khoshelham, K.; Díaz-Vilariño, L. 3D modelling of interior spaces: Learning the language of indoor architecture. Int. Arch. Photogramm. Remote Sens. Spat. Inf. Sci. 2014, 40, 321–326. [Google Scholar] [CrossRef]
  48. Tran, H.; Khoshelham, K.; Kealy, A.; Díaz-Vilariño, L. Shape grammar approach to 3D modeling of indoor environments using point clouds. J. Comput. Civ. Eng. 2019, 33, 04018055. [Google Scholar] [CrossRef]
  49. Wonka, P.; Wimmer, M.; Sillion, F.; Ribarsky, W. Instant architecture. ACM Trans. Graph. (TOG) 2003, 22, 669–677. [Google Scholar] [CrossRef]
  50. Becker, S. Generation and application of rules for quality dependent façade reconstruction. ISPRS J. Photogramm. Remote Sens. 2009, 64, 640–653. [Google Scholar] [CrossRef]
  51. Dick, A.R.; Torr, P.H.; Cipolla, R. Modelling and interpretation of architecture from several images. Int. J. Comput. Vis. 2004, 60, 111–134. [Google Scholar] [CrossRef]
  52. Becker, S.; Peter, M.; Fritsch, D. Grammar-supported 3d indoor reconstruction from point clouds for “as-built” BIM. ISPRS Ann. Photogramm. Remote Sens. Spat. Inf. Sci. 2015, 2, 17–24. [Google Scholar] [CrossRef]
  53. Döllner, J. Geospatial artificial intelligence: Potentials of machine learning for 3D point clouds and geospatial digital twins. PFG- Photogramm. Remote Sens. Geoinf. Sci. 2020, 88, 15–24. [Google Scholar] [CrossRef]
  54. Ma, L.; Liu, Y.; Zhang, X.; Ye, Y.; Yin, G.; Johnson, B.A. Deep learning in remote sensing applications: A meta-analysis and review. ISPRS J. Photogramm. Remote Sens. 2019, 152, 166–177. [Google Scholar] [CrossRef]
  55. Hoeser, T.; Kuenzer, C. Object detection and image segmentation with deep learning on earth observation data: A review-part i: Evolution and recent trends. Remote Sens. 2020, 12, 1667. [Google Scholar] [CrossRef]
  56. Rottensteiner, F.; Sohn, G.; Jung, J.; Gerke, M.; Baillard, C.; Benitez, S.; Breitkopf, U. The ISPRS benchmark on urban object classification and 3D building reconstruction. ISPRS Ann. Photogramm. Remote Sens. Spat. Inf. Sci. I-3 2012, 1, 293–298. [Google Scholar] [CrossRef]
  57. LeCun, Y.; Bengio, Y.; Hinton, G. Deep learning. Nature 2015, 521, 436–444. [Google Scholar] [CrossRef]
  58. Liu, C.; Kong, D.; Wang, S.; Wang, Z.; Li, J.; Yin, B. Deep3D reconstruction: Methods, data, and challenges. Front. Inf. Technol. Electron. Eng. 2021, 22, 652–672. [Google Scholar] [CrossRef]
  59. Bhat, S.F.; Alhashim, I.; Wonka, P. Adabins: Depth estimation using adaptive bins. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Nashville, TN, USA, 20–25 June 2021; pp. 4009–4018. [Google Scholar]
  60. Kasieczka, G.; Nachman, B.; Shih, D.; Amram, O.; Andreassen, A.; Benkendorfer, K.; Bortolato, B.; Brooijmans, G.; Canelli, F.; Collins, J.H.; et al. The LHC Olympics 2020 a community challenge for anomaly detection in high energy physics. Rep. Prog. Phys. 2021, 84, 124201. [Google Scholar] [CrossRef] [PubMed]
  61. Yu, X.; Rao, Y.; Wang, Z.; Liu, Z.; Lu, J.; Zhou, J. Pointr: Diverse point cloud completion with geometry-aware transformers. In Proceedings of the IEEE/CVF International Conference on Computer Vision, Montreal, BC, Canada, 11–17 October 2021; pp. 12498–12507. [Google Scholar]
  62. Peng, S.; Niemeyer, M.; Mescheder, L.; Pollefeys, M.; Geiger, A. Convolutional occupancy networks. In Proceedings of the Computer Vision–ECCV 2020: 16th European Conference, Glasgow, UK, 23–28 August 2020; Proceedings, Part III 16. Springer: Berlin/Heidelberg, Germany, 2020; pp. 523–540. [Google Scholar]
  63. Kato, H.; Beker, D.; Morariu, M.; Ando, T.; Matsuoka, T.; Kehl, W.; Gaidon, A. Differentiable rendering: A survey. arXiv 2020, arXiv:2006.12057. [Google Scholar]
  64. Fu, K.; Peng, J.; He, Q.; Zhang, H. Single image 3D object reconstruction based on deep learning: A review. Multimed. Tools Appl. 2021, 80, 463–498. [Google Scholar] [CrossRef]
  65. Zhang, Y.; Huo, K.; Liu, Z.; Zang, Y.; Liu, Y.; Li, X.; Zhang, Q.; Wang, C. PGNet: A Part-based Generative Network for 3D object reconstruction. Knowl.-Based Syst. 2020, 194, 105574. [Google Scholar] [CrossRef]
  66. Lu, Q.; Xiao, M.; Lu, Y.; Yuan, X.; Yu, Y. Attention-based dense point cloud reconstruction from a single image. IEEE Access 2019, 7, 137420–137431. [Google Scholar] [CrossRef]
  67. Yuniarti, A.; Suciati, N. A review of deep learning techniques for 3D reconstruction of 2D images. In Proceedings of the 2019 12th International Conference on Information & Communication Technology and System (ICTS), Surabaya, Indonesia, 18 July 2019; IEEE: Piscataway, NJ, USA, 2019; pp. 327–331. [Google Scholar]
  68. Monnier, T.; Fisher, M.; Efros, A.A.; Aubry, M. Share with thy neighbors: Single-view reconstruction by cross-instance consistency. In Proceedings of the European Conference on Computer Vision, Tel Aviv, Israel, 23–27 October 2022; Springer: Berlin/Heidelberg, Germany, 2022; pp. 285–303. [Google Scholar]
  69. Zhu, J.Y.; Park, T.; Isola, P.; Efros, A.A. Unpaired image-to-image translation using cycle-consistent adversarial networks. In Proceedings of the the IEEE International Conference on Computer Vision, Venice, Italy, 22–29 October 2017; pp. 2223–2232. [Google Scholar]
  70. Hu, T.; Wang, L.; Xu, X.; Liu, S.; Jia, J. Self-supervised 3D mesh reconstruction from single images. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Nashville, TN, USA, 20–25 June 2021; pp. 6002–6011. [Google Scholar]
  71. Joung, S.; Kim, S.; Kim, M.; Kim, I.J.; Sohn, K. Learning canonical 3d object representation for fine-grained recognition. In Proceedings of the IEEE/CVF International Conference on Computer Vision, Montreal, BC, Canada, 11–17 October 2021; pp. 1035–1045. [Google Scholar]
  72. Niemeyer, M.; Mescheder, L.; Oechsle, M.; Geiger, A. Differentiable volumetric rendering: Learning implicit 3d representations without 3d supervision. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Seattle, WA, USA, 13–19 June 2020; pp. 3504–3515. [Google Scholar]
  73. Biundini, I.Z.; Pinto, M.F.; Melo, A.G.; Marcato, A.L.; Honório, L.M.; Aguiar, M.J. A framework for coverage path planning optimization based on point cloud for structural inspection. Sensors 2021, 21, 570. [Google Scholar] [CrossRef]
  74. Chibane, J.; Alldieck, T.; Pons-Moll, G. Implicit functions in feature space for 3d shape reconstruction and completion. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Seattle, WA, USA, 13–19 June 2020; pp. 6970–6981. [Google Scholar]
  75. Collins, J.; Goel, S.; Deng, K.; Luthra, A.; Xu, L.; Gundogdu, E.; Zhang, X.; Vicente, T.F.Y.; Dideriksen, T.; Arora, H.; et al. Abo: Dataset and benchmarks for real-world 3d object understanding. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, New Orleans, LA, USA, 18–24 June 2022; pp. 21126–21136. [Google Scholar]
  76. Sahu, C.K.; Young, C.; Rai, R. Artificial intelligence (AI) in augmented reality (AR)-assisted manufacturing applications: A review. Int. J. Prod. Res. 2021, 59, 4903–4959. [Google Scholar] [CrossRef]
  77. Mescheder, L.; Oechsle, M.; Niemeyer, M.; Nowozin, S.; Geiger, A. Occupancy networks: Learning 3d reconstruction in function space. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Long Beach, CA, USA, 15–20 June 2019; pp. 4460–4470. [Google Scholar]
  78. Liu, R.; Wu, R.; Van Hoorick, B.; Tokmakov, P.; Zakharov, S.; Vondrick, C. Zero-1-to-3: Zero-shot one image to 3d object. In Proceedings of the IEEE/CVF International Conference on Computer Vision, Paris, France, 2–3 October 2023; pp. 9298–9309. [Google Scholar]
  79. Xu, D.; Jiang, Y.; Wang, P.; Fan, Z.; Shi, H.; Wang, Z. Sinnerf: Training neural radiance fields on complex scenes from a single image. In Proceedings of the European Conference on Computer Vision, Tel Aviv, Israel, 23–27 October 2022; Springer: Berlin/Heidelberg, Germany, 2022; pp. 736–753. [Google Scholar]
  80. Kanazawa, A.; Tulsiani, S.; Efros, A.A.; Malik, J. Learning category-specific mesh reconstruction from image collections. In Proceedings of the European Conference on Computer Vision (ECCV), Munich, Germany, 8–14 September 2018; pp. 371–386. [Google Scholar]
  81. Zhou, T.; Brown, M.; Snavely, N.; Lowe, D.G. Unsupervised learning of depth and ego-motion from video. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Honolulu, HI, USA, 21–26 July 2017; pp. 1851–1858. [Google Scholar]
  82. Yu, A.; Ye, V.; Tancik, M.; Kanazawa, A. pixelnerf: Neural radiance fields from one or few images. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Nashville, TN, USA, 20–25 June 2021; pp. 4578–4587. [Google Scholar]
  83. Sitzmann, V.; Zollhöfer, M.; Wetzstein, G. Scene representation networks: Continuous 3d-structure-aware neural scene representations. Adv. Neural Inf. Process. Syst. 2019, 32. [Google Scholar] [CrossRef]
  84. Enebuse, I.; Foo, M.; Ibrahim, B.S.K.K.; Ahmed, H.; Supmak, F.; Eyobu, O.S. A comparative review of hand-eye calibration techniques for vision guided robots. IEEE Access 2021, 9, 113143–113155. [Google Scholar] [CrossRef]
  85. Tatarchenko, M.; Richter, S.R.; Ranftl, R.; Li, Z.; Koltun, V.; Brox, T. What do single-view 3d reconstruction networks learn? In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Long Beach, CA, USA, 15–20 June 2019; pp. 3405–3414. [Google Scholar]
  86. Sünderhauf, N.; Brock, O.; Scheirer, W.; Hadsell, R.; Fox, D.; Leitner, J.; Upcroft, B.; Abbeel, P.; Burgard, W.; Milford, M.; et al. The limits and potentials of deep learning for robotics. Int. J. Robot. Res. 2018, 37, 405–420. [Google Scholar] [CrossRef]
  87. Han, X.F.; Laga, H.; Bennamoun, M. Image-based 3D object reconstruction: State-of-the-art and trends in the deep learning era. IEEE Trans. Pattern Anal. Mach. Intell. 2019, 43, 1578–1604. [Google Scholar] [CrossRef]
  88. Varol, G.; Ceylan, D.; Russell, B.; Yang, J.; Yumer, E.; Laptev, I.; Schmid, C. Bodynet: Volumetric inference of 3d human body shapes. In Proceedings of the European Conference on Computer Vision (ECCV), Munich, Germany, 8–14 September 2018; pp. 20–36. [Google Scholar]
  89. Najibi, M.; Ji, J.; Zhou, Y.; Qi, C.R.; Yan, X.; Ettinger, S.; Anguelov, D. Motion inspired unsupervised perception and prediction in autonomous driving. In Proceedings of the European Conference on Computer Vision, Tel Aviv, Israel, 23–27 October 2022; Springer: Berlin/Heidelberg, Germany, 2022; pp. 424–443. [Google Scholar]
  90. Xu, Q.; Wang, W.; Ceylan, D.; Mech, R.; Neumann, U. Disn: Deep implicit surface network for high-quality single-view 3d reconstruction. Adv. Neural Inf. Process. Syst. 2019, 32. [Google Scholar] [CrossRef]
  91. Creswell, A.; White, T.; Dumoulin, V.; Arulkumaran, K.; Sengupta, B.; Bharath, A.A. Generative adversarial networks: An overview. IEEE Signal Process. Mag. 2018, 35, 53–65. [Google Scholar] [CrossRef]
  92. Zhu, J.Y.; Zhang, Z.; Zhang, C.; Wu, J.; Torralba, A.; Tenenbaum, J.; Freeman, B. Visual object networks: Image generation with disentangled 3D representations. Adv. Neural Inf. Process. Syst. 2018, 31. [Google Scholar] [CrossRef]
  93. Gadelha, M.; Maji, S.; Wang, R. 3d shape induction from 2d views of multiple objects. In Proceedings of the 2017 International Conference on 3D Vision (3DV), Qingdao, China, 10–12 October 2017; IEEE: Piscataway, NJ, USA, 2017; pp. 402–411. [Google Scholar]
  94. Chan, E.R.; Monteiro, M.; Kellnhofer, P.; Wu, J.; Wetzstein, G. pi-gan: Periodic implicit generative adversarial networks for 3d-aware image synthesis. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Nashville, TN, USA, 20–25 June 2021; pp. 5799–5809. [Google Scholar]
  95. Park, J.J.; Florence, P.; Straub, J.; Newcombe, R.; Lovegrove, S. Deepsdf: Learning continuous signed distance functions for shape representation. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Long Beach, CA, USA, 15–19 June 2019; pp. 165–174. [Google Scholar]
  96. Gao, J.; Shen, T.; Wang, Z.; Chen, W.; Yin, K.; Li, D.; Litany, O.; Gojcic, Z.; Fidler, S. Get3d: A generative model of high quality 3d textured shapes learned from images. Adv. Neural Inf. Process. Syst. 2022, 35, 31841–31854. [Google Scholar]
  97. Mittal, P.; Cheng, Y.C.; Singh, M.; Tulsiani, S. Autosdf: Shape priors for 3d completion, reconstruction and generation. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, New Orleans, LA, USA, 18–24 June 2022; pp. 306–315. [Google Scholar]
  98. Li, X.; Liu, S.; Kim, K.; De Mello, S.; Jampani, V.; Yang, M.H.; Kautz, J. Self-supervised single-view 3d reconstruction via semantic consistency. In Proceedings of the Computer Vision–ECCV 2020: 16th European Conference, Glasgow, UK, 23–28 August 2020; Proceedings, Part XIV 16. Springer: Berlin/Heidelberg, Germany, 2020; pp. 677–693. [Google Scholar]
  99. de Melo, C.M.; Torralba, A.; Guibas, L.; DiCarlo, J.; Chellappa, R.; Hodgins, J. Next-generation deep learning based on simulators and synthetic data. Trends Cogn. Sci. 2022, 26. [Google Scholar] [CrossRef]
  100. Loper, M.M.; Black, M.J. OpenDR: An approximate differentiable renderer. In Proceedings of the Computer Vision–ECCV 2014: 13th European Conference, Zurich, Switzerland, 6–12 September 2014; Proceedings, Part VII 13. Springer: Berlin/Heidelberg, Germany, 2014; pp. 154–169. [Google Scholar]
  101. Ravi, N.; Reizenstein, J.; Novotny, D.; Gordon, T.; Lo, W.Y.; Johnson, J.; Gkioxari, G. Accelerating 3d deep learning with pytorch3d. arXiv 2020, arXiv:2007.08501. [Google Scholar]
  102. Michel, O.; Bar-On, R.; Liu, R.; Benaim, S.; Hanocka, R. Text2mesh: Text-driven neural stylization for meshes. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, New Orleans, LA, USA, 18–24 June 2022; pp. 13492–13502. [Google Scholar]
  103. Fahim, G.; Amin, K.; Zarif, S. Single-View 3D reconstruction: A Survey of deep learning methods. Comput. Graph. 2021, 94, 164–190. [Google Scholar] [CrossRef]
  104. Tang, J.; Han, X.; Pan, J.; Jia, K.; Tong, X. A skeleton-bridged deep learning approach for generating meshes of complex topologies from single rgb images. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Long Beach, CA, USA, 15–20 June 2019; pp. 4541–4550. [Google Scholar]
  105. Xu, Q.; Nie, Z.; Xu, H.; Zhou, H.; Attar, H.R.; Li, N.; Xie, F.; Liu, X.J. SuperMeshing: A new deep learning architecture for increasing the mesh density of physical fields in metal forming numerical simulation. J. Appl. Mech. 2022, 89, 011002. [Google Scholar] [CrossRef]
  106. Dahnert, M.; Hou, J.; Nießner, M.; Dai, A. Panoptic 3d scene reconstruction from a single rgb image. Adv. Neural Inf. Process. Syst. 2021, 34, 8282–8293. [Google Scholar]
  107. Liu, F.; Liu, X. Voxel-based 3d detection and reconstruction of multiple objects from a single image. Adv. Neural Inf. Process. Syst. 2021, 34, 2413–2426. [Google Scholar]
  108. Pan, J.; Han, X.; Chen, W.; Tang, J.; Jia, K. Deep mesh reconstruction from single rgb images via topology modification networks. In Proceedings of the IEEE/CVF International Conference on Computer Vision, Seoul, Republic of Korea, 27 October–2 November 2019; pp. 9964–9973. [Google Scholar]
  109. Mustikovela, S.K.; De Mello, S.; Prakash, A.; Iqbal, U.; Liu, S.; Nguyen-Phuoc, T.; Rother, C.; Kautz, J. Self-supervised object detection via generative image synthesis. In Proceedings of the IEEE/CVF International Conference on Computer Vision, Montreal, BC, Canada, 11–17 October 2021; pp. 8609–8618. [Google Scholar]
  110. Huang, Z.; Jampani, V.; Thai, A.; Li, Y.; Stojanov, S.; Rehg, J.M. ShapeClipper: Scalable 3D Shape Learning from Single-View Images via Geometric and CLIP-based Consistency. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Vancouver, BC, Canada, 17–24 June 2023; pp. 12912–12922. [Google Scholar]
  111. Kar, A.; Häne, C.; Malik, J. Learning a multi-view stereo machine. Adv. Neural Inf. Process. Syst. 2017, 30. [Google Scholar] [CrossRef]
  112. Yang, G.; Cui, Y.; Belongie, S.; Hariharan, B. Learning single-view 3d reconstruction with limited pose supervision. In Proceedings of the European Conference on Computer Vision (ECCV), Munich, Germany, 8–14 September 2018; pp. 86–101. [Google Scholar]
  113. Huang, Z.; Stojanov, S.; Thai, A.; Jampani, V.; Rehg, J.M. Planes vs. chairs: Category-guided 3d shape learning without any 3d cues. In Proceedings of the European Conference on Computer Vision, Tel Aviv, Israel, 23–27 October 2022; Springer: Berlin/Heidelberg, Germany, 2022; pp. 727–744. [Google Scholar]
  114. Jiao, L.; Huang, Z.; Liu, X.; Yang, Y.; Ma, M.; Zhao, J.; You, C.; Hou, B.; Yang, S.; Liu, F.; et al. Brain-inspired Remote Sensing Interpretation: A Comprehensive Survey. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2023, Volume 16, 2992–3033. [Google Scholar] [CrossRef]
  115. Yang, Z.; Ren, Z.; Bautista, M.A.; Zhang, Z.; Shan, Q.; Huang, Q. FvOR: Robust joint shape and pose optimization for few-view object reconstruction. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, New Orleans, LA, USA, 18–24 June 2022; pp. 2497–2507. [Google Scholar]
  116. Bechtold, J.; Tatarchenko, M.; Fischer, V.; Brox, T. Fostering generalization in single-view 3d reconstruction by learning a hierarchy of local and global shape priors. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Nashville, TN, USA, 20–25 June 2021; pp. 15880–15889. [Google Scholar]
  117. Thai, A.; Stojanov, S.; Upadhya, V.; Rehg, J.M. 3d reconstruction of novel object shapes from single images. In Proceedings of the 2021 International Conference on 3D Vision (3DV), London, UK, 1–3 December 2021; IEEE: Piscataway, NJ, USA, 2021; pp. 85–95. [Google Scholar]
  118. Yang, X.; Lin, G.; Zhou, L. Single-View 3D Mesh Reconstruction for Seen and Unseen Categories. IEEE Trans. Image Process. 2023, 32, 3746–3758. [Google Scholar] [CrossRef] [PubMed]
  119. Anciukevicius, T.; Fox-Roberts, P.; Rosten, E.; Henderson, P. Unsupervised Causal Generative Understanding of Images. Adv. Neural Inf. Process. Syst. 2022, 35, 37037–37054. [Google Scholar]
  120. Fan, H.; Su, H.; Guibas, L.J. A point set generation network for 3d object reconstruction from a single image. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Honolulu, HI, USA, 21–26 July 2017; pp. 605–613. [Google Scholar]
  121. Niemeyer, M.; Geiger, A. Giraffe: Representing scenes as compositional generative neural feature fields. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Nashville, TN, USA, 20–25 June 2021; pp. 11453–11464. [Google Scholar]
  122. Or-El, R.; Luo, X.; Shan, M.; Shechtman, E.; Park, J.J.; Kemelmacher-Shlizerman, I. Stylesdf: High-resolution 3d-consistent image and geometry generation. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, New Orleans, LA, USA, 18–24 June 2022; pp. 13503–13513. [Google Scholar]
  123. Xie, H.; Yao, H.; Sun, X.; Zhou, S.; Zhang, S. Pix2vox: Context-aware 3d reconstruction from single and multi-view images. In Proceedings of the IEEE/CVF International Conference on Computer Vision, Seoul, Republic of Korea, 27 October–2 November 2019; pp. 2690–2698. [Google Scholar]
  124. Melas-Kyriazi, L.; Laina, I.; Rupprecht, C.; Vedaldi, A. Realfusion: 360deg reconstruction of any object from a single image. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Vancouver, BC, Canada, 17–24 June 2023; pp. 8446–8455. [Google Scholar]
  125. Xiang, P.; Wen, X.; Liu, Y.S.; Cao, Y.P.; Wan, P.; Zheng, W.; Han, Z. Snowflake point deconvolution for point cloud completion and generation with skip-transformer. IEEE Trans. Pattern Anal. Mach. Intell. 2022, 45, 6320–6338. [Google Scholar] [CrossRef]
  126. Boulch, A.; Marlet, R. Poco: Point convolution for surface reconstruction. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, New Orleans, LA, USA, 18–24 June 2022; pp. 6302–6314. [Google Scholar]
  127. Wen, X.; Zhou, J.; Liu, Y.S.; Su, H.; Dong, Z.; Han, Z. 3D shape reconstruction from 2D images with disentangled attribute flow. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, New Orleans, LA, USA, 18–24 June 2022; pp. 3803–3813. [Google Scholar]
  128. Wang, D.; Cui, X.; Chen, X.; Zou, Z.; Shi, T.; Salcudean, S.; Wang, Z.J.; Ward, R. Multi-view 3d reconstruction with transformers. In Proceedings of the IEEE/CVF International Conference on Computer Vision, Montreal, BC, Canada, 11–17 October 2021; pp. 5722–5731. [Google Scholar]
  129. Kirillov, A.; Wu, Y.; He, K.; Girshick, R. Pointrend: Image segmentation as rendering. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Seattle, WA, USA, 13–19 June 2020; pp. 9799–9808. [Google Scholar]
  130. Chen, Z.; Zhang, H. Learning implicit fields for generative shape modeling. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Long Beach, CA, USA, 15–20 June 2019; pp. 5939–5948. [Google Scholar]
  131. Wen, C.; Zhang, Y.; Li, Z.; Fu, Y. Pixel2mesh++: Multi-view 3d mesh generation via deformation. In Proceedings of the IEEE/CVF International Conference on Computer Vision, Seoul, Republic of Korea, 27 October–2 November 2019; pp. 1042–1051. [Google Scholar]
  132. Jiang, Y.; Ji, D.; Han, Z.; Zwicker, M. Sdfdiff: Differentiable rendering of signed distance fields for 3d shape optimization. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Seattle, WA, USA, 13–19 June 2020; pp. 1251–1261. [Google Scholar]
  133. Wu, J.; Zhang, C.; Zhang, X.; Zhang, Z.; Freeman, W.T.; Tenenbaum, J.B. Learning shape priors for single-view 3d completion and reconstruction. In Proceedings of the European Conference on Computer Vision (ECCV), Munich, Germany, 8–14 September 2018; pp. 646–662. [Google Scholar]
  134. Ma, W.C.; Yang, A.J.; Wang, S.; Urtasun, R.; Torralba, A. Virtual correspondence: Humans as a cue for extreme-view geometry. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, New Orleans, LA, USA, 18–24 June 2022; pp. 15924–15934. [Google Scholar]
  135. Goodwin, W.; Vaze, S.; Havoutis, I.; Posner, I. Zero-shot category-level object pose estimation. In Proceedings of the European Conference on Computer Vision, Tel Aviv, Israel, 23–27 October 2022; Springer: Berlin/Heidelberg, Germany, 2022; pp. 516–532. [Google Scholar]
  136. Myronenko, A.; Song, X. Point Set Registration: Coherent Point Drift. IEEE Trans. Pattern Anal. Mach. Intell. 2010, 32, 2262–2275. [Google Scholar] [CrossRef] [PubMed]
  137. Iglesias, J.P.; Olsson, C.; Kahl, F. Global Optimality for Point Set Registration Using Semidefinite Programming. In Proceedings of the 2020 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Seattle, WA, USA, 13–19 June 2020; pp. 8284–8292. [Google Scholar] [CrossRef]
  138. Sturm, J.; Engelhard, N.; Endres, F.; Burgard, W.; Cremers, D. A benchmark for the evaluation of RGB-D SLAM systems. In Proceedings of the 2012 IEEE/RSJ International Conference on Intelligent Robots and Systems, Vilamoura-Algarve, Portugal, 7–12 October 2012; IEEE: Piscataway, NJ, USA, 2012; pp. 573–580. [Google Scholar]
  139. Yew, Z.J.; Lee, G.H. RPM-Net: Robust Point Matching using Learned Features. arXiv 2020, arXiv:2003.13479. [Google Scholar] [CrossRef]
  140. Lu, W.; Wan, G.; Zhou, Y.; Fu, X.; Yuan, P.; Song, S. DeepICP: An End-to-End Deep Neural Network for 3D Point Cloud Registration. arXiv 2019, arXiv:1905.04153. [Google Scholar] [CrossRef]
  141. Geiger, A.; Lenz, P.; Urtasun, R. Are we ready for autonomous driving? the kitti vision benchmark suite. In Proceedings of the 2012 IEEE Conference on Computer Vision and Pattern Recognition, Providence, RI, USA, 16–24 June 2012; IEEE: Piscataway, NJ, USA, 2012; pp. 3354–3361. [Google Scholar]
  142. Lu, W.; Zhou, Y.; Wan, G.; Hou, S.; Song, S. L3-net: Towards learning based lidar localization for autonomous driving. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Long Beach, CA, USA, 15–19 June 2019; pp. 6389–6398. [Google Scholar]
  143. Gojcic, Z.; Zhou, C.; Wegner, J.D.; Wieser, A. The Perfect Match: 3D Point Cloud Matching with Smoothed Densities. arXiv 2018, arXiv:1811.06879. [Google Scholar] [CrossRef]
  144. Zeng, A.; Song, S.; Nießner, 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. 1802–1811. [Google Scholar]
  145. Gojcic, Z.; Zhou, C.; Wegner, J.D.; Guibas, L.J.; Birdal, T. Learning multiview 3D point cloud registration. arXiv 2020, arXiv:2001.05119. [Google Scholar] [CrossRef]
  146. Choi, S.; Zhou, Q.Y.; Koltun, V. Robust reconstruction of indoor scenes. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Boston, MA, USA, 7–12 June 2015; pp. 5556–5565. [Google Scholar]
  147. Ma, J.; Jiang, X.; Fan, A.; Jiang, J.; Yan, J. Image matching from handcrafted to deep features: A survey. Int. J. Comput. Vis. 2021, 129, 23–79. [Google Scholar] [CrossRef]
  148. Sotiras, A.; Davatzikos, C.; Paragios, N. Deformable medical image registration: A survey. IEEE Trans. Med Imaging 2013, 32, 1153–1190. [Google Scholar] [CrossRef]
  149. 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]
  150. Huang, X.; Mei, G.; Zhang, J.; Abbas, R. A comprehensive survey on point cloud registration. arXiv 2021, arXiv:2103.02690. [Google Scholar]
  151. Brynte, L.; Larsson, V.; Iglesias, J.P.; Olsson, C.; Kahl, F. On the tightness of semidefinite relaxations for rotation estimation. J. Math. Imaging Vis. 2022, 64, 57–67. [Google Scholar] [CrossRef]
  152. Yang, H.; Carlone, L. Certifiably optimal outlier-robust geometric perception: Semidefinite relaxations and scalable global optimization. IEEE Trans. Pattern Anal. Mach. Intell. 2022, 45, 2816–2834. [Google Scholar] [CrossRef] [PubMed]
  153. Huang, S.; 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, 20–25 June 2021; pp. 4267–4276. [Google Scholar]
  154. Yew, Z.J.; Lee, G.H. Regtr: End-to-end point cloud correspondences with transformers. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, New Orleans, LA, USA, 18–24 June 2022; pp. 6677–6686. [Google Scholar]
  155. Bai, X.; Luo, Z.; Zhou, L.; Chen, H.; Li, L.; Hu, Z.; Fu, H.; Tai, C.L. Pointdsc: Robust point cloud registration using deep spatial consistency. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Nashville, TN, USA, 20–25 June 2021; pp. 15859–15869. [Google Scholar]
  156. Fu, K.; Liu, S.; Luo, X.; Wang, M. Robust point cloud registration framework based on deep graph matching. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Nashville, TN, USA, 20–25 June 2021; pp. 8893–8902. [Google Scholar]
  157. Qi, C.R.; Yi, L.; Su, H.; Guibas, L.J. PointNet++: Deep Hierarchical Feature Learning on Point Sets in a Metric Space. arXiv 2017, arXiv:1706.02413. [Google Scholar] [CrossRef]
  158. Ren, S.; Chen, X.; Cai, H.; Wang, Y.; Liang, H.; Li, H. Color point cloud registration algorithm based on hue. Appl. Sci. 2021, 11, 5431. [Google Scholar] [CrossRef]
  159. Yao, W.; Chu, T.; Tang, W.; Wang, J.; Cao, X.; Zhao, F.; Li, K.; Geng, G.; Zhou, M. SPPD: A Novel Reassembly Method for 3D Terracotta Warrior Fragments Based on Fracture Surface Information. ISPRS Int. J. Geo-Inf. 2021, 10, 525. [Google Scholar] [CrossRef]
  160. Liu, J.; Liang, Y.; Xu, D.; Gong, X.; Hyyppä, J. A ubiquitous positioning solution of integrating GNSS with LiDAR odometry and 3D map for autonomous driving in urban environments. J. Geod. 2023, 97, 39. [Google Scholar] [CrossRef]
  161. Du, G.; Wang, K.; Lian, S.; Zhao, K. Vision-based robotic grasping from object localization, object pose estimation to grasp estimation for parallel grippers: A review. Artif. Intell. Rev. 2021, 54, 1677–1734. [Google Scholar] [CrossRef]
  162. Choy, C.; Park, J.; Koltun, V. Fully convolutional geometric features. In Proceedings of the IEEE/CVF International Conference on Computer Vision, Seoul, Republic of Korea, 27 October–2 November 2019; pp. 8958–8966. [Google Scholar]
  163. Lee, J.; Kim, S.; Cho, M.; Park, J. Deep hough voting for robust global registration. In Proceedings of the IEEE/CVF International Conference on Computer Vision, Montreal, BC, Canada, 11–17 October 2021; pp. 15994–16003. [Google Scholar]
  164. Lu, F.; Chen, G.; Liu, Y.; Zhang, L.; Qu, S.; Liu, S.; Gu, R. Hregnet: A hierarchical network for large-scale outdoor lidar point cloud registration. In Proceedings of the IEEE/CVF International Conference on Computer Vision, Montreal, BC, Canada, 11–17 October 2021; pp. 16014–16023. [Google Scholar]
  165. Sarode, V.; Dhagat, A.; Srivatsan, R.A.; Zevallos, N.; Lucey, S.; Choset, H. MaskNet: A Fully-Convolutional Network to Estimate Inlier Points. arXiv 2020, arXiv:2010.09185. [Google Scholar] [CrossRef]
  166. Pistilli, F.; Fracastoro, G.; Valsesia, D.; Magli, E. Learning Graph-Convolutional Representations for Point Cloud Denoising. arXiv 2020, arXiv:2007.02578. [Google Scholar] [CrossRef]
  167. Luo, S.; Hu, W. Differentiable Manifold Reconstruction for Point Cloud Denoising. arXiv 2020, arXiv:2007.13551. [Google Scholar] [CrossRef]
  168. Yu, L.; Li, X.; Fu, C.; Cohen-Or, D.; Heng, P. PU-Net: Point Cloud Upsampling Network. arXiv 2018, arXiv:1801.06761. [Google Scholar] [CrossRef]
  169. Wang, Y.; Wu, S.; Huang, H.; Cohen-Or, D.; Sorkine-Hornung, O. Patch-based Progressive 3D Point Set Upsampling. arXiv 2018, arXiv:1811.11286. [Google Scholar] [CrossRef]
  170. Nezhadarya, E.; Taghavi, E.; Liu, B.; Luo, J. Adaptive Hierarchical Down-Sampling for Point Cloud Classification. arXiv 2019, arXiv:1904.08506. [Google Scholar] [CrossRef]
  171. Lang, I.; Manor, A.; Avidan, S. SampleNet: Differentiable Point Cloud Sampling. arXiv 2019, arXiv:1912.03663. [Google Scholar] [CrossRef]
  172. Zaman, A.; Yangyu, F.; Ayub, M.S.; Irfan, M.; Guoyun, L.; Shiya, L. CMDGAT: Knowledge extraction and retention based continual graph attention network for point cloud registration. Expert Syst. Appl. 2023, 214, 119098. [Google Scholar] [CrossRef]
  173. Zhang, Z.; Li, T.; Tang, X.; Lei, X.; Peng, Y. Introducing Improved Transformer to Land Cover Classification Using Multispectral LiDAR Point Clouds. Remote Sens. 2022, 14, 3808. [Google Scholar] [CrossRef]
  174. Huang, X.; Li, S.; Zuo, Y.; Fang, Y.; Zhang, J.; Zhao, X. Unsupervised point cloud registration by learning unified gaussian mixture models. IEEE Robot. Autom. Lett. 2022, 7, 7028–7035. [Google Scholar] [CrossRef]
  175. Zhao, Y.; Fan, L. Review on Deep Learning Algorithms and Benchmark Datasets for Pairwise Global Point Cloud Registration. Remote Sens. 2023, 15, 2060. [Google Scholar] [CrossRef]
  176. Shi, C.; Chen, X.; Huang, K.; Xiao, J.; Lu, H.; Stachniss, C. Keypoint matching for point cloud registration using multiplex dynamic graph attention networks. IEEE Robot. Autom. Lett. 2021, 6, 8221–8228. [Google Scholar] [CrossRef]
  177. Wu, Y.; Zhang, Y.; Fan, X.; Gong, M.; Miao, Q.; Ma, W. Inenet: Inliers estimation network with similarity learning for partial overlapping registration. IEEE Trans. Circuits Syst. Video Technol. 2022, 33, 1413–1426. [Google Scholar] [CrossRef]
  178. Wu, Y.; Zhang, Y.; Ma, W.; Gong, M.; Fan, X.; Zhang, M.; Qin, A.; Miao, Q. RORNet: Partial-to-partial registration network with reliable overlapping representations. IEEE Trans. Neural Netw. Learn. Syst. 2023. [Google Scholar] [CrossRef] [PubMed]
  179. Chen, C.; Wu, Y.; Dai, Q.; Zhou, H.Y.; Xu, M.; Yang, S.; Han, X.; Yu, Y. A survey on graph neural networks and graph transformers in computer vision: A task-oriented perspective. arXiv 2022, arXiv:2209.13232. [Google Scholar]
  180. Simonovsky, M.; Komodakis, N. Dynamic edge-conditioned filters in convolutional neural networks on graphs. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Honolulu, HI, USA, 21–26 June 2017; pp. 3693–3702. [Google Scholar]
  181. Mou, C.; Zhang, J.; Wu, Z. Dynamic attentive graph learning for image restoration. In Proceedings of the IEEE/CVF International Conference on Computer Vision, New Orleans, LA, USA, 18–24 June 2021; pp. 4328–4337. [Google Scholar]
  182. Luo, S.; Hu, W. Score-based point cloud denoising. In Proceedings of the IEEE/CVF International Conference on Computer Vision, Montreal, BC, Canada, 11–17 October 2021; pp. 4583–4592. [Google Scholar]
  183. Chen, H.; Wei, Z.; Li, X.; Xu, Y.; Wei, M.; Wang, J. Repcd-net: Feature-aware recurrent point cloud denoising network. Int. J. Comput. Vis. 2022, 130, 615–629. [Google Scholar] [CrossRef]
  184. Wang, Y.; Sun, Y.; Liu, Z.; Sarma, S.E.; Bronstein, M.M.; Solomon, J.M. Dynamic graph cnn for learning on point clouds. ACM Trans. Graph. (TOG) 2019, 38, 1–12. [Google Scholar] [CrossRef]
  185. Chen, H.; Luo, S.; Gao, X.; Hu, W. Unsupervised learning of geometric sampling invariant representations for 3d point clouds. In Proceedings of the IEEE/CVF International Conference on Computer Vision, Montreal, BC, Canada, 11–17 October 2021; pp. 893–903. [Google Scholar]
  186. Zhou, L.; Sun, G.; Li, Y.; Li, W.; Su, Z. Point cloud denoising review: From classical to deep learning-based approaches. Graph. Model. 2022, 121, 101140. [Google Scholar] [CrossRef]
  187. Liu, W.; Sun, J.; Li, W.; Hu, T.; Wang, P. Deep learning on point clouds and its application: A survey. Sensors 2019, 19, 4188. [Google Scholar] [CrossRef]
  188. Yin, T.; Zhou, X.; Krähenbühl, P. Multimodal virtual point 3d detection. Adv. Neural Inf. Process. Syst. 2021, 34, 16494–16507. [Google Scholar]
  189. Xu, Q.; Zhou, Y.; Wang, W.; Qi, C.R.; Anguelov, D. Spg: Unsupervised domain adaptation for 3d object detection via semantic point generation. In Proceedings of the IEEE/CVF International Conference on Computer Vision, Montreal, BC, Canada, 11–17 October 2021; pp. 15446–15456. [Google Scholar]
  190. Xiang, P.; Wen, X.; Liu, Y.S.; Cao, Y.P.; Wan, P.; Zheng, W.; Han, Z. Snowflakenet: Point cloud completion by snowflake point deconvolution with skip-transformer. In Proceedings of the IEEE/CVF International Conference on Computer Vision, Montreal, BC, Canada, 11–17 October 2021; pp. 5499–5509. [Google Scholar]
  191. Li, R.; Li, X.; Fu, C.W.; Cohen-Or, D.; Heng, P.A. Pu-gan: A point cloud upsampling adversarial network. In Proceedings of the IEEE/CVF International Conference on Computer Vision, Seoul, Republic of Korea, 27 October–2 November 2019; pp. 7203–7212. [Google Scholar]
  192. Wang, X.; Ang, M.H., Jr.; Lee, G.H. Cascaded refinement network for point cloud completion. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Seattle, WA, USA, 13–19 June 2020; pp. 790–799. [Google Scholar]
  193. Lang, I.; Manor, A.; Avidan, S. Samplenet: Differentiable point cloud sampling. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Seattle, WA, USA, 13–19 June 2020; pp. 7578–7588. [Google Scholar]
  194. Chen, C.; Chen, Z.; Zhang, J.; Tao, D. Sasa: Semantics-augmented set abstraction for point-based 3d object detection. In Proceedings of the AAAI Conference on Artificial Intelligence, Vancouver, BC, Canada, 22 February–1 March 2022; Volume 36, pp. 221–229. [Google Scholar]
  195. Cui, B.; Tao, W.; Zhao, H. High-precision 3D reconstruction for small-to-medium-sized objects utilizing line-structured light scanning: A review. Remote Sens. 2021, 13, 4457. [Google Scholar] [CrossRef]
  196. Liu, K.; Gao, Z.; Lin, F.; Chen, B.M. Fg-net: A fast and accurate framework for large-scale lidar point cloud understanding. IEEE Trans. Cybern. 2022, 53, 553–564. [Google Scholar] [CrossRef]
  197. Liu, K.; Gao, Z.; Lin, F.; Chen, B.M. Fg-net: Fast large-scale lidar point clouds understanding network leveraging correlated feature mining and geometric-aware modelling. arXiv 2020, arXiv:2012.09439. [Google Scholar]
  198. Wang, Y.; Yan, C.; Feng, Y.; Du, S.; Dai, Q.; Gao, Y. Storm: Structure-based overlap matching for partial point cloud registration. IEEE Trans. Pattern Anal. Mach. Intell. 2022, 45, 1135–1149. [Google Scholar] [CrossRef] [PubMed]
  199. Yang, L.; Shrestha, R.; Li, W.; Liu, S.; Zhang, G.; Cui, Z.; Tan, P. Scenesqueezer: Learning to compress scene for camera relocalization. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, New Orleans, LA, USA, 18–24 June 2022; pp. 8259–8268. [Google Scholar]
  200. Wang, T.; Yuan, L.; Chen, Y.; Feng, J.; Yan, S. Pnp-detr: Towards efficient visual analysis with transformers. In Proceedings of the IEEE/CVF International Conference on Computer Vision, Montreal, BC, Canada, 11–17 October 2021; pp. 4661–4670. [Google Scholar]
  201. Zhu, M.; Ghaffari, M.; Peng, H. Correspondence-free point cloud registration with SO (3)-equivariant implicit shape representations. In Proceedings of the Conference on Robot Learning, Auckland, NZ, USA, 14–18 December 2022; pp. 1412–1422. [Google Scholar]
  202. Wang, H.; Pang, J.; Lodhi, M.A.; Tian, Y.; Tian, D. Festa: Flow estimation via spatial-temporal attention for scene point clouds. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Nashville, TN, USA, 20–25 June 2021; pp. 14173–14182. [Google Scholar]
  203. Lv, C.; Lin, W.; Zhao, B. Approximate intrinsic voxel structure for point cloud simplification. IEEE Trans. Image Process. 2021, 30, 7241–7255. [Google Scholar] [CrossRef] [PubMed]
  204. Yang, P.; Snoek, C.G.; Asano, Y.M. Self-Ordering Point Clouds. In Proceedings of the IEEE/CVF International Conference on Computer Vision, Paris, France, 2–6 October 2023; pp. 15813–15822. [Google Scholar]
  205. Yuan, W.; Khot, T.; Held, D.; Mertz, C.; Hebert, M. Pcn: Point completion network. In Proceedings of the 2018 International Conference on 3D Vision (3DV), Verona, Italy, 5–8 September 2018; IEEE: Piscataway, NJ, USA, 2018; pp. 728–737. [Google Scholar]
  206. Zamanakos, G.; Tsochatzidis, L.; Amanatiadis, A.; Pratikakis, I. A comprehensive survey of LIDAR-based 3D object detection methods with deep learning for autonomous driving. Comput. Graph. 2021, 99, 153–181. [Google Scholar] [CrossRef]
  207. Chen, X.; Chen, B.; Mitra, N.J. Unpaired point cloud completion on real scans using adversarial training. arXiv 2019, arXiv:1904.00069. [Google Scholar]
  208. Achituve, I.; Maron, H.; Chechik, G. Self-supervised learning for domain adaptation on point clouds. In Proceedings of the IEEE/CVF Winter Conference on Applications of Computer Vision, Virtual, 5–9 January 2021; pp. 123–133. [Google Scholar]
  209. Liu, M.; Sheng, L.; Yang, S.; Shao, J.; Hu, S.M. Morphing and sampling network for dense point cloud completion. In Proceedings of the AAAI Conference on Artificial Intelligence, New York, NY, USA, 7–12 February 2020; Volume 34, pp. 11596–11603. [Google Scholar]
  210. Zhou, L.; Du, Y.; Wu, J. 3d shape generation and completion through point-voxel diffusion. In Proceedings of the IEEE/CVF International Conference on Computer Vision, Montreal, BC, Canada, 11–17 October 2021; pp. 5826–5835. [Google Scholar]
  211. Xie, H.; Yao, H.; Zhou, S.; Mao, J.; Zhang, S.; Sun, W. Grnet: Gridding residual network for dense point cloud completion. In Proceedings of the European Conference on Computer Vision, Glasgow, UK, 23–28 August 2020; Springer: Berlin/Heidelberg, Germany, 2020; pp. 365–381. [Google Scholar]
  212. Pan, L.; Chen, X.; Cai, Z.; Zhang, J.; Zhao, H.; Yi, S.; Liu, Z. Variational relational point completion network. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Nashville, TN, USA, 20–25 June 2021; pp. 8524–8533. [Google Scholar]
  213. Zhang, J.; Chen, X.; Cai, Z.; Pan, L.; Zhao, H.; Yi, S.; Yeo, C.K.; Dai, B.; Loy, C.C. Unsupervised 3d shape completion through gan inversion. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Nashville, TN, USA, 20–25 June 2021; pp. 1768–1777. [Google Scholar]
  214. Huang, Z.; Yu, Y.; Xu, J.; Ni, F.; Le, X. Pf-net: Point fractal network for 3d point cloud completion. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Seattle, WA, USA, 13–19 June 2020; pp. 7662–7670. [Google Scholar]
  215. Fei, B.; Yang, W.; Chen, W.M.; Li, Z.; Li, Y.; Ma, T.; Hu, X.; Ma, L. Comprehensive review of deep learning-based 3d point cloud completion processing and analysis. IEEE Trans. Intell. Transp. Syst. 2022, 23, 22862–22883. [Google Scholar] [CrossRef]
  216. Yan, X.; Lin, L.; Mitra, N.J.; Lischinski, D.; Cohen-Or, D.; Huang, H. Shapeformer: Transformer-based shape completion via sparse representation. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, New Orleans, LA, USA, 18–24 June 2022; pp. 6239–6249. [Google Scholar]
  217. Zhou, H.; Cao, Y.; Chu, W.; Zhu, J.; Lu, T.; Tai, Y.; Wang, C. Seedformer: Patch seeds based point cloud completion with upsample transformer. In Proceedings of the European Conference on Computer Vision, Tel Aviv, Israel, 23–27 October 2022; Springer: Berlin/Heidelberg, Germany, 2022; pp. 416–432. [Google Scholar]
Figure 1. The 3D data representations of the Stanford Bunny [33] model: point cloud (left), voxels (middle), and 3D mesh (right) [34].
Figure 1. The 3D data representations of the Stanford Bunny [33] model: point cloud (left), voxels (middle), and 3D mesh (right) [34].
Entropy 26 00235 g001
Figure 2. RBG-D reconstruction and semantic annotation framework of ScanNet [39] dataset.
Figure 2. RBG-D reconstruction and semantic annotation framework of ScanNet [39] dataset.
Entropy 26 00235 g002
Figure 3. System structure of PointOutNet [9] model.
Figure 3. System structure of PointOutNet [9] model.
Entropy 26 00235 g003
Figure 4. Pipeline of pseudo-renderer [12] model.
Figure 4. Pipeline of pseudo-renderer [12] model.
Entropy 26 00235 g004
Figure 5. Network architecture of RealPoint3D [13] model.
Figure 5. Network architecture of RealPoint3D [13] model.
Entropy 26 00235 g005
Figure 6. Overview of cycle-consistency-based approach [15].
Figure 6. Overview of cycle-consistency-based approach [15].
Entropy 26 00235 g006
Figure 7. Network architecture of GenRe [20] model.
Figure 7. Network architecture of GenRe [20] model.
Entropy 26 00235 g007
Figure 8. Network architecture of MarrNet [21] model.
Figure 8. Network architecture of MarrNet [21] model.
Entropy 26 00235 g008
Figure 9. Network architecture of Perspective Transformer Nets [23] model.
Figure 9. Network architecture of Perspective Transformer Nets [23] model.
Entropy 26 00235 g009
Figure 10. Proposed methods for reconstructing pose-aware 3D voxelised shapes: p-TL (parts 1 and 3) and p-3D-VAE-GAN (parts 2 and 3) [24] models.
Figure 10. Proposed methods for reconstructing pose-aware 3D voxelised shapes: p-TL (parts 1 and 3) and p-3D-VAE-GAN (parts 2 and 3) [24] models.
Entropy 26 00235 g010
Figure 11. The generator in 3D-GAN [27] model.
Figure 11. The generator in 3D-GAN [27] model.
Entropy 26 00235 g011
Figure 12. Pipeline for single-image 3D reconstruction [35].
Figure 12. Pipeline for single-image 3D reconstruction [35].
Entropy 26 00235 g012
Figure 13. Main network structure of Residual MeshNet [36].
Figure 13. Main network structure of Residual MeshNet [36].
Entropy 26 00235 g013
Figure 14. Cascaded mesh deformation network [37].
Figure 14. Cascaded mesh deformation network [37].
Entropy 26 00235 g014
Figure 15. Pipeline of 3D reconstruction using CoReNet [38].
Figure 15. Pipeline of 3D reconstruction using CoReNet [38].
Entropy 26 00235 g015
Figure 16. Proposed framework of unsupervised learning of 3D structure from images [18].
Figure 16. Proposed framework of unsupervised learning of 3D structure from images [18].
Entropy 26 00235 g016
Figure 17. Proposed framework of Pix2Vox++ network [30].
Figure 17. Proposed framework of Pix2Vox++ network [30].
Entropy 26 00235 g017
Figure 18. An overview of the 3D-R2N2 network [11].
Figure 18. An overview of the 3D-R2N2 network [11].
Entropy 26 00235 g018
Figure 19. An overview of the shape-learning approach [32].
Figure 19. An overview of the shape-learning approach [32].
Entropy 26 00235 g019
Figure 20. An overview of the RPM-Net network [139].
Figure 20. An overview of the RPM-Net network [139].
Entropy 26 00235 g020
Figure 21. The architecture of DeepICP [140].
Figure 21. The architecture of DeepICP [140].
Entropy 26 00235 g021
Figure 22. Proposed pipeline for 3D multi-view registration [145].
Figure 22. Proposed pipeline for 3D multi-view registration [145].
Entropy 26 00235 g022
Figure 23. Architecture of MaskNet [165].
Figure 23. Architecture of MaskNet [165].
Entropy 26 00235 g023
Figure 24. Illustration of the proposed DMR network [167].
Figure 24. Illustration of the proposed DMR network [167].
Entropy 26 00235 g024
Figure 25. Architecture of PU-Net [168].
Figure 25. Architecture of PU-Net [168].
Entropy 26 00235 g025
Figure 26. Overview of MPU with 3 levels of detail [169].
Figure 26. Overview of MPU with 3 levels of detail [169].
Entropy 26 00235 g026
Figure 27. General overview of CP-Net [170].
Figure 27. General overview of CP-Net [170].
Entropy 26 00235 g027
Figure 28. Training of the proposed sampling method [171].
Figure 28. Training of the proposed sampling method [171].
Entropy 26 00235 g028
Figure 29. Architecture of PCN [205].
Figure 29. Architecture of PCN [205].
Entropy 26 00235 g029
Figure 30. Architecture of MSN [209].
Figure 30. Architecture of MSN [209].
Entropy 26 00235 g030
Figure 31. Architecture of PF-Net [214].
Figure 31. Architecture of PF-Net [214].
Entropy 26 00235 g031
Figure 32. Overview of GRNet [211].
Figure 32. Overview of GRNet [211].
Entropy 26 00235 g032
Figure 33. Overview of SnowflakeNet [190].
Figure 33. Overview of SnowflakeNet [190].
Entropy 26 00235 g033
Table 1. 3D reconstruction models using point cloud data representation.
Table 1. 3D reconstruction models using point cloud data representation.
ModelDatasetData
Representation
PointOutNet [9]ShapeNet [10],
3D-R2N2 [11]
Point Cloud
Pseudo-renderer [12]ShapeNet [10]Point Cloud
RealPoint3D [13]ShapeNet [10],
ObjectNet3D [14]
Point Cloud
Cycle-consistency-based
approach [15]
ShapeNet [10],
Pix3D [16]
Point Cloud
3D34D [17]ShapeNet [10]Point Cloud
Unsupervised learning
of 3D structure [18]
ShapeNet [10],
MNIST3D [19]
Point Cloud
Table 2. 3D reconstruction models using voxel data representation.
Table 2. 3D reconstruction models using voxel data representation.
ModelsDatasetData
Representation
GenRe [20]ShapeNet [10],
Pix3D [16]
Voxels
MarrNet [21]ShapeNet [10],
PASCAL3D+ [22]
Voxels
Perspective Transformer
Nets [23]
ShapeNet [10]Voxels
Rethinking reprojection [24]ShapeNet [10],
PASCAL3D+ [22],
SUN [25],
MS COCO [26]
Voxels
3D-GAN [27]ModelNet [28],
IKEA [29]
Voxels
Pix2Vox++ [30]ShapeNet [10],
Pix3D [16],
Things3D [30]
Voxels
3D-R2N2 [11]ShapeNet [10],
PASCAL3D+ [22],
MVS CAD 3D [11]
Voxels
Weak recon [31]ShapeNet [10],
ObjectNet3D [14]
Voxels
Relative viewpoint
estimation [32]
ShapeNet [10],
Pix3D [16],
Things3D [30]
Voxels
Table 4. Benchmarking datasets included in this survey.
Table 4. Benchmarking datasets included in this survey.
DatasetsNumber of FramesNumber of LabelsObject Type5 Common Classes
ModelNet [28]151,1286603D
CAD
Scans
Bed,
Chair,
Desk,
Sofa,
Table
PASCAL3D+ [22]30,899123D
CAD
Scans
Boat,
Bus,
Car,
Chair,
Sofa
ShapeNet [10]220,0003135     Scans of Artefact, Plant, PersonTable,
Car,
Chair,
Sofa,
Rifle
ObjectNet3D [14]90,127100     Scans of Artifact, VehiclesBed,
Car,
Door,
Fan,
Key
ScanNet [39]2,492,5181513   Scans of Bedrooms, Kitchens, OfficesBed,
Chair,
Door,
Desk,
Floor
Table 5. Single-view 3D reconstruction models reviewed in this study.
Table 5. Single-view 3D reconstruction models reviewed in this study.
Nr.ModelDatasetData
Representation
1PointOutNet [9]ShapeNet [10],
3D-R2N2 [11]
Point Cloud
2Pseudo-renderer [12]ShapeNet [10]Point Cloud
3RealPoint3D [13]ShapeNet [10],
ObjectNet3D [14]
Point Cloud
4Cycle-
consistency-based [15]
approach
ShapeNet [10],
Pix3D [16]
Point Cloud
5GenRe [20]ShapeNet [10],
Pix3D [16]
Voxels
6MarrNet [21]ShapeNet [10],
PASCAL3D+ [22]
Voxels
7Perspective
Transformer [23]
Nets
ShapeNet [10]Voxels
8Rethinking
reprojection
ShapeNet [10],
PASCAL3D+ [22],
SUN [25],
MS COCO [26]
Voxels
93D-GAN [24]ModelNet [28],
IKEA [29]
Voxels
10Neural
renderer [35]
ShapeNet [10]Meshes
11Residual
MeshNet [36]
ShapeNet [10]Meshes
12Pixel2Mesh [37]ShapeNet [10]Meshes
13CoReNet [38]ShapeNet [10]Meshes
Table 6. Advantages and limitations of single-view 3D reconstruction models.
Table 6. Advantages and limitations of single-view 3D reconstruction models.
ModelAdvantagesLimitations
PointOutNet [9]Introduces the chamfer distance loss, which
is invariant to the permutation of points
and is adopted by many other
models as a regulariser.
Utilises less memory, but since they lack
connection information, they need extensive
postprocessing.
Pseudo-renderer [12]Uses 2D supervision in addition to 3D
supervision to obtain multiple projection
images from various viewpoints of the
generated 3D shape for optimisation.
Predicts denser, more accurate point clouds
but is limited to the amount of points that point
cloud-based representations can accommodate.
RealPoint3D [13]Attempts to recreate 3D models from
nature photographs with complicated
backgrounds.
Needs an encoder to extract the input image’s 2D
features and input point cloud data’s 3D features.
Cycle-
consistency-based
approach [15]
Uses a differentiable renderer to infer a
3D shape without using ground truth
3D annotation.
Cycle consistency produces deformed body
structure or out-of-view images if it is unaware
of the previous distribution of the 3D features,
which interferes with the training process.
GenRe [20]Can rebuild 3D objects with resolutions
of up to 128 × 128 × 128 and more detailed
reconstruction outcomes.
Higher resolutions have been used by this model
at the expense of sluggish training or lossy 2D
projections, as well as small training batches.
MarrNet [21]Avoids modelling item appearance
differences within the original image by
generating 2.5D drawings from it.
Relies on 3D supervision which is only available
for restricted classes or in a synthetic setting.
Perspective
Transformer
Nets [23]
Learns 3D volumetric representations
from 2D observations based on principles
of projective geometry.
Struggles to produce images that are consistent
across several views as the underlying 3D scene
structure cannot be utilised.
Rethinking
reprojection [24]
Decoupling shape and posture lowers the
number of free parameters in the network,
increasing efficiency.
Assumes that the scene or object to be registered
is either non-deformable or generally static.
3D-GAN [27]Generative component aims to map a
latent space to a distribution of intricate
3D shapes.
GAN training is notoriously unreliable.
Neural
renderer [35]
Objects are trained in canonical pose.This mesh renderer modifies geometry and colour
in response to a target image.
Residual
MeshNet [36]
Reconstructing 3D meshes using MLPs
in a cascaded hierarchical fashion.
Produces mesh automatically during the finite
element method (FEM) computation process, although 
it does not save time increasing computing productivity.
Pixel2Mesh [37]Extracts perceptual features from the input
image and gradually deforms an ellipsoid in
order to obtain the output geometry.
Several perspectives of the target object or scene are
not included in the training data for 3D shape
reconstruction, as in real-world scenarios.
CoReNet [38]Reconstructs the shape and semantic class
of many objects directly in a 3D volumetric
grid using a single RGB image.
Training on synthetic representations restricts
their practicality in real-world situations.
Table 7. Multiple-view 3D reconstruction models reviewed in this study.
Table 7. Multiple-view 3D reconstruction models reviewed in this study.
Nr.ModelDatasetData
Representation
13D34D [17]ShapeNet [10]Point Cloud
2Unsupervised
learning
of 3D structure [18]
ShapeNet [10],
MNIST3D [19]
Point Cloud
3Pix2Vox++ [30]ShapeNet [10],
Pix3D [16],
Things3D [30]
Voxels
43D-R2N2 [11]ShapeNet [10],
PASCAL3D+ [22],
MVS CAD 3D [11]
Voxels
5Weak recon [31]ShapeNet [10],
ObjectNet3D [14]
Voxels
6Relative
viewpoint
estimation [32]
ShapeNet [10],
Pix3D [16],
Things3D [30]
Voxels
Table 8. Advantages and limitations of multi-view 3D reconstruction models.
Table 8. Advantages and limitations of multi-view 3D reconstruction models.
ModelAdvantagesLimitations
3D34D [17]Obtains a more expressive intermediate
shape representation by locally assigning
features and 3D points.
Performs admirably on synthetic objects
rendered with a clear background, but not
on actual photos, novel categories, or more
intricate object geometries.
Unsupervised
learning of
3D structures [18]
Optimises 3D representations to provide
realistic 2D images from all randomly
sampled views.
Only basic and coarse shapes can be reconstructed.
Pix2Vox++ [30]Generates a coarse volume for each
input image.
Because of memory limitations, the model’s cubic
complexity in space results in coarse discretisations.
3D-R2N2 [11]Converts RGB image partial inputs into a
latent vector, which is then used to predict
the complete volumetric shape using
previously learned priors.
Only works with coarse 64 × 64 × 64 grids.
Weak recon [31]Alternative to costly 3D CAD annotation,
and proposes using lower-cost 2D
supervision.
Reconstructions are hampered by this weakly
supervised environment.
Relative
viewpoint
estimation [32]
Predicts a transformation that optimally
matches the bottleneck features of two
input images during testing.
It can only predict posture for instances of a single
item and does not extend to the category level.
Table 9. 3D registration models reviewed in this study.
Table 9. 3D registration models reviewed in this study.
Nr.ModelDatasetData
Representation
1CPD [136]Stanford Bunny [33]Meshes
2PSR-SDP [137]TUM RGB-D [138]Point Cloud
3RPM-Net [139]ModelNet [28]Meshes
4DeepICP [140]KITTI [141],
SouthBay [142]
Point Cloud,
Voxels
53D-SmoothNet [143]3DMatch [144]Point Cloud,
Voxels
63D multi-view
registration [145]
3DMatch [144],
Redwood [146],
ScanNet [39]
Point Cloud
Table 10. Advantages and limitations of 3D registration models.
Table 10. Advantages and limitations of 3D registration models.
ModelAdvantagesLimitations
CPD [136]Considers the alignment as a probability
density estimation problem, where one
point cloud set represents the Gaussian
mixture model centroids, and the other
represents the data points.
While GMM-based methods might increase
resilience against outliers and bad
initialisations, local search remains the
foundation of the optimisation.
PSR-SDP [137]Allows for verifying the global optimality
of a local minimiser in a significantly
faster manner.
Provides poor estimates even in the presence
of a single outlier because it assumes that all
measurements are inliers.
RPM-Net [139]Able to solve the partial visibility of the
point cloud and obtain a soft assignment
of point correspondences.
Computational efficacy increases as the
number of points in the point clouds increases.
DeepICP [140]By creating a connection using the point
cloud’s learned attributes, this study
improved the conventional ICP algorithm
using the neural network technique.
Takes a lot of computing effort to combine
deep learning with ICP directly.
3DSmoothNet [143]First learned, universal matching method
that allows transferring trained models
between modalities.
290 times slower than FCGF [162] model.
3D multi-view
registration [145]
First end-to-end algorithm for joint
learning of both stages of the registration
problem.
A lot of training data are required.
Table 11. 3D augmentation models reviewed in this study.
Table 11. 3D augmentation models reviewed in this study.
Nr.ModelDatasetData
Representation
1MaskNet [165]S3DIS [3],
3DMatch [144],
ModelNet [28]
Point Cloud
2GPDNet [166]ShapeNet [10]Point Cloud
3DMR [167]ModelNet [28]Point Cloud
4PU-Net [168]ModelNet [28],
ShapeNet [10]
Point Cloud
5MPU [169]ModelNet [28],
MNIST-CP [19]
Point Cloud
6CP-Net [170]ModelNet [28]Point Cloud
7SampleNet [171]ModelNet [28],
ShapeNet [10]
Point Cloud
Table 12. Advantages and limitations of 3D augmentation models.
Table 12. Advantages and limitations of 3D augmentation models.
ModelAdvantagesLimitations
MaskNet [165]Rejects noise in even partial clouds in a
rather computationally inexpensive
manner.
Requires the input of both a partial and
complete point cloud.
GDPNet [166]Deals with the permutation-invariance
problem and builds hierarchies of local
or non-local features to effectively
address the denoising problem.
The point clouds’ geometric characteristics
are often oversmoothed.
DMR [167]Patch manifold reconstruction (PMR)
upsampling technique is straightforward
and efficient.
Downsampling step invariably results in detail
loss, especially at low noise levels, and could also
oversmooth by removing some useful information.
PU-Net [168]Both reconstruction loss and repulsion
loss are jointly utilised to improve the
quality of the output.
Only learns spatial relationships at a single level
of multi-step point cloud decoding via self-attention.
MPU [169]Trained end-to-end on high-resolution
point clouds and emphasises a certain
level of detail by altering the spatial
span of the receptive field in various steps.
Cannot be used for completion tasks and is restricted
to upsampling sparse locations.
CP-Net [170]Final representations typically retain
crucial points that take up a significant
number of channels.
Potential loss of information due to the
down-sampling process.
SampleNet [171]Sampling procedure for the representative
point cloud classification problem becomes
differentiable, allowing for end-to-end
optimisation.
Fails to attain a satisfactory equilibrium between
maintaining geometric features and uniform density.
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Vinodkumar, P.K.; Karabulut, D.; Avots, E.; Ozcinar, C.; Anbarjafari, G. Deep Learning for 3D Reconstruction, Augmentation, and Registration: A Review Paper. Entropy 2024, 26, 235. https://doi.org/10.3390/e26030235

AMA Style

Vinodkumar PK, Karabulut D, Avots E, Ozcinar C, Anbarjafari G. Deep Learning for 3D Reconstruction, Augmentation, and Registration: A Review Paper. Entropy. 2024; 26(3):235. https://doi.org/10.3390/e26030235

Chicago/Turabian Style

Vinodkumar, Prasoon Kumar, Dogus Karabulut, Egils Avots, Cagri Ozcinar, and Gholamreza Anbarjafari. 2024. "Deep Learning for 3D Reconstruction, Augmentation, and Registration: A Review Paper" Entropy 26, no. 3: 235. https://doi.org/10.3390/e26030235

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