Next Article in Journal
Improved Discriminative Object Localization Algorithm for Safety Management of Indoor Construction
Next Article in Special Issue
Run Your 3D Object Detector on NVIDIA Jetson Platforms:A Benchmark Analysis
Previous Article in Journal
Screening for Major Depressive Disorder Using a Wearable Ultra-Short-Term HRV Monitor and Signal Quality Indices
Previous Article in Special Issue
A Two-Stage Automatic Color Thresholding Technique
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

MFTR-Net: A Multi-Level Features Network with Targeted Regularization for Large-Scale Point Cloud Classification

1
School of Information Science and Technology, Hangzhou Normal University, Hangzhou 311121, China
2
Quanzhou Institute of Equipment Manufacturing, Haixi Institutes, Chinese Academy of Sciences, Quanzhou 362000, China
3
School of Computer Science and Engineering, Tianjin University of Technology, Tianjin 300384, China
4
Department of Digital Media Technology, Hangzhou Dianzi University, Hangzhou 310018, China
*
Author to whom correspondence should be addressed.
Sensors 2023, 23(8), 3869; https://doi.org/10.3390/s23083869
Submission received: 27 February 2023 / Revised: 15 March 2023 / Accepted: 29 March 2023 / Published: 10 April 2023
(This article belongs to the Special Issue Machine Learning in Robust Object Detection and Tracking)

Abstract

:
There are some irregular and disordered noise points in large-scale point clouds, and the accuracy of existing large-scale point cloud classification methods still needs further improvement. This paper proposes a network named MFTR-Net, which considers the local point cloud’s eigenvalue calculation. The eigenvalues of 3D point cloud data and the 2D eigenvalues of projected point clouds on different planes are calculated to express the local feature relationship between adjacent point clouds. A regular point cloud feature image is constructed and inputs into the designed convolutional neural network. The network adds TargetDrop to be more robust. The experimental result shows that our methods can learn more high-dimensional feature information, further improving point cloud classification, and our approach can achieve 98.0% accuracy with the Oakland 3D dataset.

1. Introduction

With the continuous development of intelligent driving and remote sensing information technology, it is an important but challenging task to accurately identify objects in large-scale three-dimensional (3D) data. Laser radar technology is a key method to perceive a 3D environment through laser scanning [1], which can be divided into airborne laser radar and vehicle-mounted laser radar. Point cloud data with different structures obtained through different laser radar scanning reflect the geometric structure and spatial distribution of objects in 3D space, but an irregular point cloud makes the feature extraction of the point cloud challenging.
The main goal of a large-scale point cloud classification task is to classify the point cloud data scanned by the radar sensors, and label different objects in the point cloud, such as buildings, roads, vehicles, pedestrians, and vegetation [2]. The traditional method of point cloud classification is mainly based on manual feature extraction, which suffers from low classification accuracy, such as calculating eigenvalues based on adjacent fields of the original point cloud and classifying eigenvalues using Random Forest (SVM) [3] and decision tree (DT) methods [4]. With the development of deep learning (DL), DL can learn task-related features from a large amount of environmental data. More and more scholars introduced DL into point cloud classification tasks. Guo et al. [5] reviewed the latest progress of point-cloud-related tasks based on DL. Sarker et al. [6] used the 3D classifier PointNet to verify robustness by generating adversarial inputs; however, the verifier cannot be extended to more complex 3D vision. Venkanna et al. [7] studied weights of the average of the first two checkpoints of PointNet to improve classification accuracy. Min et al. [8] proposed a masked autoencoding framework Voxel-MAE for pre-training large-scale point clouds. Zhu et al. [9] proposed a global relation-aware attention module (GRA) and spatial relation-aware attention module (SRA) to learn global spatial and channel-wise relationships among spatial positions and feature vectors. Wen et al. [10] explored local graphs in the spectral domain to accelerate point cloud classification tasks. Zhang et al. [11] proposed an effective convolution operator to keep point cloud convolutions invariant to vastly improve feature descriptiveness. Zhang et al. [12] presented an effective point cloud classification method based on the MLP (multilayer perception) network. Feature extraction of the point cloud in this method lacks the consideration of the combination of 3D point cloud feature values and 2D feature values. A pure MLP structure calculation will amplify 2D features, resulting in the loss of part of the feature information.
Based on but different from our previous work [12], we design a point cloud classification framework based on the U-Net network, which can effectively retain feature information in the propagation of the network layer compared with MLP. Our method uses a multi-level features network with targeted regularization, named MFTR-Net, which can effectively accelerate the stability of the results and achieve a better classification effect. The main contributions of this paper are as follows:
(1)
We propose a new feature construction method for large-scale point clouds, which can effectively calculate the multi-level local feature information of the point cloud from the irregular point cloud data.
(2)
We present the MFTR-Net framework for point cloud classification. The designed encoder–decoder model can effectively extract the local feature information of the point cloud from the input feature map, and strengthen the attention to spatial information.
(3)
We conduct extensive experiments on the 3D point cloud dataset, Oakland. The experimental results show that the proposed MFTR-Net has achieved satisfactory results in large-scale point cloud classification tasks.

