Next Article in Journal
High Spatiotemporal Resolution Mapping of Surface Water in the Southwest Poyang Lake and Its Responses to Climate Oscillations
Next Article in Special Issue
Accurate and Efficient Intracranial Hemorrhage Detection and Subtype Classification in 3D CT Scans with Convolutional and Long Short-Term Memory Neural Networks
Previous Article in Journal
Microsensor Electrodes for 3D Inline Process Monitoring in Multiphase Microreactors
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Letter

3DMGNet: 3D Model Generation Network Based on Multi-Modal Data Constraints and Multi-Level Feature Fusion

1
Shenyang Institute of Automation, Chinese Academy of Sciences, Shenyang 110016, China
2
Key Laboratory of Opto-Electronic Information Processing, Chinese Academy of Sciences, Shenyang 110016, China
3
Key Laboratory of Image Understanding and Computer Vision, Liaoning Province, Shenyang 110016, China
4
School of Information Science and Engineering, Shenyang Ligong University, Shenyang 110159, China
5
College of Information Science and Engineering, Northeastern University, Shenyang 110819, China
6
Key Lab of 3D Information Acquisition and Application, MOE, and College of Resource Environment and Tourism, Capital Normal University, Beijing 100048, China
*
Author to whom correspondence should be addressed.
These three authors are co-first authors.
Sensors 2020, 20(17), 4875; https://doi.org/10.3390/s20174875
Submission received: 20 July 2020 / Revised: 16 August 2020 / Accepted: 26 August 2020 / Published: 28 August 2020
(This article belongs to the Special Issue Sensors and Computer Vision Techniques for 3D Object Modeling)

Abstract

:
Due to the limitation of less information in a single image, it is very difficult to generate a high-precision 3D model based on the image. There are some problems in the generation of 3D voxel models, e.g., the information loss at the upper level of a network. To solve these problems, we design a 3D model generation network based on multi-modal data constraints and multi-level feature fusion, named as 3DMGNet. Moreover, 3DMGNet is trained by self-supervised method to achieve 3D voxel model generation from an image. The image feature extraction network (2DNet) and 3D feature extraction network (3D auxiliary network) are used to extract the features of the image and 3D voxel model. Then, feature fusion is used to integrate the low-level features into the high-level features in the 3D auxiliary network. To extract more effective features, each layer of the feature map in feature extraction network is processed by an attention network. Finally, the extracted features generate 3D models by a 3D deconvolution network. The feature extraction of 3D model and the generation of voxelization play an auxiliary role in the training of the whole network for the 3D model generation based on an image. Additionally, a multi-view contour constraint method is proposed, to enhance the effect of the 3D model generation. In the experiment, the ShapeNet dataset is adapted to prove the effect of the 3DMGNet, which verifies the robust performance of the proposed method.

1. Introduction

Generating the 3D digital model of object from an image by 3D reconstruction method is a challenging problem in the fields of computer vision and computer graphics. Rapid and automatic 3D model generation is the basis and an important part in the applications of digital city, virtual reality [1], and process simulation, etc. Particularly, the efficient generation of 3D models based on images can greatly reduce the workload of designers/users, and increase the real-time ability of human-computer interaction. Thus, it is of great significance for virtual reality and software design to quickly generate the corresponding 3D model according from an image captured by the mobile devices.
The core of 3D model generation is the discriminativeness of the extracted features, which determines the accuracy of 3D model generation. At present, deep learning-based 3D model generation has achieved robust performance, e.g., ShapeNet [2], PrGan [3], Pixel2mesh [4], ICV [5], PGGAN [6], and 3D-VAE [7]. These methods obtain a feature vector to represent the 3D model of the object through the coding of convolution network or manual design, and the feature vector generates a 3D model of the object. Many networks for 3D object generation models generally adapt 3D convolutions, composed of some extended 2D convolutions, to construct 3D feature extraction networks (e.g., 3DCNN [8]). For example, the TL-Net [9] leverages the 2DCNN and the 3DCNN to encode the image and 3D voxel model to a same latent space, respectively. Then the feature of the image is decoded to generate the 3D model. Although convolution neural network has made many excellent achievements in image processing, such as VGG [10], ResNet [11], and GoogleNet [12], the feature extraction of 3D model still faces some challenges. Recently, the commonly used 3D feature extraction network adopts coarse-to-fine feature extraction method in the process of the 3D model. The high-level network layer obtains highly abstract information, but loses the original details of the 3D model. Thus, the feature information becomes one of the factors, which affects the 3D model generation accuracy. To solve the above problems, Tchapmi et al. [13] propose the Segcloud network, in which the fine pixel set segmentation is obtained by adding a network of residual module. Inspired by the above idea, we propose a multi-level feature fusion method for robust 3D model feature extraction and representation. The backbone of our network is an extended version of autoencoder [14]. To make full use of the features in the lower and upper layers of the network, the feature extraction part of the network is improved by introducing a residual module. The residual module is the key design of the residual network [11]. In this research, the residual module is sandwiched between two convolutional operations. As a bridge between high-level features and low-level features, the information of the feature map near the input layer is integrated into subsequent high-level feature maps, to improve the robustness of the final 3D voxel model features.
In order to reduce the redundancy and enhance the effectiveness of the feature generated by the feature fusion, we introduce the attention mechanism, based on the SeNet [15], which is a channel-wise attention method. For an image feature, the feature of each channel is multiplied by the weight to suppress the features of the unimportant channels and enhance the features of the important channels. Finally, the quality of features is improved. We apply this module to our 3DMGNet to deal with the features of each layer, which can strengthen the expression of effective feature information extracted by the 3D model and reduce the redundant feature information, to ultimately enhance the robustness of the 3D voxel model features.
Similar to the TL-Net [9], the proposed method adopts the idea of constraint modeling, which trains the network through data consistency constraints and feature constraints. The difference from the TL-Net is that, we improve the image feature extraction network and the 3D auxiliary network respectively, based on the premise of the constraint modeling idea that the 3D voxel features constrain the image features. Moreover, the loss function is also improved by introducing the way of multi-view contour constraints.
The main contributions of this research are as follows:
(1)
An image feature extraction network is introduced in the 2DNet for the 3D model generation. As shown in Figure 1a, Se-ResNet-101 is implemented to extract image features based on transfer learning method. As shown in Figure 1b, SeNet [15] is embedded into the residual module of the ResNet [11], to construct the basic architecture of the Se-ResNet-101.
(2)
A new 3D voxel model feature extraction network is proposed. For this network, the features of the high-level feature map and the low-level feature map are merged to enhance the quality and robustness of the 3D voxel features, by adding skip connections to the 3D Autoencoder structure. Besides, an attention mechanism is introduced to learn the weights of fusion features in each channel, and enhance the quality of the feature by feature redirection.
(3)
We propose a novel 3D model generation network based on multi-modal data constraints and multi-level feature fusion, i.e., 3DMGNet. Notably, 3DMGNet combines a multi-view contour constraint into the construction of loss function, which improves the effect of the 3D models generation network.