2. Related Work

Traditional machine learning methods for large-scale point cloud classification are carried out by screening appropriate features of a large-scale point cloud, such as computational geometry, spectrum, and texture. Li et al. [13] proposed a dynamic feature aggregation (DFA) method that can transfer information by constructing local graphs in the feature domain without spatial constraints. Venkanna et al. [7] extracted point cloud geometric features, plane features, and intensity features combined with Random Forest (RF) and Conditional Random Field (CRF) to optimize classification results. With the explosive growth of 3D data, traditional methods cannot extract more effective information from a large number of point cloud data.
Deep learning technology relies on convolution neural networks (CNN) to effectively learn task-related features from a large amount of data and plays an important role in both 2D image and 3D point cloud tasks, so it is also applied to point cloud classification tasks. Chen et al. [14] proposed an unsupervised deep neural architecture, Flattening Net, which converts different point clouds into color images, and then classifies different color images to achieve the classification of variable point clouds. This method can effectively reduce network parameters and achieve better classification results. Melnyk et al. [15] proposed a learnable descriptor for rotation and reflection invariant 3D point cloud classification. This method converts 3D point cloud data into a 4D data representation to perform a dimension upgrading operation, which effectively overcomes the critical problem of rotation invariance of point cloud classification tasks. The subsequent network then extracts the rotation invariance feature information of the point cloud to achieve good results. Zhao et al. [16] designed a highly expressed point converter layer for point cloud classification, which proves that the converter model can also achieve excellent results in point cloud classification tasks. Wang et al. [17] proposed a semi-supervised cross-domain learning method. By sampling the rotating images of any point cloud from multiple views, these images are regarded as enhancement modules in point cloud classification, which makes up for the insufficient extraction of some occlusion feature information in point cloud classification. Wong et al. [18] presented an end-to-end encoder–decoder network named GACNN to capture multiscale features of point clouds and therefore realize more accurate point cloud classification. Park et al. [19] proposed a fast voxel-based semantic segmentation model using point convolution and 3D sparse convolution. After feature extraction in a point cloud classification task, it can accelerate feature propagation. Yang et al. [20] proposed a supervised contrastive point cloud classification method to implement embedding feature distribution refinement by improving intra-class compactness and inter-class separability, which solves the confusion problem caused by slight inter-class variations and the confusion problem caused by small inter-class compactness and inter-class separability. Zhang et al. [12] proposed a method that automatically learns a data augmentation strategy using bilevel optimization, minimizing a base model’s loss on a validation set when the augmented input is used for training the model. This can reduce overfitting and improve learning performance.
The above point cloud classification methods mainly extract features directly from irregular and disordered point clouds. On the one hand, it is difficult to learn the regular 3D features. On the other hand, it will also ignore local characteristics from the plane view, resulting in incomplete point cloud feature information. In contrast, the proposed MFTR-Net extracts point cloud features from both 3D and 2D perspectives and thus effectively improves the accuracy of large-scale point cloud classification. In addition, the networks in the above related work treat redundant point cloud data indiscriminately, while our method introduces an attention mechanism to make the network pay more attention to the key features in the point cloud information, thus improving the accuracy of the point cloud classification task.

3. MFTR-Net: A Multi-Level Features Network with Targeted Regularization for Large-Scale Point Cloud Classification

3.1. Feature Construction for Point Clouds