2. Related Works

2.1. Volumetric 3D Modeling

Voxel is a kind of Euclidean structure data representation of 3D data [16]. Similar to the image, the 3D voxel model is composed of a regular grid, which is arranged in the 3D space. The existence or absence of the voxel grid in the 3D space is respectively represented by 1 or 0. Voxelization representation is widely used in 3D modeling tasks and other related 3D vision tasks. For example, VoxelNet [17], VConv-DAE [18], and LightNet [19,20,21].
The generation of 3D voxel models is one of the main research fields in 3D vision. The common characteristic of these networks is that the feature of the image is extracted by the network directly or indirectly, which is further used to reconstruct the 3D voxel model. The network involved in this process is also called encoder-decoder network.
Recently, to solve the problem of 3D voxel model generation, many researchers attempt to train a generation model by deep learning. For instance, Wu et al. [22] proposed the model of ShapeNet, which expresses 3D data in a voxelization form for the first time, and shows the presence or absence of each point in 3D space with a standard grid. The original 3D model of point cloud data or mesh data are easily processed with convolution network by voxelization representation. ShapeNet expands the 2D convolutional network to the 3D space, which provides inspiration for researchers to explore the various vision tasks, including the generation of 3D models. The 3DGAN [7] uses random noise to generate a 3D voxel model. The authors extend the 2D GAN (Generative Adversarial Network) structure to the 3D space. Furthermore, 3DGAN is composed of two parts: a generator network and a discriminator network. The generator network is used to generate a 3D model, and the discriminator network is adapted to determine the difference between the generated 3D model and the real 3D model. This network can generate a high-precision 3D model. However, the GAN is hard to train, which is a challenge for obtaining a robust model. Choy et al. [23] propose a 3D-R2N2 network, which designs the RNN (recurrent neural network) to learn the features of multiple images, to form the potential feature representation of the target object by the view of one or more objects. Lastly, a 3D object voxel model is generated. However, this method will not perform well when reconstructing models with poor texture. PrGAN [3] is proposed to obtain the 3D voxel model and viewpoint information of an object through a 3D up-sampling network with an initialized vector. The contour images are projected on the generated 3D model and the raw 3D model respectively. Finally, a generator is added to distinguish generation contour image from the real contour image. In fact, the authors adapt the idea of GAN [24] to improve the generation effect through data constraints, while Wu et al. [25] learn the geometric information and structural information of objects by two branches of RNN. Geometric information and structural information are composed of two parts: the voxel information of each part in 3D model, and the relationship between bounding boxes of the paired 3D voxel models. For this method, two kinds of information are merged to generate a higher-precision 3D model with more robust features. However, there is currently no guarantee that all generated shapes are of high quality.

2.2. Point Cloud Modeling

Compared with the voxel model, the unordered point cloud has the advantage of high storage efficiency, and can express the fine details of a 3D object, while the point cloud is not easily processed by a convolutional network. There has been much 3D model generation work based on the point cloud. For example, Mandikal et al. [26] propose 3DLMNet, in which a latent space is learnt by an auto-encoder network, and the image is encoded into the space. With the constraints of difference between the feature of the image and the feature of the point cloud, a space vector that can generate an image of a 3D model is obtained. Thus, the latent spatial representation is learnt in a probabilistic way, which can predict multiple 3D models in the image. Similar to the TL-Net [9], this network also adopts a multi-stage training method. Gadelha et al. [27] propose a tree-coding network to process point clouds, which can be combined with its tree-shaped decoding network to generate a 3D point cloud model. However, the proposed tree-coding network needs to represent the 3D model as a set of locality-preserving 1D ordered list. Jiang et al. [28] propose a conditional adversarial loss based single-view 3D modeling network, which is similar to the 3DGAN [7]. Besides, Li et al. [29] also propose the PC-GAN, which is directly extended from the GAN to the generation of 3D point clouds. Mandikal et al. [30] propose the Dense-PCR network, which is a deep pyramid network used for the point cloud reconstruction. A low-resolution point cloud algorithm is proposed, to achieve grid deformation by aggregating local and global point features, to increase the resolution of the grid hierarchically. However, certain predictions have artifacts consisting of a small cluster of points around some regions due to outlier points in the sparse point cloud, which obtains aggregated features in the dense reconstruction.

2.3. Mesh Modeling

The mesh model is a 3D model data representation composed of a series of vertices and triangular patches. Mesh model has its unique topology structure and cannot be easily processed by the convolutional network. Thus, mesh is first converted into spherical parameters or geometric images before the processing of the convolutional network. Some work related to the generation of mesh models are also proposed. For example, Sinha et al. [31] propose the SufNet, in which a geometric image of the mesh model is obtained through a spherical parametric method and corresponding information with the basic mesh, then a network generating the geometric image is designed. Because of the correlation between the geometric image and the raw mesh, the mesh model will be easily generated by the geometric image. However, SufNet can only reconstruct the surface of the rigid object. Pumarola et al. [32] propose a surface generation method of 3D model with geometric perception, which located the 2D mesh on the image through the 2D detection branch to detect the 2D position and confidence map of the mesh. Then, the vertices of each 2D mesh are raised to 3D through the 3D depth branch. The image clues are also used to further improve the quality of 2D detection. Then, the reconstruction branch generates the surface of the 3D model through the perspective projection method. This method can estimate the 3D shape of a non-rigid surface from a single image. Groueix et al. [33] propose AtalsNet inspired by the formal definition of the surface, which verifies that the surface part is similar to the topological space of the Euclidean plane. A shape embedded latent variable of the object is learnt by a method of square mapping to the local surface of the object. Finally, a mesh 3D model of the object is generated through a decoding network, but the AltasNet cannot capture the detailed information well.

3. The Proposed Method