Large-scale point clouds are generally irregular and disordered, which will seriously affect the final result of point cloud classification. Therefore, we consider that transforming irregular point cloud data into regular image data may overcome this problem, so we design a point cloud feature construction method based on a multi-level feature combination. This method calculates the eigenvalues of the adjacent points of an unordered 3D point cloud and then combines the obtained eigenvalues into one ordered 2D point cloud feature image to represent the point cloud features as richly as possible. Specifically, as shown in Figure 1, this method calculates the local eigenvalues of 100 adjacent points around each point through the Kdtree method to obtain 3D eigenvalues in 3D space and 2D eigenvalues on three different coordinate axes. The 3D eigenvalues vector and the 2D eigenvalues vector projected in three different coordinate systems are combined to form a point cloud feature matrix, and the obtained point cloud feature matrix is represented as current point cloud feature information.
The point cloud feature image is visualized by a feature matrix, which is composed of the obtained 3D and 2D point cloud feature values, as shown in Table 1. We arrange the obtained 3D and 2D eigenvalues horizontally and vertically into a 32 × 32 size feature matrix, which is a positive definite matrix. We normalize the values in the feature matrix to (0, 1), so that we can screen out some outlier data and normalize them to (0–255), and form white and black point cloud feature images. Subsequently, the obtained point cloud feature image is input into the designed neural network for classification, and the network finally outputs the various categories of the point cloud, thus realizing point cloud classification.
We set P as a point (x, y, z) in 3D space, and   λ 1 , λ 2 , and λ 3 , which represent the distribution pattern of the point cloud, namely divergent, areal, and linear distribution, are calculated as follows.
λ 1 = [ x 1 y 1 z 1 x 2 y 1 z 1 x n y n z n ]
λ 2 = [   x 1 y 1 z 1 x 2 y 2 z 2 x n y n z n ]
λ 3 = 1 n ( λ 1 λ 2 ) T ( λ 1 λ 2 )
M n ( d i s t ( P n P n ) ) , n x , y , z
N n ( d i s t ( P n P n ) ) , n x , y , z
M x   ,   M y   ,   M z represent the adjacent max radius of P on the x , y , and z axes;   N x   ,   N y   ,   N z represent the adjacent min radius of P on the x , y , and z axes; P represents the current point; and P represents the next point.
In order to effectively express the feature information of the current point cloud, we select some feature information that can effectively represent the differences between different point cloud objects, such as change of curvature value C λ , linearity value L λ , planarity value P λ , and scattering value S λ .
C λ = λ 3 λ 1 + λ 2 + λ 3
L λ = λ 1 λ 2 λ 1
P λ = λ 2 λ 3 λ 1
S λ = λ 3 λ 1
In the 3D coordinate system, the large-scale point cloud will contain some other local feature information, such as the Omnivariance value of local 3D shape O λ , Eigenentropy value E λ , Anisotropy A λ , Eigenentropy E λ , Eigenentropy of eigenvalues T λ , Verticality value D, Variance of z V , and EVs_3D value Q .
O λ = e 1 e 2 e 3 3
A λ = e 1 e 3 e 1
E λ = i = 1 3 e i l n ( e i )
T λ = 2 π a r c t a n ( λ 1 + λ 2 + λ 3 )  
D = k + 1 π · m a x r a d i a s k 2 ,
V = 1 | n z | ,
Q = E i g ( P ( x , y , z ) )  
In order to extract more effective eigenvalues, we calculated five eigenvalues for point clouds projected on three different coordinate axes on the 2D plane. The 2D feature value is calculated based on the x and y values of the adaptive adjacent point cloud, regardless of the z value of the point cloud and the eigenvalues in the z direction.
r k = ( x x k ) 2 + ( y y k ) 2
D 2 = k + 1 π r k 2
R λ , 2 D = λ 2 , 2 D λ 1 , 2 D
E v r a t i o = E λ 2 D ( a x i s a ) / E λ 2 D ( a x i s b )
S 2 = λ 1 , 1 D + λ 2 , 2 D
where r k   represents 2D circle neighborhood radius, D 2   is 2D local point density, and R λ , 2 D represents the ratio of the 2D covariance matrix. The E v r a t i o value represents the eigenvalue entropy ratio of the coordinate system, and S 2 represents the sum of the feature values.

3.2. TargetDrop-Based MFTR-Net

MFTR-Net is based on the U-Net framework with the attention mechanism of TargetDrop [21]. MFTR-Net is an encoder and decoder structure and consists of a downsampling network and a corresponding upsampling network, as shown in Figure 2. First, the convolution layer downsamples the input point cloud feature images. Then the downsampling network is gradually deepened to extract the features layer by layer. The downsampling network includes 13 convolution layers. Each downsampling network layer has a corresponding upsampling network layer, so the upsampling network also has 13 convolution layers. Then, the features of each layer are inversely used for upsampling. The upsampled output is sent to the TargetDrop attention module. TargetDrop mainly processes features to increase the proportion of high-dimensional features. Reasonable weight distribution for some high-dimensional features can improve the extraction ability of the network for high-dimensional feature information. Finally, the class probability distribution results of each pixel are independently generated through the entire connection layer.
In MFTR-Net, each convolution layer has a filter to extract the feature information of the image, and combine the obtained features into a group of feature information maps. These feature maps are further normalized to (0, 1) and propagated in the network. Then, the Relu function is used to discard part of the information of the feature maps and reduce over-fitting of the network layer. The window performs maximum pooling, and the output results are subject to secondary downsampling. Subsampling generates significant input image context (spatial window) for each pixel in the feature map. Its input feature map uses the maximum pool index stored from the corresponding encoder feature map. Multiple Max pooling and downsampling layers can reduce the calculation of parameter amount and achieve translation invariance; however, they suffer from the loss of feature information (Figure 3).
After inputting the feature images into the TargetDrop module, we obtain a channel attention map through the attention layer. Then, TopK features in the channel attention map are used to select the high-dimensional feature information, and give this high-dimensional feature a higher weight ratio to obtain the mask we need.
In the final calculation of the network backpropagation loss function (Formula (22)), Z represents the value of comparison loss in the propagation process of the network layer, and y represents the value of classification loss. When the point cloud characteristic value is transferred to the layer, it will be divided into the calculation of the contrast loss value [22]. Each adjacent node around the current node is taken as a positive sample, and the remaining nodes are taken as negative samples. Through this method, the effective positive sample can be closer to the target node, thus completing the whole attention mechanism, focusing on those features that contain important information, in which the adjacent contrast loss value of the ith node can be expressed as:
l i = l o g j = 1 B 1 j i γ i j e x p ( s i m ( z i , z y ) / τ ) k = 1 B 1 k i e x p ( s i m ( z i , z k ) / τ )
The loss function of MFTR-Net consists of adjacent contrastive loss (NC) and Cross-Entropy (CE) loss, and α is the weighting coefficient to balance l o s s N C and l o s s C E .
l o s s N C = α 1 B i = 1 B l i
l o s s f i n a l = l o s s C E + l o s s N C

3.3. MFTR-Net for Large-Scale Point Cloud Classification

The complete process and overall flow of large-scale point cloud classification using the proposed MFTR-Net are shown in Figure 4. First, the flow chart is divided into two branches. One is the 3D features branch, which calculates the corresponding eigenvalues of the current point cloud in the 3D coordinate system, and the other is the 2D features branch, which calculates the point cloud eigenvalues projected on the 2D coordinate system on three different planes. Then the total of 32 eigenvalues are constructed into point cloud feature images (32 × 32). The obtained point cloud feature images are input into the MFTR-Net classification network. The network calculates the probability of the classification result of each category and outputs the final corresponding category with classification accuracy.
In the feature construction part, a dimension reduction method is adopted for processing large-scale point clouds. The original 3D point cloud data [batchsize, num points, 3] are converted into 2D point cloud feature image data [batchsize, height, width, 1]. Then the 2D point cloud feature image is input into MFTR-Net (Figure 5). During the processing, features are extracted through the convolution layer of the encoder module, and the receptive field is increased through pooling. Then, deconvolution in the decoder module enables the feature map to be reproduced and restored to the original size of the image. Finally, the weight of the extracted convolution features is allocated through the TargetDrop method so that the whole network pays more attention to some high-dimensional feature information, thus ensuring the point cloud classification’s overall accuracy.

4. Analysis of Experimental Results