Our network is composed of two parts: 3D auxiliary network and 3D model generation network. The 3D auxiliary network consists of two parts, i.e., 3D convolution and 3D deconvolution, as shown in Figure 2. The 3D model generation network consists of 2DNet and 3D deconvolution. The 2DNet is the image features extraction network. The 3D auxiliary network is responsible for obtaining a robust feature vector representation that represents the 3D model, by reconstructing the 3D model using the labels through the self-supervised learning way. The multi-level feature fusion of traditional 3D feature extraction is processed by 3D convolution. In order to improve the expression ability of the extracted features, we introduce an attention mechanism, which adds the SeNet into 3D convolution. The 3D model generation network is responsible for extracting the features of the image by using transfer learning. The image features are used to generate the 3D model of the object through the 3D up-sampling network (in the 3D auxiliary network). Similar to the GAN [23], the reconstruction accuracy of the 3D auxiliary network is controlled by reconstructing loss function l o s s r e s . A constraint loss function l o s s 2 3 d i s t a n c e is constructed by comparing the L2 distance loss between the image feature in the 3D model generation network and the 3D model feature in the 3D auxiliary network. Additionally, four contour images of the generated voxel model and the original voxel model are selected to construct the multi-view contour loss l c o n t o u r , which designs view consistency constraints to improve the training effect and enhance the performance of the model generation network. Train in stages strategy is adopted to optimize the loss function designed in our network. Considering that the overall performance of the network is affected by the number of parameters and the amount of data, the 2D feature extraction network (2DNet) extracts the features of the image by designing transfer learning.

3.1. Image Feature Extraction

The Se-ResNet-101 network [15] is used in 2DNet to extract the image features. The Se-ResNet-101 is an extended version of ResNet [11], which has 101 layers. As shown in Figure 2, the output features of Se-ResNet-101-C5 layer is input as the feature map before the 2DNet. The 128-channel feature vector is obtained by the global average pooling and two fully connected operation, followed by the Se-ResNet-101-C5 layer. Here, we implemented transfer learning method, i.e., the weights trained on the ImageNet [34], are used as the pre-training model. The 128-channel feature vector is used to generate a 3D model through the 3D deconvolution part of the 3D auxiliary network.

3.2. Self-Supervised Learning and Multi-Level Feature Fusion Network for 3D Reconstruction

In order to solve the problem of the high-level features extracted from the 3D model lacking detailed information, the skip connections [13] are introduced to fuse the different levels of the feature, which simultaneously contain both local and global information of the 3D model.
As shown in Figure 3, the residual module is added in the 3D convolutional part of the 3D auxiliary network. Moreover, the 3D convolutional part consists of the convolution layers and the max-pooling layers. In the 3D convolution network, the three residual layers are designed. Furthermore, the 3D deconvolution network can extract a 128-dimensional feature vector of the 3D model. The 3D deconvolution part consists of Deconv1-Deconv4, which generates the 3D model from intermediate features.
For a network, the feature of the i-th layer is expressed as follow:
F i = R e l u ( i = 1 N f i 1   w i + b i a s i )
where f i 1 is the feature of the (i − 1)-th layer, and N is the channel number of this feature map. f0 is the input data of the network. w i is the convolution kernel. b i a s i is the bias vector. The operator “*” represents the convolutional operation.   R e l u ( · ) is a nonlinear activation function.
The calculation process of 3D deconvolution is the inverse process of 3D convolution in the forward and back propagation process. The 3D deconvolution process is as follows:
F i = R e l u ( i = 1 N w i     f i 1 + b i a s i )
where f i 1 is the feature map of the (i − 1)-th layer, and N represents the channel number of the feature map. The kernel size of w i is fn × fn × fn. biasi is the bias vector. The w i in the deconvolution is the inverse matrix of the kernel in the convolutional calculation [35].
As shown in Figure 3, the residual layer is sandwiched between multiple convolution layers at different depth from the input layer, to blend the features of the layer closer to the input layer with the layers farther away. The calculation process is divided into a direct mapping part and a residual part. The output of a residual unit can be expressed as:
H i = i = 1 N H i 1 + ( H i 1 W i 1 )
where H i 1 represents the direct mapping part, which is the input of the residual layer. N represents the number of the input feature map. ( H i 1 W i 1 ) represents the residual part. W i 1 is the kernel of each convolution layer in the residual part, which is composed of two convolutional operations.

3.3. The Attention Mechanism

To make the extracted fusion features more representative, an attention module (i.e., SeNet [15]) is added to further process the fusion features. The weights of each channel feature are redirected to suppress the unimportant part of the feature and enhance the discriminative part. SeNet [15] is a channel attention mechanism, the output features are designed to pay more attention to the relationship among the channels of the learned features through the attention mechanism network structure. It also redefines the importance of each channel feature according to the learned weights. The attention mechanism usually can reduce the redundancy information to optimize the fusion features to obtain more robust features. As shown in Figure 4, SeNet includes three processes. F s q means obtaining the global feature of each channel. F e x ( . , w ) means learning the feature weight of each channel; F s c a l e ( ) means that redirecting to each channel to obtain the final optimized features with the learnt weights.
The designed network with the attention mechanism is shown in Figure 4, SeNet is added to the two-layer convolution of residual module. To learn the weights of the important channel features and suppress the feature information of the unimportant channels, the input feature is compressed by channels through weight redirection operations to obtain new weights of the model.
To obtain the global feature of each channel, the feature map obtained by the fusion of global features and local features is compressed for each channel through the max-pooling operation. The weight values of each channel are learnt by two fully connected layers. The feature calculation through SeNet is as follows:
f o u t = f i n s i g m o i d ( f c 2 ( f c 1 ( m a x p o o l ( f i n ) ) )
where f i n ais the input feature of SeNet module. m a x p o o l ( ) represents the global maximum pooling operation. f c 1 and f c 2 are fully connected operations. Sigmoid() is the activation function.

3.4. Multi-View Contour Constraints

To make the generated 3D model more efficient, the multi-view contour projection method is used to construct the constraint. In this paper, three contours are selected along the 45°, 90°, and 135° rotation angle around the model, and one contour in the case of an elevation angle of 90° and a rotation angle of 90°. These four contours can describe the outline of the object more effectively. Besides, these four contour maps can construct the corresponding multi-view map constraints, which generates a 3D model similar to the corresponding original 3D model.
The projection contour image is calculated by the following steps: (i) the rotation matrix r o t m a t r i x ( θ , γ ) is obtained based on the parameters of the elevation angle θ and the rotation angle γ . (ii) The rotated 3D model V θ , γ ( i , j , k ) is obtained by coordinate transformation, which is performed on the coordinates of the 3D voxel model V . Each of its coordinate point c ( i , j , k ) is multiplied by the rotation matrix r o t m a t r i x ( θ , γ ) . (iii) Similar to the orthographic projection method, the formula P = 1 e k V θ , γ ( i , j , k ) obtains the projection contour image of 3D voxel model, through cumulatively summing the number of voxels from the rotated angle under each light.

3.5. Loss Function

The loss function contains three parts: contour loss ( l c o n t o u r ), reconstruction loss ( l o s s r e s ), two-dimensional and three-dimensional feature distance loss ( l o s s 2 3 d i s t a n c e ).
l o s s r e s = i = 0 N j = 0 N k = 0 N p i , j , k log p ^ i , j , k + ( 1 p i , j , k ) log ( 1 p ^ i , j , k )
l o s s 2 3 d i s t a n c e = i = 1 n ( z 2 d z 3 d )
l c o n t o u r = i = 1 n ( r p r o j e c t p r e d p r o j e c t )
The output of 3DMGNet is the predicted probability value of every coordinate point in the voxel model. Cross-entropy calculates the loss function l o s s r e s , where p i , j , k is the probability of a real voxel point, and p ^ i , j , k is the probability of the point that is predicted as a real voxel. The Euclidean distance is used in loss function l o s s 2 3 d i s t a n c e and l c o n t o u r to calculate the distance between the features extracted by 2DNet and the features extracted by 3D auxiliary network, and the distance between the generated 3D model contour map and the original 3D model contour map. In l o s s 2 3 d i s t a n c e function, z 2 d and z 3 d represent the intermediate feature vectors extracted by image and 3D model, respectively. In l c o n t o u r function, r p r o j e c t and p r e d p r o j e c t represent the projection of the real voxel model and the predicted 3D voxel model respectively.
After training, the reconstruction accuracy is promoted by the optimization of the loss function l o s s r e s and l o s s c o n t o u r . The distance between the features extracted from image and the features extracted from 3D model is minimized by optimizing the loss function l o s s 2 3 d i s t a n c e . Thus, both of the 3D auxiliary network and 3D model generation network can produce the high accuracy of the 3D model. The overall loss function can be organized as follows:
L o s s t o t a l = λ l o s s 2 3 d i s t a n c e + γ l o s s r e s + μ l o s s c o n t o u r
where λ , γ , and u represent the proportion of l o s s 2 3 d i s t a n c e , l o s s r e s and l o s s c o n t o u r respectively.

3.6. The Training and Test of the Model

The training of 3DMGNet is divided into three stages. In the first stage, the 3D auxiliary network is trained, which uses reconstruction loss l o s s r e s and contour loss l o s s c o n t o u r to guide the auxiliary network to reconstruct a high-precise 3D model. In the second stage, the parameter updating of the 3D convolution is firstly suppressed, then the loss function l o s s 2 3 d i s t a n c e constructs the feature of 2DNet and 3D convolution. In the third stage, the overall training of 3DMGNet network is accomplished, and the network stops training until each loss function is optimized.
We test the trained model through different datasets. The test network is composed of 2DNet and 3D deconvolution networks. The result of the test is voxel coordinate position and the probability that voxel coordinate point in the 3D model is judged as a real voxel point. By setting different thresholds, the coordinate points, whose probability value is lower than the threshold, are eliminated. Finally, we obtain the 3D model under different thresholds.

4. Results

In this section, we briefly introduce the experimental dataset, metrics, and implementation. Then, we describe the ablation study, experiment results analysis, and comparisons with other methods.

4.1. Dataset

The dataset that we used comes from ShapeNet [2]. Some classes in ShapeNet are chosen to build our experiment dataset, which includes plane, bench, chair, sofa, and monitor, etc. Table 1 shows the training and test data of each class. Each object datum is organized with two parts: the first part is the image of the object, which is obtained through 20 different views; the other part is the voxel model of the object.

4.2. Metrics and Implementation

4.2.1. Metrics

Intersection over union (IOU) is used as the metric to evaluate the 3D model generation quality. IOU is the intersection over union between the generated voxel model and the real voxel model. For a generated voxel model I, 3D coordinate point of I is (x, y, z). Each coordinate point of the generated voxel model has its corresponding probability. Different thresholds have different IOU values.
IOU = i , j , k I ( p ^ i , j , k > t ) I ( p i , j , k ) / i , j , k I ( I ( p ^ i , j , k > t )   or   I ( p i , j , k ) )
where p i , j , k and p ^ i , j , k represents the probability values of the predicted voxel and the real voxel respectively. I ( · ) presents the indicator function, and t represents the threshold value. The numerator means the number of intersection points, and the denominator means the number of union points.

4.2.2. Implementation

In this research, the whole network is conducted in the way of phased training, and the loss function is optimized by the momentum optimizer. The learning rate in each stage is set as 0.0001, 0.0005, and 0.00005. The λ , γ and μ are set as 1.0, 0.9 and 0.8, respectively. The batch size is set as 10, the training epoch is set as 400. The input size of the image is 224 × 224 (the image is rendered by 3D model), and the resolution of the input and generated voxel model is 32 × 32 × 32.
We implemented experiments on a PC with an RTX2070 GPU.

4.3. Experiment and Comparison

4.3.1. Ablation Studies and Comparisons

To adequately test the proposed 3DMGNet, we consider the following settings for the ablation experiment:
(a)
TL-Net: The TL-Net [9] method is a single-view 3D model generation method based on voxel data. We directly use the original network as the baseline in the experiment.
(b)
Voxel-Se-ResNet: This network combines the Se-ResNet-based transfer learning method with our baseline to evaluate the effectiveness of Se-ResNet-based transfer learning in the proposed 3D model generation.
(c)
Voxel-ResidualNet: This network combines the multiple feature fusion and attention mechanism with the feature extraction of 3D voxel model in our baseline to evaluate the effectiveness of multi-level feature fusion and attention mechanism in our 3D model generation.
(d)
3DMGNet: The loss of multi-view contours is added to the Voxel-SeNet network, to verify the overall performance of the designed 3DMGNet.
To validate each module in the proposed method, we establish three groups of experiments to evaluate the effects of the 2DNet module, the multi-layer feature fusion module, and the multi-view contour constraints.
As shown in Table 2, there are three experiments, including Voxel-Se-ResNet-101, Voxel-ResidualNet, and 3DMGNet. They are trained and tested on six categories of object models, i.e., plane, bench, sofa, monitor, speaker and telephone. IOU values of the generated 3D models are obtained by each improved method when the threshold values are 0.1, 0.3, 0.5, 0.7, and 0.9 respectively.
To evaluate the effect of generating 3D models intuitively, the 3D models generated by different methods are visualized. As shown in Figure 5, the first two rows are different aircraft, the third and the fourth rows are different sofas, and the last two rows are different benches. In the generated 3D models, yellow point represents that there is a point with the predicted probability of 1, and different colors of points represent different predicted probabilities.
It can be seen in Figure 5 that the 3D models generated by our method are closer to the ground truth (Figure 5b), and the compared methods have generated many error points (e.g., the plane and bench in the second raw and sixth raw in Figure 5, respectively).
The results of ablation experiment on difference thresholds are shown in Table 3; we can obtain the following observations.
(a)
The Voxel-Se-ResNet usually outperforms the baseline network TL-Net [9]. For plane, sofa, and bench, the IoU of Voxel-Se-ResNet-101 is at least 0.026 higher than TL-Net, as the improved 2DNet can extract better 2D image features through Se-ResNet-101, to promote the accuracy of the generated model.
(b)
The Voxel-ResidualNet outperforms the baseline network (TL-Net [9]) and Voxel-Se-ResNet in most cases, as the more robust 3D model features are obtained through multi-level feature fusion and attention mechanism. The 3D model generation ability of 3D auxiliary network is improved, and the overall network performance is promoted to further constraint the image feature. Thus, the accuracy of the 3D model generation base on image is improved.
(c)
The 3DMGNet outperforms TL-Net [9], Voxel-Se-ResNet, and Voxel-ResidualNet. The main reason is that the multi-view contour constraint is added to the 3DMGNet, which proves that the reconstruction accuracy of the 3D auxiliary network is improved.
(d)
When the threshold is 0.1, 0.3, 0.5, and 0.7, the IOU value of 3DMGNet does not change much. For example, the difference in IOU values of plane, sofa, and bench at different thresholds is less than 0.011. When the threshold is set to 0.3, our method usually achieves the best performance.
However, 3DMGNet acquires similar accuracy in some categories to the Voxel-Se-ResNet-101 and Voxel-Residual, e.g., plane, which proves that the improved reconstruction performance of the auxiliary network has a better supervision effect on the performance of the final 3D model, although there is always a certain spatial position offset between the generated 3D model and the original 3D model, which will affect the accuracy of the 3D model generation.

4.3.2. Comparison with Other Methods

In order to verify the effectiveness and advantages of the proposed 3DMGNet, we compare 3DMGNet with state-of-the-art methods, i.e., 3D-R2-N2 [23], OGN [36], DRC [37], Pix2Vox-F [38], Pix2Vox++/F [39]. In order to unify the comparison conditions, we follow the same experiment settings as in PixelVox [38], and compare the IOU results when the threshold is 0.3. The comparison results are shown in Table 4. In Table 4, the result values of compared methods come from Ref. [38,39].
The comparison results with other methods are shown in Table 4. From Table 4, we can obtain the following observations:
(1)
The 3DMGNet outperforms 3D-R2-N2 [23], OGN [36], DRC [37]. Compared with 3D-R2-N2 [23], OGN [36] and DRC [37], 3DMGNet can achieve the best generation results, which obtains the highest IOU value, except for the category of Watercraft.
(2)
The 3DMGNet can achieve better generation accuracy than PixVox-F [38] and PixVox++/F [39] in most categories, i.e., Airplane, Bench, Chair, Display, Lamp, Rifle, Sofa and Telephone. Pix2Vox-F and PixVox++/F solves the single-view-based 3D model generation problem by spatial mapping, while the 3DMGNet solves this problem from the perspective of multi-modal feature fusion. Although PixVox++/F can achieve the best average IOU, which is mainly caused by the fact that the IOU value of Speaker is obviously higher than 3DMGNet; the 3DMGNet performs its best performance in most categories of objects (at least nine categories).
In Table 4, although 3DMGNet has not achieved the best results in some categories, this does not affect the effectiveness of the proposed method. The 3D model generation accuracy is severely affected by the limited image information, which is the main challenge of single-view 3D model generation. The multi-modal feature constraint strategy is adopted in our method to solving this problem, but it is inevitable that the extracted features cannot be effective for all objects. Thus, the accuracy of 3DMGNet in some categories is slightly lower than the compared methods.

4.3.3. Multi-Category Joint Training

To verify the generation ability of 3DMGNet, a multi-category joint training experiment is conducted to obtain the joint training model, i.e., Joint-3DMGNet. Multiple class models (plane, sofa, and bench) are randomly input to the 3DMGNet to train a model, which can generate multiple category 3D models based on image. The experiment results are compared with the original TL-Net [9], Diect-2D-3D (the direct trained model Diect-2D-3D, which consists only of the 2DNet and the 3D deconvolution part). The structure of the 3DMGNet and Joint-3DMGNet is completely the same. Considering the threshold values of 0.3, 0.5, and 0.7 can obtain better performance of 3DMGNet in Table 4, we compare the results when the threshold value is respectively set as 0.3, 0.5, and 0.7 in this experiment.
We have the following observations in Table 5:
(1)
The Joint-3DMGNet outperforms the baseline network TL-Net [9], which proves that the combination of multi-modal feature fusion of 3D auxiliary network, multi-view contour constraint, and the improved image feature extraction network are effective for higher reconstruction performance.
(2)
The IOU of Joint-3DMGNet is at least 0.023 higher than Direct-2D-3D, mainly because the image lacks spatial information, and it is not easy to generate a 3D model with higher accuracy without an auxiliary network part.
(3)
For the multi-category joint training results, the best IOU results are achieved by Joint-3DMGNet in most cases, which illustrates that the Joint-3DMGNet can achieve better generalization performance than the compared methods.

5. Conclusions

We propose a 3D model generation method based on multi-modal data constraints and multi-level feature fusion. In this method, we design a self-supervised method to learn a robust 3D feature for the input voxel data. Specifically, the multi-level feature fusion is used to enhance the robustness of the extracted 3D features, and the attention mechanism is introduced to optimize the quality of the features. Therefore, the performance of the 3D model generation network is improved. To further improve the accuracy of the generated 3D model by the 3D auxiliary network, we also introduce a multi-view contour constraint to construct the constraint loss function. During the training stage, the similarity between the generated model and the original 3D model is constrained by the multi-view contour loss, which can effectively increase the accuracy of the generated 3D model.
In future, we would like to further explore the application of feature fusion and attention mechanisms in 3D model generation, 3D shape synthesis, and other tasks. Besides, 3D model generation from the geometric information and structural information, or global and local features of the 3D data, will be considered.

Author Contributions

E.W. and Y.L. design the algorithm and experiment; L.X. and Y.L. analyzed the data and wrote the source code; Z.Z. helped with the study design, paper writing, and analysis of the results; X.H. helped with the data analysis and experimental analysis. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by the National Natural Science Foundation of China (61873259), and the Cooperation Projects of CAS & ITRI (CAS-ITRI201905).

Acknowledgments

The authors would like to thank Chang, A.X.; Funkhouser, T.; Guibas, L. et al. for providing the dataset of ShapeNet.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Lai, Z.; Hu, Y.; Cui, Y.; Sun, L.; Dai, N.; Lee, H. Furion: Engineering High-Quality Immersive Virtual Reality on Today’s Mobile Devices. IEEE Trans. Mob. Comput. 2020, 19, 1586–1602. [Google Scholar]
  2. Chang, A.X.; Funkhouser, T.; Guibas, L.; Hanrahan, P.; Huang, Q.; Li, Z.; Savarese, S.; Savva, M.; Song, S.; Su, H. ShapeNet: An Information-Rich 3D Model Repository. arXiv 2015, arXiv:1512.03012. Available online: https://arxiv.org/abs/1512.03012 (accessed on 9 December 2015).
  3. Matheus, G.; Aartika, R.; Subhransu, M.J.; Rui, W. Inferring 3D Shapes from Image Collections using Adversarial. Netw. Int. J. Comput. Vison 2020, 128, 1–14. [Google Scholar]
  4. 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 2018), Munich, Germany, 8–14 September 2018; pp. 55–71. [Google Scholar]
  5. Brilakis, L.; Haas, C. Infrastructure Computer Vision; Butterworch-Heinemann: Boston, MA, USA, 2020; pp. 65–167. [Google Scholar]
  6. 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]
  7. 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. In Advances in Neural Information Processing Systems 29 (NIPS 2016), Proceedings of the Neural Information Processing Systems 2016, Barcelona, Spain, 5–10 December 2016; MIT Press: Cambridge, MA, USA, 2016; pp. 82–90. [Google Scholar]
  8. Ji, S.; Xu, W.; Yang, M.; Yu, K. 3D Convolutional Neural Networks for Human Action Recognition. IEEE Trans. Pattern Anal. Mach. Intell. 2012, 35, 221–231. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  9. Girdhar, R.; Fouhey, D.F.; Rodriguez, M.; Gupta, A. Learning a Predictable and Generative Vector Representation for Objects. arXiv 2016, arXiv:1603.08637. Available online: https://arxiv.org/abs/1603.08637 (accessed on 31 August 2016).
  10. Simonyan, K.; Zisserman, A. Very deep convolutional networks for large-scale image recognition. arXiv 2014, arXiv:1409.1556. Available online: https://arxiv.org/abs/1409.1556 (accessed on 23 December 2014).
  11. He, K.; Zhang, X.; Ren, S.; Sun, J. Deep Residual Learning for Image Recognition. In Proceedings of the 2016 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Las Vegas, NV, USA, 27–30 June 2016; pp. 770–778. [Google Scholar]
  12. Szegedy, C.; Liu, W.; Jia, Y.; Sermanet, P.; Reed, S.; Anguelov, D.; Erhan, D.; Vanhoucke, V.; Rabinovich, A. Going deeper with convolutions. In Proceedings of the 2015 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Boston, MA, USA, 7–12 June 2015; pp. 1–9. [Google Scholar]
  13. Tchapmi, L.; Choy, C.; Armeni, I.; Gwak, J.; Savarese, S. SEGCloud: Semantic Segmentation of 3D Point Clouds. In Proceedings of the 2017 International Conference on 3D Vision (3DV), Qingdao, China, 10–12 October 2017; pp. 537–547. [Google Scholar]
  14. LeCun, Y.; Bengio, Y.; Hinton, G. Deep learning. Nature 2015, 521, 436–444. [Google Scholar] [CrossRef]
  15. Hu, J.; Shen, L.; Sun, G. Squeeze-and-Excitation Networks. In Proceedings of the 2018 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPRW), Salt Lake City, UT, USA, 18–22 June 2018; pp. 7132–7141. [Google Scholar]
  16. Ahmed, E.; Saint, A.; Shabayek, A.E.R.; Cherenkova, K.; Das, R.; Gusev, G.; Aouada, D.; Ottersten, B. A survey on deep learning advances on different 3D data representations. arXiv 2018, arXiv:1808.01462. Available online: https://arxiv.org/abs/1808.01462 (accessed on 4 August 2018).
  17. Maturana, D.; Scherer, S. VoxNet: A 3D Convolutional Neural Network for real-time object recognition. In Proceedings of the 2015 IEEE/RSJ International Conference on Intelligent Robots and Systems (IROS), Hamburg, Germany, 28 September–2 October 2015; pp. 922–928. [Google Scholar]
  18. Abhishek, S.; Oliver, G.; Mario, F. VConv-DAE: Deep Volumetric Shape Learning Without Object Labels. In Proceedings of the Geometry Meets Deep Learning Workshop at European Conference on Computer Vision (ECCV-W), Amsterdam, The Netherlands, 8–10 October 2016; pp. 236–250. [Google Scholar]
  19. Zhi, S.; Liu, Y.; Li, X.; Guo, Y. Toward real-time 3D object recognition: A lightweight volumetric CNN framework using multitask learning. Comput. Graph. 2018, 71, 199–207. [Google Scholar] [CrossRef]
  20. Jing, L.; Tian, Y. Self-supervised Visual Feature Learning with Deep Neural Networks: A Survey. IEEE Trans. Pattern Anal. Mach. Intell. 2020, 1. [Google Scholar] [CrossRef] [PubMed]
  21. Xu, B.; Zhang, X.; Li, Z.; Leotta, M.; Chang, S.; Shan, J. Deep Learning Guided Building Reconstruction from Satellite Imagery-derived Point Clouds. arXiv 2020, arXiv:2005.09223. Available online: https://arxiv.org/abs/2005.09223 (accessed on 19 May 2020).
  22. Wu, Z.; Song, S.; Khosla, A.; Yu, F.; Zhang, L.; Tang, X.; Xiao, J.; Fisher, Y. 3D ShapeNets: A deep representation for volumetric shapes. In Proceedings of the 2015 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Boston, MA, USA, 7–12 June 2015; pp. 1912–1920. [Google Scholar]
  23. Choy, C.B.; Xu, D.; Gwak, J.; Chen, K.; Savarese, S. 3D-R2N2: A Unified Approach for Single and Multi-view 3D Object Reconstruction. arXiv 2016, arXiv:1604.00449. Available online: https://arxiv.org/abs/1604.00449 (accessed on 2 April 2016).
  24. Mirza, M.; Osindero, S. Conditional generative adversarial nets. arXiv 2014, arXiv:1411.1784. Available online: https://arxiv.org/abs/1411.1784 (accessed on 6 November 2014).
  25. Wu, Z.; Wang, X.; Lin, D.; Lischinski, D.; Cohen-Or, D.; Huang, H. Sagnet: Structure-aware generative network for 3d-shape modeling. ACM Trans. Graphic. 2019, 38, 1–14. [Google Scholar] [CrossRef] [Green Version]
  26. Mandikal, P.; Navaneet, K.L.; Agarwal, M.; Babu, R.V. 3D-LMNet: Latent embedding matching for accurate and diverse 3D point cloud reconstruction from a single image. In Proceedings of the British Machine Vision Conference 2018 (BVLC), Newcastle, UK, 3–6 September 2018; pp. 55–56. [Google Scholar]
  27. Gadelha, M.; Wang, R.; Maji, S. Multiresolution tree networks for 3d point cloud processing. In Proceedings of the 15th European Conference on Computer Vision (ECCV 2018), Munich, Germany, 8–14 September 2018; pp. 103–118. [Google Scholar]
  28. Jiang, L.; Shi, S.; Qi, X.; Jia, J. Gal: Geometric adversarial loss for single-view 3d-object reconstruction. In Proceedings of the 15th European Conference on Computer Vision (ECCV 2018), Munich, Germany, 8–14 September 2018; pp. 802–816. [Google Scholar]
  29. Li, C.L.; Zaheer, M.; Zhang, Y.; Poczos, B.; Salakhutdinov, R. Point cloud Gan. arXiv 2018, arXiv:1810.05795. Available online: https://arxiv.org/abs/1810.05795 (accessed on 13 October 2018).
  30. Mandikal, P.; Radhakrishnan, V.B. Dense 3d point cloud reconstruction using a deep pyramid network. In Proceedings of the 2019 IEEE Winter Conference on Applications of Computer Vision (WACV), Waikoloa Village, HI, USA, 7–11 January 2019; pp. 1052–1060. [Google Scholar]
  31. Sinha, A.; Unmesh, A.; Huang, Q.; Ramani, K. Surfnet: Generating 3d shape surfaces using deep residual networks. In Proceedings of the 2017 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Honolulu, HI, USA, 21–26 July 2017; pp. 6040–6049. [Google Scholar]
  32. Pumarola, A.; Agudo, A.; Porzi, L.; Sanfeliu, A.; Lepetit, V.; Moreno-Noguer, F. Geometry-aware network for non-rigid shape prediction from a single view. In Proceedings of the 2018 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Salt Lake City, UT, USA, 18–22 June 2018; pp. 4681–4690. [Google Scholar]
  33. Groueix, T.; Fisher, M.; Kim, V.G.; Russell, B.C.; Aubry, M. A papier-mâché approach to learning 3d surface generation. In Proceedings of the 2018 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Salt Lake City, UT, USA, 18–22 June 2018; pp. 216–224. [Google Scholar]
  34. Deng, J.; Dong, W.; Socher, R.; Li, L.; Li, K.; Li, F. Imagenet: A large-scale hierarchical image database. In Proceedings of the 2009 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Miami, FL, USA, 20–25 June 2009; pp. 248–255. [Google Scholar]
  35. Zeiler, M.D.; Krishnan, D.; Taylor, G.W.; Fergus, R. Deconvolutional networks. In Proceedings of the 2010 IEEE Computer Society Conference on Computer Vision and Pattern Recognition (CVPRW), San Francisco, CA, USA, 13–18 June 2010; pp. 2528–2535. [Google Scholar]
  36. Tatarchenko, M.; Dosovitskiy, A.; Brox, T. Octree generating networks: Efficient convolutional architectures forhigh-resolution 3D outputs. In Proceedings of the 2017 IEEE International Conference on Computer Vision (ICCV), Venice, Italy, 22–29 October 2017; pp. 2107–2115. [Google Scholar]
  37. Tulsiani, S.; Zhou, T.; Efros, A.A.; Malik., J. Multi-view supervision for single-view reconstruction via differentiable ray consistency. In Proceedings of the 2017 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Honolulu, HI, USA, 21–26 July 2017; pp. 2626–2634. [Google Scholar]
  38. 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 2019 IEEE/CVF International Conference on Computer Vision (ICCV), Seoul, Korea, 27 October–2 November 2019; pp. 2690–2698. [Google Scholar]
  39. 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, 1, 1–17. [Google Scholar]