In this work, we implement a proposed network in the Tensorflow framework. All the training and testing platforms are Ubuntu 18.04 with Intel i7-4790 and NVIDIA RTX 2070, under Python 3.7, CUDA 10.0, CUDNN7.6.4, Pytorch 0.6, and 256GB of mainframe running memory. We train our model for 120 epochs, and the batch size is 100. The learning rate starts at 0.001 and decays at 0.7 per 50k iterations. A series of comparison experiments are carried out on the 3D point cloud dataset, Oakland [23], to verify the effectiveness and robustness of the MFTR-Net network. The Oakland dataset includes five labels: Vegetation, Pole, Facade, Ground, and Wire. The number of samples on each label is shown in Table 2.
We compared accuracy indicators with SoTA methods [24,25,26,27,28,29] on the Oakland dataset. These methods [24,25] are processed by directly inputting the point cloud into the network framework. References [25,26] convert the point cloud into binary feature images; however, the subsequent network framework needs to be further improved. Our method is superior to other methods in the classification accuracy of building categories and overall datasets, despite some results not achieving the best in some categories. As shown in Table 3, the bold numbers indicate the best effect for the current category. Our method achieves 98.0% accuracy in the Oakland datasets. The visualization results of certain categories are shown in Figure 6: green represents plants, blue represents wires, white represents poles, purple represents the ground, and red represents buildings.
From the comparison data in Table 3 and the results shown in Figure 6, the lowest classification accuracies of the two categories of Pole and Wire in the whole category are 21.5% and 20.1%, respectively, which is lower than other methods and cannot achieve a good result. The main reason for this phenomenon is that the percentage of these points in the whole dataset is relatively small. Furthermore, after projection from different views, the data overlap, which makes it difficult to calculate the eigenvalues of the current category based on the surrounding point cloud. However, for some cases with a large number of categories, our method can effectively extract the feature information of the current category. The classification accuracy of our building and ground categories is relatively high and can achieve a competitive effect. Moreover, our overall effect is also better than other methods, and the overall classification accuracy is stable at about 98.0%.
Figure 7 is the broken-line chart of our network framework on the tensorboard. From the chart, we can see that the accuracy of our network framework has gradually stabilized from epoch = 40 and gradually improved with the learning rate.

5. Ablation Study

In order to evaluate the impact of the current TargetDrop on the result of the overall point clouds classification network, we design ablation experiments to compare the network with and without the TargetDrop module (Figure 8). From the accuracy results, we can see that the effect of the attention mechanism module without TargetDrop fluctuates greatly and does not form a stable trend in the early stage. From the whole comparison effect, we can see that TargetDrop is necessary, which can accelerate the stability of the entire network framework.
The results in Table 4 show that residual learning is more effective than the warm-up training strategy in our framework, a check mark indicates that the method is currently used.Therefore, we equip deep learning for point cloud classification, which makes the proposed method easily optimized without extra training strategies.
In the experiment of feature construction, we design eight different comparative experiments by calculating the point cloud features in the 3D coordinate system and in three 2D projection plane coordinate systems: (1) point cloud classification results only using the 3D point cloud features; (2) point cloud classification results using 2D point cloud eigenvalues and 3D point cloud eigenvalues projected along the x-axis direction; (3) point cloud classification using 2D point cloud features and 3D point cloud features projected along the y-axis direction; (4) point cloud classification using 2D point cloud features and 3D point cloud features projected along the z-axis direction; (5) point cloud classification using 3D point cloud features and all 2D point cloud features; (6) point cloud classification without using 2D point cloud features projected along the x-axis direction and 3D point cloud features; (7) point cloud classification results without using the 2D point cloud features projected along the y-axis direction and the 3D point cloud features; and (8) point cloud classification results without using 2D point cloud features projected along the z-axis direction and 3D point cloud features. Other comparison groups are shown in Table 5, the bold numbers indicate the best effect for the current category.
Figure 9 shows the visualization results of different groups of experiments. We can see from the results that these groups of experiments mainly produce different visualization results around three categories: poles, wires, and plants. We can see from the figure that there is a large degree of classification error between wires and poles. Some of the wires are surrounded by trees, so there is a partial classification error. This leads to low classification accuracy of wires and poles.

6. Conclusions

The MFTR-Net network framework model can effectively improve classification accuracy for large-scale point clouds. We combine 3D and 2D features to effectively retain point cloud feature information and introduce the attention mechanism TargetDrop to further enhance the point cloud feature information so as to realize accurate classification for large-scale point clouds. However, the proposed method still has some room for improvement. In the feature construction of the point cloud, it is difficult to ensure that the calculated point cloud eigenvalues can fully express the point cloud feature information, resulting in the point cloud feature image being affected by the point cloud’s disorder and rotation invariance. In addition, the real-time nature of point cloud classification determines whether it can be deployed on hardware platforms. In the future, we will improve the speed of point cloud classification so that our current effects can run in real-time on hardware.

Author Contributions

Methodology, R.L. and B.S.; Software, Z.Z.; Validation, L.D. and G.Z.; Writing—original draft, R.L.; Writing—review & editing, Z.Z., L.D. and B.S.; Supervision, B.S. All authors have read and agreed to the published version of the manuscript.

Funding

This work is supported by the Research Foundation of Hangzhou Dianzi University (KYS335622091; KYH333122029M).

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

Not applicable.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Liu, R.; Zhang, G.; Wang, J.; Zhao, S. Cross-modal 360° depth completion and reconstruction for large-scale indoor environment. IEEE Trans. Intell. Transp. Syst. 2022, 23, 25180–25190. [Google Scholar] [CrossRef]
  2. Zhang, G.; Weng, H.; Liu, R.; Zhang, M.; Zhang, Z. Point Clouds Classification of Large Scenes based on Blueprint Separation Convolutional Neural Network. In Proceedings of the 2022 IEEE 25th International Conference on Computer Supported Cooperative Work in Design (CSCWD), Hangzhou, China, 4–6 May 2022; IEEE: Piscataway, NJ, USA, 2022. [Google Scholar]
  3. Sun, J.; Lai, Z. Using random forest to select and classify features of airborne LiDAR data in urban area. J. Wuhan Univ. 2014, 39, 1310–1313. [Google Scholar]
  4. Fang, J.; Zhou, D.; Zhao, J.; Tang, C.; Xu, C.Z.; Zhang, L. LiDAR-CS Dataset: LiDAR Point Cloud Dataset with Cross-Sensors for 3D Object Detection. arXiv 2023, arXiv:2301.12515. [Google Scholar]
  5. Guo, Y.; Wang, H.; Hu, Q.; Liu, H.; Liu, L.; Bennamoun, M. Deep learning for 3d point clouds: A survey. IEEE Trans. Pattern Anal. Mach. Intell. 2020, 43, 4338–4364. [Google Scholar] [CrossRef] [PubMed]
  6. Sarker, A.K.; Ahmad, F.Y.; Dwyer, M.B. PCV: A Point Cloud-Based Network Verifier. arXiv 2023, arXiv:2301.11806. [Google Scholar]
  7. Venkanna Sheshappanavar, S.; Kambhamettu, C. Local Neighborhood Features for 3D Classification. arXiv 2022, arXiv:2212.05140. [Google Scholar]
  8. Min, C.; Zhao, D.; Xiao, L.; Nie, Y.; Dai, B. Voxel-mae: Masked autoencoders for pre-training large-scale point clouds. arXiv 2022, arXiv:2206.09900. [Google Scholar]
  9. Zhu, T.; Guan, Y.; Li, A. PointManifoldCut: Point-wise Augmentation in the Manifold for Point Clouds. arXiv 2021, arXiv:2109.07324. [Google Scholar]
  10. Wen, C.; Long, J.; Yu, B.; Tao, D. PointWavelet: Learning in Spectral Domain for 3D Point Cloud Analysis. arXiv 2023, arXiv:2302.05201. [Google Scholar]
  11. Zhang, Z.; Hua, B.S.; Yeung, S.K. Riconv++: Effective rotation invariant convolutions for 3d point clouds deep learning. Int. J. Comput. Vis. 2022, 130, 1228–1243. [Google Scholar] [CrossRef]
  12. Zhang, Z.; Liu, R.; Xie, E.; Zhang, G. Large Scale Point Cloud Classification Base on Graph-MLP++. In Proceedings of the 2022 IEEE 9th International Conference on Data Science and Advanced Analytics (DSAA), Shenzhen, China, 13–16 October 2022; IEEE: Piscataway, NJ, USA, 2022. [Google Scholar]
  13. Li, Z.; Gao, P.; Yuan, H.; Wei, R. Dynamic Local Feature Aggregation for Learning on Point Clouds. arXiv 2023, arXiv:2301.02836. [Google Scholar]
  14. Chen, B.; Pang, Y.; Li, Z.; Lu, H.; Liang, X. Photon counting lidar point cloud filtering based on random forest. J. Geo-Inf. Sci. 2019, 21, 898–906. [Google Scholar]
  15. Melnyk, P.; Robinson, A.; Wadenbäck, M.; Felsberg, M. TetraSphere: A Neural Descriptor for O (3)-Invariant Point Cloud Classification. arXiv 2022, arXiv:2211.14456. [Google Scholar]
  16. Zhao, H.; Jiang, L.; Jia, J.; Torr, P.H.; Koltun, V. Point transformer. In Proceedings of the IEEE/CVF International Conference on Computer Vision, Montreal, BC, Canada, 11–17 October 2021; pp. 16259–16268. [Google Scholar]
  17. Wang, Z.; Arablouei, R.; Liu, J.; Borges, P.; Bishop-Hurley, G.; Heaney, N. Point-Syn2Real: Semi-Supervised Synthetic-to-Real Cross-Domain Learning for Object Classification in 3D Point Clouds. arXiv 2022, arXiv:2210.17009. [Google Scholar]
  18. Wen, C.; Li, X.; Yao, X.; Peng, L.; Chi, T. Airborne LiDAR point cloud classification with global-local graph attention convolution neural network. ISPRS J. Photogramm. Remote Sens. 2021, 173, 181–194. [Google Scholar] [CrossRef]
  19. Park, J.; Kim, C.; Kim, S.; Jo, K. PCSCNet: Fast 3D semantic segmentation of LiDAR point cloud for autonomous car using point convolution and sparse convolution network. Expert Syst. Appl. 2023, 212, 118815. [Google Scholar] [CrossRef]
  20. Yang, F.; Cao, Y.; Xue, Q.; Jin, S.; Li, X.; Zhang, W. Contrastive Embedding Distribution Refinement and Entropy-Aware Attention for 3D Point Cloud Classification. arXiv 2022, arXiv:2201.11388. [Google Scholar]
  21. Zhu, H.; Zhao, X. Targetdrop: A targeted regularization method for convolutional neural networks. In Proceedings of the ICASSP 2022—2022 IEEE International Conference on Acoustics, Speech and Signal Processing (ICASSP), Singapore, 22–27 May 2022; IEEE: Piscataway, NJ, USA, 2022; pp. 3283–3287. [Google Scholar]
  22. Hu, Y.; You, H.; Wang, Z.; Wang, Z.; Zhou, E.; Gao, Y. Graph-MLP: Node classification without message passing in graph. arXiv 2021, arXiv:2106.04051. [Google Scholar]
  23. Munoz, D.; Bagnell, J.A.; Vandapel, N.; Hebert, M. Contextual classification with functional max-margin markov networks. In Proceedings of the 2009 IEEE Conference on Computer Vision and Pattern Recognition, Miami, FL, USA, 20–25 June 2009; IEEE: Piscataway, NJ, USA, 2009; pp. 975–982. [Google Scholar]
  24. Oviedo-de la Fuente, M.; Cabo, C.; Ordóñez, C.; Roca-Pardiñas, J. A Distance Correlation Approach for Optimum Multiscale Selection in 3D Point Cloud Classification. Mathematics 2021, 9, 1328. [Google Scholar] [CrossRef]
  25. Chen-Chieh, F.; Zhou, G. Automating Parameter Learning for Classifying Terrestrial LiDAR Point Cloud Using 2D Land Cover Maps. Remote Sens. 2018, 10, 1192. [Google Scholar]
  26. Wang, L.; Meng, W.; Xi, R.; Zhang, Y.; Lu, L.; Zhang, X. Large-scale 3D point cloud classification based on feature description matrix by CNN. In Proceedings of the 31st International Conference on Computer Animation and Social Agents, Beijing, China, 21–23 May 2018; pp. 43–47. [Google Scholar]
  27. Wang, L.; Meng, W.; Xi, R.; Zhang, Y.; Ma, C.; Lu, L.; Zhang, X. 3D point cloud analysis and classification in large-scale scene based on deep learning. IEEE Access 2019, 7, 55649–55658. [Google Scholar] [CrossRef]
  28. Merkurjev, E. A Fast Graph-Based Data Classification Method with Applications to 3D Sensory Data in the Form of Point Clouds. Pattern Recognit. Lett. 2020, 136, 154–160. [Google Scholar] [CrossRef]
  29. Kumar, B.; Pandey, G.; Lohani, B.; Misra, S.C. A framework for automatic classification of mobile LiDAR data using multiple regions and 3D CNN architecture. Int. J. Remote Sens. 2020, 41, 5588–5608. [Google Scholar] [CrossRef]