Figure 1. (a) The process of extracting 2D image features through transfer learning. (b) The basic module structure for Se-ResNet-101, which is used as our transfer learning model.
Figure 1. (a) The process of extracting 2D image features through transfer learning. (b) The basic module structure for Se-ResNet-101, which is used as our transfer learning model.
Sensors 20 04875 g001
Figure 2. The proposed 3DMGNet network. In the 3D Convolution module, there are eight convolutional layers (Conv1-Conv8), four max-pooling layers (Maxpooling1-Maxpooling4), and three SeNet [15] module are separately connected after the Conv3, Conv4, and Conv5 layer. The specific structure of SeNet is shown in the middle left of the figure. In the 3D DeConvolution module, there are four Deconvolution layer-s (DeConv1-DeConv4). In the 2DNet module, the image feature is firstly extracted by Se-ResNet-101 [15] network, and then two fully connected layer changes the dimension of the feature to be as same as the dimension of the feature extracted by 3D Convolution module. The multi-view consistent loss is designed in the lower part of the figure to optimize the 3D auxiliary network.
Figure 2. The proposed 3DMGNet network. In the 3D Convolution module, there are eight convolutional layers (Conv1-Conv8), four max-pooling layers (Maxpooling1-Maxpooling4), and three SeNet [15] module are separately connected after the Conv3, Conv4, and Conv5 layer. The specific structure of SeNet is shown in the middle left of the figure. In the 3D DeConvolution module, there are four Deconvolution layer-s (DeConv1-DeConv4). In the 2DNet module, the image feature is firstly extracted by Se-ResNet-101 [15] network, and then two fully connected layer changes the dimension of the feature to be as same as the dimension of the feature extracted by 3D Convolution module. The multi-view consistent loss is designed in the lower part of the figure to optimize the 3D auxiliary network.
Sensors 20 04875 g002
Figure 3. The 3D auxiliary network part of 3DMGNet.
Figure 3. The 3D auxiliary network part of 3DMGNet.
Sensors 20 04875 g003
Figure 4. The attention mechanism based on SeNet [15]. The feature f i n is firstly input the F s q module to obtain the global feature of each channel. Then, the feature is input to the F s c a l e ( ) module to calculate the weight value of each channel. Finally, the weight value of each channel is multiplied with the input feature f i n , and the feature is concatenated with the feature from the residual layer.
Figure 4. The attention mechanism based on SeNet [15]. The feature f i n is firstly input the F s q module to obtain the global feature of each channel. Then, the feature is input to the F s c a l e ( ) module to calculate the weight value of each channel. Finally, the weight value of each channel is multiplied with the input feature f i n , and the feature is concatenated with the feature from the residual layer.
Sensors 20 04875 g004
Figure 5. Visualization of model generation results of each category predicted by our improvement methods. (a) The original image, (b) The original voxelization of 3D model, (c) TL-Net [9], (d)Voxel-Se-ResNet-101, (e)Voxel- ResidualNet, (f) 3DMGNet. The probability value was stored in each voxel grid; blue represents the probability value is close to 0, yellow represents the probability value is close to 1.
Figure 5. Visualization of model generation results of each category predicted by our improvement methods. (a) The original image, (b) The original voxelization of 3D model, (c) TL-Net [9], (d)Voxel-Se-ResNet-101, (e)Voxel- ResidualNet, (f) 3DMGNet. The probability value was stored in each voxel grid; blue represents the probability value is close to 0, yellow represents the probability value is close to 1.
Sensors 20 04875 g005
Table 1. The number of each class in dataset.
Table 1. The number of each class in dataset.
ClassTotal NumberTraining DataTest Data
Plane36412831810
Bench16351271364
Cabinet14151100315
Car674852471501
Chair610147441357
Monitor986766220
Lamp20871622465
Speaker14571132325
Rifle21351660475
Sofa28572222635
Table765959561703
Telephone947736211
Watercraft17461357389
Table 2. NetWork structure comparison.
Table 2. NetWork structure comparison.
Name3D Encoder3D Decoder2D Encoder
TL-Net3DConvDeconvolutionAlexNet
Voxel-SeResNe3DConvDeconvolutionSe-ResNet
Voxel-ResidualNet3DConv+Residual+SeNetDeconvolutionSe-ResNet
3DMGNet(Ours)3DConv+Residual+SeNet+MvcontourDeconvolutionSe-ResNet
Table 3. The ablation study results (IoU) on difference thresholds. Note that the best results are highlighted in bold.
Table 3. The ablation study results (IoU) on difference thresholds. Note that the best results are highlighted in bold.
Threshold
0.10.30.50.70.9
PlaneTL-Net0.65650.65790.65450.64810.6315
Voxel-Se-ResNet0.70410.70620.70050.70220.6942
Voxel-ResidualNet0.67130.68390.68600.68370.6709
3DMGNet(Ours)0.69750.70390.70470.70310.6948
SofaTL-Net0.63780.64050.63800.63190.6143
Voxel-Se-ResNet0.66830.66650.66390.66050.6523
Voxel-ResidualNet0.68000.68540.68300.67640.6560
3DMGNet(Ours)0.69390.69730.69410.68670.6659
BenchTL-Net0.46830.45890.44600.42770.3908
Voxel-Se-ResNet0.53640.53100.52530.51830.5035
Voxel-ResidualNet0.55030.55670.54920.53420.4937
3DMGNet(Ours)0.57610.58030.57780.57110.5524
MonitorTL-Net0.50520.49960.49350.48360.4625
Voxel-Se-ResNet0.52230.51310.50040.48290.4462
Voxel-ResidualNet0.51110.51030.50310.48350.4380
3DMGNet(Ours)0.53350.53350.51890.49120.4250
SpeakerTL-Net0.61570.61050.60300.59110.5621
Voxel-Se-ResNet0.61500.60950.60390.59690.5811
Voxel-ResidualNet0.61640.61110.60280.58960.5579
3DMGNet(Ours)0.61970.61750.60650.58610.5367
TelephoneTL-Net0.76490.76890.76970.76940.7654
Voxel-Se-ResNet0.77240.77480.77540.77540.7736
Voxel-ResidualNet0.78630.79070.79000.78680.7744
3DMGNet(Ours)0.78750.79200.78960.78280.7633
AverageTL-Net0.60810.60610.60080.59200.5711
Voxel-Se-ResNet0.63640.63350.62820.62270.6085
Voxel-ResidualNet0.63590.63670.63570.62570.5985
3DMGNet(Ours)0.65140.65410.64860.63680.6064
Table 4. Comparison results (IOU) with other state-of-the-art methods. Note that the best results are highlighted in bold.
Table 4. Comparison results (IOU) with other state-of-the-art methods. Note that the best results are highlighted in bold.
Class3D-R2-N2 [23]OGN [36]DRC [37]Pix2Vox-F [38]Pix2Vox++/F [39]3DMGNet
Airplane0.5130.5870.5710.6000.6070.704
Bench0.4210.4810.4530.5380.5440.580
Cabinet0.7160.7290.6350.7650.7820.741
Car0.7980.8280.7550.8370.8410.806
Chair0.4660.4830.4690.5350.5480.566
Display0.4680.5020.4190.5110.5290.534
Lamp0.3810.3980.4150.4350.4480.455
Speaker0.6620.6370.6090.7070.7210.618
Rifle0.5440.5930.6080.5980.5940.628
Sofa0.6280.6460.6060.6870.6960.697
Table0.5130.5360.4240.5870.6090.586
Telephone0.6610.7020.4130.7700.7820.792
Watercraft0.5130.6320.5560.5820.5830.600
Average0.5600.5960.5450.6340.6450.639
Table 5. The Joint-TRAINING results (IOU) on different thresholds. Note that the best results are highlighted in bold.
Table 5. The Joint-TRAINING results (IOU) on different thresholds. Note that the best results are highlighted in bold.
MethodThreshold
0.30.50.7
PlaneTL-Net0.65790.65450.6481
Diect-2D-3D0.62120.59140.5044
Joint-3DMGNet0.66280.66420.6599
SofaTL-Net0.64050.63800.6319
Diect-2D-3D0.42280.35270.1699
Joint-3DMGNet0.65760.64600.6306
BenchTL-Net0.45890.44600.4277
Diect-2D-3D0.54290.50380.3559
Joint-3DMGNet0.54520.54130.5281
AverageTL-Net0.58580.57950.5692
Diect-2D-3D0.52900.48260.3434
Joint-3DMGNet0.62190.61720.6062

Share and Cite

MDPI and ACS Style

Wang, E.; Xue, L.; Li, Y.; Zhang, Z.; Hou, X. 3DMGNet: 3D Model Generation Network Based on Multi-Modal Data Constraints and Multi-Level Feature Fusion. Sensors 2020, 20, 4875. https://doi.org/10.3390/s20174875

AMA Style

Wang E, Xue L, Li Y, Zhang Z, Hou X. 3DMGNet: 3D Model Generation Network Based on Multi-Modal Data Constraints and Multi-Level Feature Fusion. Sensors. 2020; 20(17):4875. https://doi.org/10.3390/s20174875

Chicago/Turabian Style

Wang, Ende, Lei Xue, Yong Li, Zhenxin Zhang, and Xukui Hou. 2020. "3DMGNet: 3D Model Generation Network Based on Multi-Modal Data Constraints and Multi-Level Feature Fusion" Sensors 20, no. 17: 4875. https://doi.org/10.3390/s20174875

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