Figure 1. Generation of point cloud feature images.
Figure 1. Generation of point cloud feature images.
Sensors 23 03869 g001
Figure 2. MFTR-Net framework.
Figure 2. MFTR-Net framework.
Sensors 23 03869 g002
Figure 3. The pipeline of TargetDrop.
Figure 3. The pipeline of TargetDrop.
Sensors 23 03869 g003
Figure 4. Flow chart of point cloud classification using MFTR-Net.
Figure 4. Flow chart of point cloud classification using MFTR-Net.
Sensors 23 03869 g004
Figure 5. MFTR-Net for large-scale point cloud classification.
Figure 5. MFTR-Net for large-scale point cloud classification.
Sensors 23 03869 g005
Figure 6. Visualization of the classification result. (a) Test dataset ground truth, (b) Classification result of our method, (c) Details of our classification result.
Figure 6. Visualization of the classification result. (a) Test dataset ground truth, (b) Classification result of our method, (c) Details of our classification result.
Sensors 23 03869 g006
Figure 7. Classification result of MFTR-Net. (a) Accuracy flow chart of MFTR-Net, (b) Loss flow chart of MFTR-Net.
Figure 7. Classification result of MFTR-Net. (a) Accuracy flow chart of MFTR-Net, (b) Loss flow chart of MFTR-Net.
Sensors 23 03869 g007
Figure 8. Ablation experiment results of TargetDrop.
Figure 8. Ablation experiment results of TargetDrop.
Sensors 23 03869 g008
Figure 9. Visualization result of the comparison groups.
Figure 9. Visualization result of the comparison groups.
Sensors 23 03869 g009aSensors 23 03869 g009b
Table 1. Point cloud feature values.
Table 1. Point cloud feature values.
TypeComponents
3D eigenvalues   M x   ,   M y   ,   M z   ,     N x ,   N y ,   N z ,   C λ ,   L λ ,   P λ   ,   S λ
O λ ,   A λ   ,   E λ   ,   T λ ,   D   ,   Q   ,   V
2D eigenvalues r k   ,   D 2   ,   R λ   ,   2 D   ,   E v r a t i o   ,   S 2
Table 2. Oakland dataset.
Table 2. Oakland dataset.
LabelTraining DatasetTest Dataset
Vegetation14,4419278
Wire2571481
Pole1086368
Ground471371,863
Facade14,1217821
Total36,93289,811
Table 3. Comparison accuracy of Oakland dataset (%).
Table 3. Comparison accuracy of Oakland dataset (%).
PoleVegetationWireGroundFacadeOA
Cabo [24]77.380.680.499.292.986.1
Chen-Chieh [25]---100.094.797.0
Wang [26]68.480.692.998.371.194.7
Wang [27]70.180.593.098.270.994.6
Ekaterina [28]28.797.412.598.290.891.6
Kumar [29]70.994.7-97.994.4-
Our method21.593.820.199.598.198.0
Table 4. Warm-up strategy in our framework.
Table 4. Warm-up strategy in our framework.
Warm-UpDeep learningAccuracy
-89.5
98.3
--88.1
-98.0
Table 5. Multi-level features accuracy of Oakland dataset (%).
Table 5. Multi-level features accuracy of Oakland dataset (%).
PoleVegetationWireGroundFacadeOA
3D0.084.130.399.792.496.7
3D + 2Dx10.097.48.294.482.085.6
3D + 2Dy0.087.60.065.30.061.3
3D + 2Dz0.099.70.099.40.089.8
3D + 2Dx + 2Dz0.099.90.099.40.089.8
3D + 2Dx + 2Dy25.099.90.097.138.088.5
3D + 2Dy + 2Dz16.899.90.099.20.089.7
3D + 2Dx + 2Dy + 2Dz21.593.820.199.598.198.0
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

Liu, R.; Zhang, Z.; Dai, L.; Zhang, G.; Sun, B. MFTR-Net: A Multi-Level Features Network with Targeted Regularization for Large-Scale Point Cloud Classification. Sensors 2023, 23, 3869. https://doi.org/10.3390/s23083869

AMA Style

Liu R, Zhang Z, Dai L, Zhang G, Sun B. MFTR-Net: A Multi-Level Features Network with Targeted Regularization for Large-Scale Point Cloud Classification. Sensors. 2023; 23(8):3869. https://doi.org/10.3390/s23083869

Chicago/Turabian Style

Liu, Ruyu, Zhiyong Zhang, Liting Dai, Guodao Zhang, and Bo Sun. 2023. "MFTR-Net: A Multi-Level Features Network with Targeted Regularization for Large-Scale Point Cloud Classification" Sensors 23, no. 8: 3869. https://doi.org/10.3390/s23083869

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