Next Article in Journal
MCBAM-GAN: The Gan Spatiotemporal Fusion Model Based on Multiscale and CBAM for Remote Sensing Images
Previous Article in Journal
Aerosol Optical Properties and Types over Southern Africa and Reunion Island Determined from Ground-Based and Satellite Observations over a 13-Year Period (2008–2021)
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

PMPF: Point-Cloud Multiple-Pixel Fusion-Based 3D Object Detection for Autonomous Driving

1
School of Mechanical Electronic & Information Engineering, China University of Mining & Technology (Beijing), Beijing 100083, China
2
College of Robotic, Beijing Union University, Beijing 100101, China
*
Author to whom correspondence should be addressed.
Remote Sens. 2023, 15(6), 1580; https://doi.org/10.3390/rs15061580
Submission received: 27 January 2023 / Revised: 28 February 2023 / Accepted: 8 March 2023 / Published: 14 March 2023
(This article belongs to the Section AI Remote Sensing)

Abstract

:
Today, multi-sensor fusion detection frameworks in autonomous driving, especially sequence-based data-level fusion frameworks, face high latency and coupling issues and generally perform worse than LiDAR-only detectors. On this basis, we propose PMPF, point-cloud multiple-pixel fusion, for 3D object detection. PMPF projects the point cloud data onto the image plane, where the region pixels are processed to correspond with the points and decorated to the point cloud data, such that the fused point cloud data can be applied to LiDAR-only detectors with autoencoders. PMPF is a plug-and-play, decoupled multi-sensor fusion detection framework with low latency. Extensive experiments on the KITTI 3D object detection benchmark show that PMPF vastly improves upon most of the LiDAR-only detectors, e.g., PointPillars, SECOND, CIA-SSD, SE-SSD four state-of-the-art one-stage detectors, and PointRCNN, PV-RCNN, Part-A2 three two-stage detectors.

Graphical Abstract

1. Introduction

With the increasing advancement of on-board sensors, utilizing multiple sensors to ensure the reliability and performance of autonomous driving has become a current research hotspot [1,2,3]. Environmental perception is a prerequisite for autonomous driving, and LiDAR (light detection and ranging) and cameras provide richer environmental information than radar, and IMU (inertial measurement unit). On the basis of mature 2D detection, LiDAR-based 3D detection becomes an essential task to guarantee the safety of autonomous driving in challenging environments. LiDAR point clouds and camera images complement one another well, but there are also common challenges faced in the fusion methods of point clouds and images.
Firstly, point clouds and images have different modalities. The image typically provides regular, dense lattice data that accurately records the texture information of the environment in its relative 2D coordinate system, but mono images cannot record absolute geometric information, which is essential in autonomous driving [4,5]; furthermore, camera data are affected by lighting conditions, meaning the collected data lack robustness in dark or complicated environments [6]. Unlike image data, which provide accurate geometric information about the environment, LiDAR point clouds are discrete, are disordered and have sparse data distributions in three-dimensional space; moreover, they are unable to record rich texture information.
Secondly, LiDAR-only detectors continue to lead the KITTI 3D object detection benchmark [7,8] rather than fusion modules. In order to fuse these two types of multimodal data, researchers have proposed different kinds of methods for environment perception; however, none of the current fusion models improve on the benchmark. Vora et al. attribute this to viewpoint misalignment [9], that is, a large number of SOTA (state-of-the-art) methods are based on bird’s-eye view (BEV), such as PointPillars [10] or STD [11], whereas images are represented in range view and their conversion to BEV is difficult.
In their recent work, PointPainting [9], Vora et al. propose a sequential fusion method using each point cloud with its corresponding image semantic segmentation label. This method avoids the problem of feature blurring in point-wise fusion, and the decorated data can be directly applied in most point cloud algorithms. However, this method suffers from the coupling issue between the fusion and detection stages, and the semantic segmentation network in the fusion stage requires additional time and space costs, which limits the achievement of real-time detection [12].
To solve the problems above, we propose PMPF, point-cloud multiple-pixel fusion for 3D object detection, a more direct and efficient fusion method. We project each point cloud onto the picture plane and connect the region pixels to point clouds; considering the mismatch of the point cloud corresponding to the region pixels, we conduct a region-matching module using K-means to reject mismatching data and ensure the accuracy of data fusion. The point cloud data fused by PMPF can be easily applied to any LiDAR detection model and can be competent for 3D object detection tasks including BEV and front view. Compared to the currently prevalent methods, PMPF avoids the extra neural network algorithm overhead in the fusion stage and does not require reconstruction of the LiDAR detection algorithm, avoiding the feature-blurring problem.
We conducted various experiments on the SOTA LiDAR-only detector to verify the effectiveness of the PMPF method, including the following one-stage algorithms: PointPillars [10], SECOND [13], CIA-SSD [14], SE-SSD [15] and two-stage algorithms: PointRCNN [16], PV-RCNN [17], and Part-A2 [18]. The PMPF steadily improved in all of the above models, especially in PMPF-PV-RCNN, and the mAP improved to 63.62% for the KITTI 3D object detection benchmark.
PMPF proposes a simple and straightforward method of fusing point cloud data with rich image contextual texture information, which can be explained after extensive experiments. The contributions of our works are as follows:
  • General—PMPF is a plug-and-play method and achieves many significant enhancements using the SOTA LiDAR-only detectors.
  • Accurate—Several methods that use PMPF to fuse data, such as PV-RCNN and CIA-SSD, have improved mAP in all categories in the KITTI test set and can effectively reduce false detection rates.
  • Robust—PMPF ensures the correct detection of key targets based on low-quality images.
  • Fast—PMPF has low latency in the pre-fusion phase and can be directly applied to real-time detectors without sacrificing real-time performance.

2. Related Works

2.1. LiDAR-Only 3D Object Detector

Qi et al. [19] proposed PointNet, a pioneer in end-to-end deep learning using raw point cloud data directly, which uses MLP layers and maximum pooling layers for point cloud feature extraction. On this basis, Qi et al. [20] proposed PointNet++, a layered network based on PointNet [19], which can be used to better extract local features of point clouds and achieve better performance in 3D object detection and part segmentation.
Zhou et al. [21] proposed VoxelNet, which divides the point cloud data into fixed resolution voxels and encodes the features within each voxel, and then uses an RPN network to produce detection results. However, this representation loses the spatial resolution and fine-grained 3D geometric features of the point cloud data, and attempts to use denser voxels to increase the resolution result in a cubic multiplication of computational complexity. Yan et al. [13] proposed SECOND to improve the efficiency of VoxelNet [21] by employing a sparse convolutional network [22]. Zhang et al. [23] proposed a one-stage detection network based on height and channel attention. Ge et al. [24] proposed the first anchor-free one-stage model to achieve efficient 3D object detection.
Lang et al. [10] proposed PointPillars, which extracts longitudinal Pillars features via PointNet [19] and encodes them as pseudo-images composed of Pillars to apply a 2D detector for 3D prediction. Shi et al. [16] proposed the PointRCNN framework, which usually directly segments the point cloud to obtain the foreground points, and then fuses the semantic features; the PointVoxel-RCNN (PV-RCNN) [17] proposed by uses 3D sparse networks and PointNet [19] to learn point cloud features, and Shi et al. also proposes the key-point-to-grid ROI module to optimize voxel information. Shi et al. [18] proposed the Part-A2 network, which consists of a part-aware phase and part-aggregation phase. The part-aware phase consists of a UNet-like [25] network that performs sparse convolution and sparse deconvolution on the point cloud to learn the features of the point cloud and generate coarse region recommendations.

2.2. LiDAR-Camera Fusion-Based 3D Object Detector

Despite the challenges of image-point cloud data fusion, research has been conducted for 3D object detection. We categorized previous methods into the following four representative classes: frustum-based fusion [26,27,28,29,30], point-based fusion [9,31,32], multi-view-based fusion [33,34,35,36,37,38,39,40,41,42,43] and voxel-based fusion [21,44,45,46].
Frustum-based fusion is a sequential, result-level fusion method that leverages the outputs of image detectors to refine the search space for 3D detection in order to reduce computation. F-PointNet [26], proposed by Charles et al., is the pioneering work in frustum-based fusion. F-PointNet [26] projects 2D bounding boxes, which are generated from image detectors, into the point cloud space to form corresponding 3D frustum region proposals, which are fed into PointNet [19] for 3D object detection. Wang et al. proposed F-ConvNet [27], an improvement based on F-PointNet [26], to achieve end-to-end 3D detection. Du et al. [28] achieved performance improvement by refining the stage from 2D bounding boxes to point cloud space, filtering out unnecessary points in the background before feeding them into the 3D detector. Shin et al. [29] also employ the same idea but use a neural network to optimize the frustum space for the 3D proposal. The above methods perform well when there is only one target in the subspace, but suffer from problems in detecting small targets, such as pedestrians in crowded sceneries. Therefore, Yang et al. proposed IPOD [30], which uses image semantic segmentation results to filter background points, refines the search space to each point, and uses PointNet++ [20] for 3D-bounding boxes regression, which yields significant performance benefits in complex multi-object scenes and scenes where targets are occluded. In general, the Frustum-based fusion method relies on the results of 2D data to limit the search space of 3D detectors, significantly reducing the computational cost; however, the main disadvantage is also apparent, with its performance heavily dependent on 2D detectors.
Point-based fusion is a feature-level fusion model that combines high-dimensional image information point-wise and applies the fused data for 3D object detection. PointPainting [9] proposed by Vora et al. achieves better performance than LiDAR-only 3D detectors (PointPillars [10]) by fusing the semantic segmentation encoding of the image with the point clouds point-wise and then feeding the decorated point cloud into the 3D detector. The fusion-based method solves the resolution mismatch between dense image and sparse point clouds to a certain extent: the semantic segmentation results in a combination of contextual information. Imad et al. [31] utilized a pre-trained image semantic segmentation model for the object detection of point clouds represented at BEV by transfer learning, but this approach still suffers from the quality of the semantic segmentation model. Huang et al. [32] fused deep semantic features with geometric features to improve the performance of 3D detectors. However, the image and LiDAR detectors are highly coupled and the use of semantic segmentation networks in the fusion stage leads to an increase in training costs and the overall computational cost [12], unlike IPOD [30] which limits the 3D search space by using semantic segmentation results.
The multi-view-based model is a feature-level fusion model which generates 3D region proposals from a bird’s-eye view and performs the regression of 3D bounding boxes. One of the most important pioneering works is MV3D [33] proposed by Chen. MV3D [33] pixelates the point cloud in BEV, extracts feature and generates 3D proposals; it then projects the 3D proposals into range-view, fuses them with the high-dimensional features of the image in the ROI pooling stage and then performs 3D bounding box regression. The drawback of this method is that some small targets may be completely obscured in the BEV. Ku et al. improved on MV3D [33] by proposing AVOD [34], which performs a 3D proposal stage by fusing feature maps of images from VGG-16 [47] and point cloud data, and uses an autoencoder (AE) structure to achieve feature space dimensionality reduction and decrease computational cost. Lu et al. [35] applied an encoder–decoder-based proposal network to ensure that small targets are not lost in BEV. The fusion stage of the above methods occurs at the point of ROI pooling, which results in the loss of reliable geometric coding. Yuan et al. [36] achieved building instance extraction using the feature fusion model with high-resolution images and radar data as input. Zheng et al. [37] proposed a 3D detector based on a cascaded feature fusion model. Liu et al. [38] proposed a feature fusion model using an attention module to guide LiDAR and camera data. Wang et al. [39,40] proposed KDA3D and MCF3D for 3D object detection using multiple attention mechanism and multi-stage complementary fusion, respectively. Pang et al. [41] proposed a Camera-LiDAR Object Candidates Fusion method. Liang et al. proposed ContFuse [42] for point-wise fusion using continuous convolutional fusion layers [48] and preserved fine geometric information by fusing multi-scale image and point cloud features in multiple stages of the network through continuous convolutional layers. The problem with this method is that the texture information of the image data may not be fully utilized when the point cloud data are sparse. Based on these problems, Liang et al. [43] proposed a multi-task fusion-based method that further improves point-wise fusion. The method combines the result-level fusion, depth completion task, road estimation task and continuous convolutional fusion layers to achieve better overall performance of the model.
Voxel-based fusion is achieved by fusing vowelized point clouds with image features, which has the advantage that voxels can be convolved using standard 3D convolution. V.A. Sindaqi et al. [44] proposed MVX-Net, which projects voxels onto the image plane and fuses them with texture information at a later stage of VoxelNet [21]. MVX-Net achieved significant performance improvement compared to VoxelNet [21]. It is worth mentioning that the idea of fusing vowelized point clouds with image data was proposed by S. Song et al. [45] in 2014. They used a support vector machine (SVM) pair to accomplish the classification task. Song et al. [46] then built on this by using a 3D convolutional network for classification. Voxel-based fusion methods still have the disadvantage of being vowelized, with fine geometric information becoming lost due to voxelization, and the computational cost of 3D convolution increases dramatically due to voxel refinement.

3. Method

The PMPF architecture provides corresponding point clouds and images as input data and facilitates the detection of 3D targets. The idea of this paper is to manipulate point clouds and images directly from the data level, avoiding complex tasks such as semantic segmentation in the pre-fusion stage. The method consists of the following two main stages: (1) Fusion—LiDAR points are fused with the corresponding multi-pixels by PMPF (Section 3.1); (2) input of the fused data to a 3D detector for 3D object detection and localization (Section 3.2).

3.1. PMPF Method

The central idea of PMPF is to fuse the contextual information of the image pixels with the point cloud, which alleviates the resolution mismatch between sparse point clouds and the dense image and enriches the fused point cloud with image information to improve the performance of the LiDAR detector. The process of implementing PMPF is shown in the Figure 1. (1) Project the point cloud onto the image plane to form a point-pixel pair; (2) expand the pixels into a region-by-region size to form a point-multi-pixel pair; (3) use filters to remove pixels that are irrelevant to the points for accurate matching; and (4) fuse the points with the pixels.
Algorithm 1 shows the details of the PMPF algorithm. It should be noted that the point cloud L N , 4 is cropped, i.e., all points are within the image plane after projection. In the KITTI dataset, each point in the point clouds L N , 4 is represented as (x, y, z, reflectivity), where x, y, z is the position of each point in the relative LiDAR coordinate system. The KITTI dataset provides the homogenous transformation matrix T 4 , 4 for every frame of data in order to transform the LiDAR coordinate system to the camera coordinate system, and M 3 , 4 represents the camera parameter. The function P r o j e c t · , projecting the LiDAR onto the camera plane has been provided, so it is not repeated in this paper. The projection of the point gives its coordinates in the image l i m a g e 2 . We round off l i m a g e to prevent it going outside the image ranges. Finely aligned point clouds and image data must be projected correctly. Misalignment can cause the fused data to become distorted, and when misaligned data are fed into the network for training, false positives and false negatives can lead to poor network convergence, directly affecting the final detection results. When the misaligned fused data is fed into the well-trained PMPF for detection, the detector becomes confused and false detection results occur. See Section 3.1.1 and Section 3.1.2 for details of pixel region selection and matching. After obtaining the region i m a t c h K , K , 3 corresponding to the point, we flatten it and concatenate it with the point to generate the fused data, which we discuss in detail in Section 3.1.3.
Algorithm 1 Point Cloud-Multiply Pixels Fusion ( L , I , K , T , M )
Inputs:
Point clouds L N , 4 with N points.
Image I W , H , 3 with W width, H height and 3 channels.
Region size K must be odds.
Homogenous transformation matrix T 4 , 4 .
Camera matrix M 3 , 4 .
Output:
Fused point clouds P N , 4 + K 2 .
for  l L  do
l i m a g e = Project M , T , l x y z l i m a g e 2
i s e l e c t i o n = Selection l i m a g e ,   I ,   K i s e l e c t i o n K , K , 3
i m a t c h = Match i s e l e c t i o n ,   l i m a g e i m a t c h K , K , 3
i f l a t = Flat i m a t c h i f l a t K 2
p = Concatenate l ,   i f l a t p 4 + K 2
end for

3.1.1. Region Selection

The image texture information corresponding to each point’s data is determined. The current common practice for adding texture information to point cloud data is called point cloud coloring. After the point cloud-image correspondence has been completed, the information of the pixel closest to each point is fused to the point data to form a colored point cloud, completing the point cloud coloring. This is an intuitive and special method of selection, i.e., a point cloud corresponds to a pixel, which is very convenient for human observation using the naked eye, but this method suffers from underutilization, wastes a large amount of image information, and discretizes the texture information in a continuous ordered arrangement, which blurs the deep semantics of the regional pixels.
In the KITTI dataset, a point of data has about 40,000 points corresponding to the image plane, and there are 370 × 1224 pixels in the image; here, the utilization of fused data for image texture information is only 8.22% with point cloud coloring as an example. In this paper, we propose a viewpoint that one point corresponds to multiple pixels information, where each projected point is the center of the region, to obtain i s e l e c t i o n K , K , 3 and the K 2 adjacent pixels contained in a rectangular region of size (K × K) are selected as the image region. The mathematical expression for the region selection method is as follows:
Selection l i m a g e ,   I ,   K = I l i m a g e 0 K 1 2 , l i m a g e 1 K 1 2 I l i m a g e 0 , l i m a g e 1 K 1 2 I l i m a g e 0 + K 1 2 , l i m a g e 1 K 1 2 I l i m a g e 0 K 1 2 , l i m a g e 1 I l i m a g e 0 , l i m a g e 1 I l i m a g e 0 + K 1 2 , l i m a g e 1 I l i m a g e 0 K 1 2 , l i m a g e 1 + K 1 2 I l i m a g e 0 , l i m a g e 1 + K 1 2 I l i m a g e 0 + K 1 2 , l i m a g e 1 + K 1 2 .
When an image boundary is searched, it is processed as follows: where I w , h 3 returns the red channel value R , green channel value G and blue channel value B of the image coordinate at [w, h], where W , H is the width and height of the image. It returns [0, 0, 0] when w or h exceeds the image range, i.e., there is
I w , h = R w , h , G w , h , B w , h ,       i f   0 w W   a n d   0 h H , 0 , 0 , 0 ,                             o t h e r w i s e .                                    
As shown in Figure 2, our method increases the utilization of image texture information and gives each point richer color details. However, this method of uniformly acquiring image textures may lead to a mismatch of individual points with image texture information, e.g., points at the edges of the target, whose corresponding regional pixels may represent deep semantics of other objects, affect the detection performance of the detector.

3.1.2. Region Match

As mentioned at the end of Section 3.1.1, point cloud and multi-pixel mismatches are positively correlated with the parameter K. Excessive mismatching can affect the neural network’s understanding of the data, leading to a decrease in detector performance. In KDA3D [39], Wang et al. performed conditional clustering for a 5 × 5 sized pixel region to guide the generation of a pseudo point to densify the key point clouds. Inspired by this, we use efficient K-means clustering [49,50] to eliminate mismatched pixels in the region corresponding to each point. We use the key pixel as the initial clustering center, extract the pixels similar to the clustering center as its augmentation, based on the texture information of the pixels in the region, and fill the irrelevant pixels with [0, 0, 0]. Specifically, we use the clustering condition by calculating the Euclidean distance between each pixel in the region and the R G B 3 vector of the initial clustering center pixel, where D t e x t u r e is calculated as follows:
D t e x t u r e = Δ R 2 + Δ G 2 + Δ B 2 .
However, pixel matching according to the texture alone is difficult due to the problem of overlapping targets in complex road scenarios; for example, when there are similar colors for the foreground and background, overlapping targets of the same kind, and different kinds of targets, K-means is unable to perform valid clustering of target edge pixels. We propose clustering conditions that take into account texture, pixel depth and pixel reflectivity at the same time to cope with situations such as those dealing with more complex target edges where (1) texture and reflectivity are similar but there is a depth difference, (2) texture and depth are similar but there is a reflectivity difference, and (3) texture is similar but there is a depth and reflectivity gap. Depth distances D d e p t h and reflectivity distances D r e f l e c t i v i t y are calculated as follows:
D d e p t h = Δ d e p t h ,
D r e f l e c t i v i t y = Δ r e f l e c t i v i t y .
Due to the sparsity of the point cloud, the density of the projected point cloud is much smaller than that of the image, so the contextual pixels lack true depth and reflectivity. We can obtain the pseudo-depth and pseudo-reflectivity by performing interpolation, depth complementation, etc., but the time cost of this generation is unacceptable. The PMPF method pads the augmented pixels with the same pseudo-depth and pseudo-reflectivity as the key pixels in the region selection stage and, at the same time, averages the pseudo-depth and pseudo-reflectance of the reused pixels. Objectively, both interpolation and padding methods introduce errors, but we cannot quantify the depth and reflectance errors introduced by PMPF due to the lack of true values of depth and reflectance on each pixel. Roughly speaking, depth-completion introduces the smallest number of errors, while padding introduces the largest number of errors. In Section 5.4.3, it is experimentally demonstrated that after filling the region pixels with the same pseudo-depth and pseudo-reflectivity as the key points, more confusing pixels are eliminated (utilization and repetition rate are reduced) and the detector achieves higher accuracy.
In summary, after obtaining the complete information of the pixels in the augmented region, clustering is performed based on the   R , G , B , d e p t h , r e f l e c t i v i t y   information of the pixels, and the augmented pixels of the same kind as the key pixels are considered as the region-matching pixels, which are subsequently fused with the point cloud. Ultimately, we use the Euclidean distance between each pixel in the region and the R , G , B , d e p t h , r e f l e c t i v i t y vector of the initial clustering center pixel as the clustering condition, as follows:
D i s t a n c e = β 1 D t e x t u r e + β 2 D d e p t h + β 3 D r e f l e c t i v i t y ,
where β 1 , β 2 and β 3 are the constant coefficients of the distance formula.

3.1.3. Flat and Concatenate

Once a multi-pixel match to the point cloud has been obtained, the way in which the two data are combined needs to be considered. When matching multi-pixel i m a t c h K , K , 3 , the point cloud l 4 , fusing the pixels as an additional channel to the point cloud is difficult. We first perform a bitwise operation on the R G B 3 of the pixels and then represent them flatted in i f l a t K 2 . In this way, the matched multi-pixels can be connected to the point cloud as an additional K 2 channel of data to form the fused data.

3.2. 3D Object Detection

In Section 3.1, the region image with contextual information corresponding to each point cloud is determined (Section 3.1.1), the mismatched pixels in the region are eliminated using K-means (Section 3.1.2), and the fused data with rich texture information are formed as flat and concatenate (Section 3.1.3). Thus, PMPF increases the dimensionality of the point clouds p 4 + K 2 while performing data fusion, which requires the object detection model to have an autoencoder to cope with the different dimensions of the input data.
An autoencoder is an encoder–decoder network that compresses the input data into potential spatial representations and then reconstructs the output using such representations, which is a typical feature extraction method. When the dimensionality of the output data is different from that of the input data, it enables data dimensionality augmentation or compression. As shown in Figure 3, some LiDAR-only detectors convert point clouds into 2D/3D regular voxel data and input them into a 2D CNNs on BEV or 3D CNNs such as VFE (voxels feature encoder) [21]. Some detectors perform feature extraction directly on the original point cloud by using PFE (points feature encoder), while other detectors combine the advantages of both representations by fusing raw point clouds and voxel features. Here, a brief 3D-object-detection process is represented as follows:
P = p 1 , p 2 , ,   p n ,   p i = x i , y i , z i ,
F = f 1 , f 2 , ,   f n ,   f i = F E T r a n s a t i o n ( p i ) ,
c i ,   t i , θ i = H e a d f i ,
where P n ,   3 , F n ,   m are the set of point clouds and the set of feature vectors of point clouds, and m is the dimension of single feature. T r a n s a t i o n · is the transformation function of the point clouds, F E · stands for feature extraction method, and H e a d · represents the function of detection head model. p i 3 , f i m , c i q , t i 3 , θ i denote the ith point, the feature vector of the ith point, the classification probability, and the position, orientation of the ith candidate bounding box, respectively. q is the number of detection categories.
In the present approach, we demonstrate the effectiveness of PMPF on various SOTA LiDAR-only detectors [10,13,14,15,16,17,18] with autoencoders.

4. Experimental Setup

In this section, we describe the details of the dataset and experimental setup used in the experiments of the PMPF method. The experiments were conducted using an Intel Xeon 6338 with 32 cores, 64 GB RAM, and RTX3090 with 24 GB Memory Size.

4.1. Dataset

We use the KITTI 3D object detection dataset [7,8], which provides time-synchronized LiDAR point clouds and images, and provides each set of data separately in space for its parameters. It consists of 7481 training data sets and 7518 test data sets, containing a total of 80.256 labeled objects. It has three main classifications: car, pedestrian and cyclist. Ground truth objects were only annotated if they are visible in the image, so we follow the standard practice [21,33] of only using LiDAR points that project into the image. Note that KITTI 3D object detection ultimately uses average precision (AP) to evaluate the detection performance of the detector for each classification; for cars, KITTI requires a 3D bounding box overlap of 70%, while for pedestrians and cyclists it requires a 3D bounding box overlap of 50%; it offers three different levels of difficulty with easy, moderate, and hard. According to the official KITTI’s instructions, the above difficulty is elaborated on as follows:
  • Easy: Minimum bounding box height: 40 px; maximum occlusion level: fully visible; maximum truncation: 15%;
  • Moderate: Minimum bounding box height: 25 px; maximum occlusion level: partly occluded; maximum truncation: 30%;
  • Hard: Minimum bounding box height: 25 px; maximum occlusion level: difficult to see; maximum truncation: 50%.

4.2. PMPF Setup

Here, we provide more details on the PMPF fusion setup.
PMPF directly fuses the original point cloud data and the corresponding image data at the data level, which requires a neural network model using the fused data to be adaptive to changes in the dimensionality of the input data.
In the projection stage, we followed the projection method provided by KITTI. Each set of time-synchronized point cloud-images provided specific camera internal references, with a conversion matrix that allowed the point clouds to be converted to coordinates in the image plane. We crop point clouds that are not in the image plane after projection, including (1) point clouds towards the backside and (2) point clouds whose coordinates are outside the image plane after projection.
In the region-selection stage, we set the region size as K = 3, i.e., the point cloud corresponds to the augmented pixel region i m a t c h 3 , 3 , 3 . For augmented pixels that are beyond the image plane, we fill in ([0, 0, 0]).
In the region-matching stage, we use the Euclidean distance of simultaneously considering R , G , B , d e p t h , r e f l e c t i v i t y and key pixels as the clustering condition, where the parameters in Equation (6) are:
β 1 β 2 β 3 = 1 0.5 0.5 ,
due to the lack of pixel semantic labeling guidance, we cannot quantify the error of region matching and obtain the optimal solution for the above parameters. However, we derived the above parameters by eliminating as many mismatches as possible in challenging scenarios. The experiments in Section 5.4.2 and Section 5.4.3 demonstrate that the above parameters are helpful for both eliminating mismatches and improving the detector accuracy.
When executing the K-means algorithm, we use Bi-K-means, i.e., the number of clusters is 2, the key pixel is set as one initial cluster center, another non-key pixel is randomly set as the second initial cluster center, and the termination condition is 20 iterations or an accuracy of less than 1.
It should be emphasized that the above parameters are derived from the KITTI 3D object detection dataset. Different operating conditions lead to different data and model run performance, and the differences regarding parameter selection are detailed in Section 5.3 and Section 5.4.

4.3. 3D Object Detection

In this paper, we apply the open source code of the following 7 different methods: PointPillars [10], SECOND [13], CIA-SSD [14], SE-SSD [15], PointRCNN [16], PV-RCNN [17], Part-A2 [18]. The fusion versions of each network that use our method will be referred to as PMPF (e.g., PMPF-PointRCNN).
We used the open-source project of the above 7 methods and decorated the point cloud with 9 items of the raw matching pixels information. In the two-stage algorithm, the fused point cloud data are used as input for both the encoder and the region proposal network. No other changes were made to the public experimental configurations.

5. Result and Analysis

In Section 5.1 and Section 5.2, we present PMPF results on the KITTI datasets and compare them with the results of SOTA approaches. The parameters of the PMPF are outlined in Section 4.2. In Section 5.3, we analyzed the time delay introduced by the PMPF. In Section 5.4, we reveal the effects of each component of the PMPF on the 3D detection accuracy with ablation studies. All the detection results are evaluated by performing official KITTI 3D validation, which evaluates the performance of the models according to moderate average precision (mAP) overall and AP according to category.

5.1. Quantitative Analysis

5.1.1. KITTI Validation Set

We investigated the impact of the PMPF method on seven different LiDAR detectors. Table 1 illustrates that the PMPF method led to improvements in PointPillars [10], SECOND [13], CIA-SSD [14], SE-SSD [15], PointRCNN [16], PV-RCNN [17], and Part-A2 [18]. Of the methods for which the literature provided mAP results, 38 of the 51 comparisons were improved by PMPF. Especially in difficult situations, such as when looking at pedestrians and cyclists, the PMPF method offers significant improvements. The pedestrian category gained 5.32%, 5.54% and 4.02% when using the PMPF-PointPillars detector for easy, moderate and hard difficulties of 3D average precision (AP3D) improvement in validation split, reaching 70.69%, 66.20% and 60.53% of mAP3D, the highest pedestrians category AP among the seven methods tested in this paper. In the PMPF-PointRCNN, the cyclist category at easy, moderate and hard difficulties obtained the largest mAP3D gains of 3.57%, 7.79% and 6.36%, respectively, and reached the highest AP3D of all tested methods at 90.79%, 75.08% and 70.88%. It should be noted that, as illustrated in Figure 4b, the fusion of texture information may interfere with the detector for the car category, which has more distinct geometric features. The detector does not reflect a significant performance improvement in the pedestrian category. These differences are caused by the different detectors.
Additionally, we performed a comparison with the LiDAR detector using the PointPainting [9] method on the validation set. In the PointPainting [9] profile, which provides painted PointPillars [10] in the validation set, as shown in Table 2, five of nine comparisons were improved with PMPF. It is noteworthy that in the class of pedestrian with the sparsest point cloud, two out of the three comparisons were negative. PointPainting [9] directly fuses the semantic results of the target pixels with the point cloud data, and its strong coupling properties in classification and bounding box regression tasks give it a unique advantage in this type of task. PMPF is more straightforward and decoupled; although it lags behind PointPainting [9] in the pedestrian category; however, it is equal to or ahead of PointPainting in the moderate mAP. Additionally, because it avoids the complex semantic segmentation task, it runs three times faster than the PointPainting [9] method and can be better applied to real-time tasks.

5.1.2. KITTI Test Set

Here, we compare the PMPF method with the SOTA LiDAR detector in the KITTI 3D object detection benchmark. In this paper, we selected the best-performing radar detector in the test set, i.e., the PMPF-PV-RCNN, and compared it to the KITTI leaderboard. The leaderboard is divided into the following two categories according to modality: LiDAR + image (L+I) and LiDAR only (L). We compare the performance of the native PV-RCNN model in the test set to our method and show the Improvement; we achieved improvements in seven out of nine comparisons and improved the overall mAP by 0.81% to 63.62%. Additionally, by comparing all current fusion detectors that use LiDAR and Image data, our method achieved the highest mAP.
Based on the consistency of PMPF-PV-RCNN improvements between the validation set and test set, and the generality of the PMPF method, it is reasonable to believe that other methods in Table 3 would decidedly improve with the PMPF method. The strength, generality, robustness, and flexibility of the PMPF method suggests that it is the leading method for image–LiDAR fusion.

5.1.3. Performance Disadvantage Analysis

In Section 5.1.1 and Section 5.1.2, the PMPF method was found to not perform well in some categories, both when comparing LiDAR-only detectors or fusion models. We summarize the performance disadvantages embodied by PMPF as follows.
  • In comparison with the LiDAR-only detector, performance degradation occurred mainly in the category of car with well-defined geometric features. Since PMPF makes the detector sensitive to texture information, it may reduce the serval detector’s sensitivity to targets with explicit geometric features.
  • In comparison with the fusion-based model, performance disadvantage occurs mainly in the more difficult pedestrian and cyclist categories. The comparison with PointPainting [9] is discussed in detail in Section 5.2, and this section focuses on the performance disadvantage with F-ConvNet [27] in the cyclist category. F-ConvNet generates region proposals in the image, generates the frustum in space, extracts features, and enhances the model detection for small targets by performing multi-resolution frustum feature fusion. In contrast, PMPF improves the detection of targets with sparse geometric information by directly fusing multi-pixels matched with point clouds, and achieves a general accuracy improvement for small targets compared to the LiDAR-only detector; however, there is no doubt that PMPF is not as sensitive as 2D perception models for images.
To overcome the disadvantages above, we present the following solutions.
  • Adaptive fusion data selection. PMPF is a sequence-based multimodal fusion model. In the pre-fusion stage, the size of the fused information is selected based on the distinctness of geometric features (point cloud density, etc.) using an adaptive mechanism (self-attention, etc.). Fewer or even no pixels are fused to dense point clouds, and more pixels are fused to sparse point clouds, which are subsequently sampled to the same scale before being fed into the detector to ensure the accurate detection of targets with various uneven densities in the scene.
  • The adoption of a multi-stage fusion strategy to achieve the accurate detection of texture information by increasing the fusion of 2D–3D features in the network.

5.2. Qualitative Analysis

Here, we provide the qualitative comparison results for the well-performing LiDAR-only detectors PV-RCNN and PMPF-PV-RCNN. In Figure 5a, due to the common failure mode of the LiDAR-only detector, false positives are likely to occur for more distant targets with similar shape features, such as two cars misidentified at a distance (V1 and V3), and the PMPF-PV-RCNN method can help to address this problem by effectively avoiding false positives when pixel data are considered by the detector. In Figure 5b, the original PV-RCNN misses a cyclist, while in PMPF the cyclist(C1) is correctly identified and provides better detection and direction estimation for the vehicle.
In Figure 6, we provide a qualitative comparison from PointPainting [9] with the PMPF method for a scene that not only contains three classes of targets, but also has significant overlap and crossover in some of the targets. First, we focus on the two false positive cyclists (C3, C4) detected on the left panel as a result of PointPainting’s semantic segmentation of target false positives in the pre-fusion stage, where the two bicycles on the left side of the frame are judged to be cyclists, ultimately leading to a misjudgment by the LiDAR detector. In PMPF, the misjudgment of these two false-positive cyclists did not occur because no object classification or segmentation results were introduced to avoid the effect of false-positive information on the LiDAR detector. More importantly, we focus on the two cyclists travelling backwards and forwards in the center of the frame. As the cyclist at the rear of the image is mostly obscured and only pixels of part of the person are visible, the semantic segmentation network incorrectly judges it as a pedestrian (P2), leading PointPainting to judge the rear cyclist as a pedestrian. Similarly, the target between the two pedestrians (P3 and P4) in the middle right of the frame is visually overlapped by the bicycle in the foreground and the pedestrian in the rear; therefore, the semantic segmentation network, as before, judges it as a cyclist, while the bicycle is classified as a cyclist by the LiDAR detector (C5). Both of these false detections in PointPainting are due to typical defects in the image detector, which in turn make the LiDAR detector lose its advantage of being sensitive to geometric information. In the PMPF method, on the other hand, the LiDAR detector avoids the misidentification of targets that are easily misidentified in image detection, as there are no image classification results or semantic segmentation results, while the PMPF, which only incorporates multiple-pixels information, is able to correctly detect individual targets in complex scenes.
In addition, small targets in the distance can be focused on. Guided by the semantic segmentation results (although beyond the range of ground truth annotations), PointPainting identifies these two pedestrians (P8 and P9) as faraway, which are not detected by the LiDAR detector using PMPF, indicating that the method is currently unable to achieve the same sensitivity to pixels as image networks.

5.3. Time Latency

In Section 5.1.1, we derived the advantages of PMPF in terms of real-time performance by performing a comparison with PointPainting [9] and the time latency compared with the original detectors. In this section, we provide the details of the time latency introduced by the proposed method, as illustrated in Table 4.
In the projection step, the PMPF converts the point cloud into the image coordinate system of the vehicle by performing projection to obtain the pixel coordinates corresponding to the point cloud. Projection introduces a time latency of 0.092 ms.
In the region selection step, the PMPF method obtains the texture context information corresponding to the point cloud by selecting a square region of size K. The region selection introduces a time latency of 0.044 ms (K = 3).
In the region match step, the PMPF method clusters pixels that are similar to the centroids by performing K-means to achieve the rejection of mismatched pixels. Region matching is the most time-consuming step in the PMPF method. The time complexity of K-means is O(n). PMPF requires 0.617 ms to execute K-means for a single region (K = 3). However, the time complexity of performing K-means in frame (all regions) is O(n2). The increase in the region size will rapidly increase the computational cost. In the present study, we distribute the region-matching computation to all computational cores, which leads to a time delay of 20.723 ms (K = 3).
Furthermore, since PMPF increases the dimensionality of the input data, it causes latency in the encoding phase compared to the original LiDAR detector. In PMPF-PointPainting, the input data constitute 18 dimensions as opposed to 7 dimensions of the original data, which causes a time latency of 0.662 ms (K = 3).
Overall, PMPF (K = 3) itself introduces a latency of 20.859 ms and total 21.521 ms, while encoding time latency. As shown in Table 4, for the one-stage method [10,13,14,15], PMPF can still maintain real-time performance (>20 Hz), and for the two-stage method [16,17,18], the detectors’ FPS (frames per second) rate only drops to about 2 Hz with the application of PMPF. Therefore, PMPF is low latency and generally does not affect the operational efficiency of LiDAR-only detectors.

5.4. Ablation Studies

To reveal the effect of the various components of the PMPF method on the overall model, we conducted an ablation study with the KITTI validation set. As PMPF fuses dense images with sparse point clouds, we investigated (1) the effect of the image quality (Section 5.4.1); (2) the effect of the PMPF components on the detector (Section 5.4.2); and (3) the effect of the clustering conditions and execution configuration of the K-means algorithm on the detector (Section 5.4.3). It is important to note that the PMPF method significantly improves the utilization of the fused data, and here we present the average utilization rate (AUR). The AUR measures the utilization of image texture information in the sample (reused pixels are not counted again), which is calculated as follows:
AUR = i = 1 S N × K 2 O R W × H i / S ,
where S is the number of samples in the data set, N is the number of point clouds in the image range after projection, K is the region size, O is the number of out-of-bounds pixels in the matching region, R is the count of pixels being reused (for example, when a pixel is used twice, R accumulates 1), W is the image’s width, and H is image’s height.
When K > 1, there are already pixels that have been fused by multiple point clouds and appear to be duplicated, so we introduced the average reputation rate (ARR) to indicate the proportion of pixels in the dataset that have been reused. The ARR is calculated as follows:
ARR = i = 1 S R N × K 2 O i / S .

5.4.1. Effect of the Image Quality

This section focuses on the effect of raw image quality on PMPF. Sequence-based multimodal 3D detectors suffer from poor image and 2D detector quality. Since PMPF directly fuses the contextual texture information in the image, it avoids the problems introduced by 2D detectors, but the quality of the image used for direct fusion inevitably affects the performance of PMPF. We mainly consider the effect of low illumination and ambiguity in a dynamic environment on PMPF compared to a clear and well-illuminated image.
For comparison with PMPF, we used YOLOv5 [52] as 2D detector on both raw and low-quality images. YOLOv5 [52] was pre-trained on the coco [53] dataset and finetuned on the KITTI dataset. As shown in Figure 7, even if the input image is ambiguous or dark, PMPF still performs accurate detection of key targets in the scene, while the 2D detector fails almost completely.
In addition, we investigated whether low-quality images caused the accuracy of PMPF to fall below that of the LiDAR-only detector. As shown in Figure 8, the PMPF still maintains its detection of key targets in blurred and dark images. The false positives (P2, V4, and V5) appear after the introduction of the DARK image in PMPF, where P2 is a confusing false positive in the point cloud and is also misidentified in the baseline. This demonstrates one of the advantages that PMPF brings by fusing the raw image data. However, the appearance of more false positives than the baseline proves that the sensitivity of the 3D detector to geometric information decreases after considering pixel texture information.
As shown in Table 5, when fusing blurred images, the accuracy degradation is mainly concentrated on the hard difficulty targets in the pedestrian and cyclist categories, implying that the ambiguous image texture was not sufficient to help the LiDAR detector overcome the missed detection of small or obscured targets. When fusing dark images, the global accuracy decreases compared to the baseline (0.12%), which we attribute to the presence of more false positives. This also indicates that the LiDAR detector is less sensitive to ensemble information in the PMPF.

5.4.2. Effect of the PMPF Components

We selected the robust PMPF-SECOND model and the SOTA PMPF-PV-RCNN model for the ablation study of the PMPF components. We use the LiDAR-only detector results as a baseline. In PMPF, the image pixel information is fused with the point cloud. We investigated the effect of different kernel sizes on the detection accuracy of the LiDAR detector. At the same time, multiple point clouds correspond to areas where the images overlap. This phenomenon does not have a large impact on the AP when the K is appropriate, as long as the overlapping pixels include the correct information corresponding to the LiDAR point. When the K value is large, there will be greater overlap in the region images corresponding to multiple LiDAR points (the overlap rate exceeds the utilization rate); this leads to the question of whether a larger region selection still makes sense. In this section, we investigate the ablation of these questions. Table 6 and Table 7 shows the results of the ablation study for SECOND and PV-RCNN after using the PMPF method.
When K = 1, a point cloud is fused with one pixel, we observe a 0.43% AP improvement in hard difficulty in the cyclist category in the SECOND method, and only a weak improvement or even a decrease in the other comparisons. From a qualitative view, as shown in Figure 2, such a fusion method also makes the pixel information sparse, possibly leading to a lack of distinctive high-dimensional features of the pixels, in which case the AUR is only 8.22%. This phenomenon is even more pronounced in the PV-RCNN, especially in the car category with easy difficulty, where the maximum drop in AP reaches 4.34%.
When K = 3, the AUR increases considerably, reaching 55.27%, but we find that the utilization of pixels is lower than the number of point clouds projected in the image plane multiplied by K2, which is mainly due to the following two reasons:
  • Some of the projected point clouds are at the edges of the image plane, making it impossible to extend them in certain directions to obtain pixel information;
  • Most of the projected point clouds are more closely aligned in the horizontal direction, resulting in multiple points repeatedly acquiring the same pixels, at which point the ARR is 33.86%.
Without region match, PMPF-SECOND (K = 3) has a stable improvement over the baseline, compared to K = 1, which leads to an improvement in all comparison terms. However, for PMPF-PV-RCNN, in contrast to baseline, both K = 1 and K = 3 lead to a performance degradation in the car category, as the target in the car category has more significant geometrical features and the added color information may cause distress to the detector, which can occur in detectors involving point-wise encoders. Compared to K = 1, there is a significant improvement in eight out of nine comparison terms, especially in challenging scenarios, with larger improvements observed in both the pedestrian and cyclist categories.
With region match, the AUR and ARR both decrease, but there is a steady improvement in PMPF-SECOND and PMPF-PV-RCNN, especially in the more geometrically sparse categories of pedestrian and cyclist, where the correct complementary texture information leads to a significant improvement over the baseline. Note that when K > 3, there are still overlapping regions after region matching, when we consider the regions to be accurate and connected to the corresponding points.
When K = 5, the AU is already over 100%, theoretically, but it is 85.36% at this point. In addition to the two reasons mentioned at K = 3, another important factor affecting the AU at this point is that a part of the projection plane does not have any projected point clouds distributed in it, which leads to a decrease in utilization. It is worth noting that at K = 5, the repetition rate has risen to 144.03%, that is, the same pixel has been used by more than two points.
Without region match, both the PMPF-SECOND and PMPF-PV-RCNN methods show degraded performance when compared to K = 3. Overall, the drop in AP is probably due to the fact that at the edges of the target, the point cloud contains more texture information from the background or other targets, resulting in more severe mismatching and thus a greater error in the final bounding box regression; therefore, it is more pronounced in the car category (which requires a 70% bounding box overlap).
With region match, a large number of texture differences are eliminated and the ARR drops rapidly to 80.84%. Reflecting this in the detectors, there is a significant performance improvement over the case without region matching, as a large amount of feature blurring is avoided.
Based on the results and analyses of this section, we suggest a general region-size selection principle: The utilization of images in the sample should be increased as much as possible according to the density of the original point cloud data to enrich the contextual texture information contained in the point cloud. There is no need to worry about the appearance of multiplexed pixels, which correctly correspond according to region matching. On this basis, caution should be taken when choosing larger region sizes, as excessive texture information may reduce the detector’s sensitivity with geometric features, and a large region will dramatically increase the computational cost of the fusion phase, thereby affecting the real-time performance. Finally, make sure the PMPF gets the best performance.

5.4.3. Effect of the Clustering Conditions and Execution Configuration of K-Means Clustering

The effectiveness of region matching was illustrated in Section 5.4.2; further, in this section, we conduct an ablation study on the specific implementation of the region-matching method, where we use the PMPF-PV-RCNN model with K = 3 and no region matching as a baseline. Experiments were conducted based on the effect of clustering conditions, the number of clusters and number of iterations of K-means on the detector. Since K-means performed on a single region is not complicated (0.6 ms on a 3 × 3 region), we distribute the point-level computation to all cores and use multi-threading to eliminate the time cost of K-means.
As shown in Table 8, we are unable to determine whether much of the mismatched data is eliminated with the region-matching method without the segmentation ground truth; however, the results from 3D detection show that performing region matching does help to improve the detector performance. When more complex clustering conditions are considered, K-means can reduce the ARR, which can indicate that the clustering conditions that consider D t e x t u r e , D d e p t h and D r e f l e c t i v i t y can eliminate more mismatched pixels, thereby improving the performance of the detector. When the number of clusters increases, a significant decrease in both AUR and ARR can be found, which is due to the fact that over-fine classification can lead to fewer pixels of the same kind being used as the key pixels, which eventually leads to a decrease in the performance of the detector. The increase in the number of iterations improves the detector’s recognition of complex objects at the expense of real-time performance, and its mAP in the general category does not exceed that of the K-means model with 20 iterations.
To further verify the extensibility of the PMPF method, we use the PMPF method to fuse the semantic map with the point cloud. We use deeplabv3+ to generate semantic labels. As shown in Table 9, region matching guided by semantic segmentation results can effectively reduce ARR; however, considering the exponentially increasing time cost, the method only obtains a 0.29% mAP improvement. The further decrease in ARR when using both semantic segmentation results and K-means can indicate that the error of semantic segmentation is also carried into region matching, and K-means eliminates some of the mismatches in the regions by eliminating pixels that are different from the center of clustering at the demarcation within the target range.
It should be emphasized that using semantic segmentation networks in the fusion stage is not the aim of this paper, and this part is only used as a supplement to the performance of PMPF expansion; therefore, no further qualitative results are shown or analyzed.

6. Conclusions

In this work, we present PMPF (point cloud–multiple-pixel fusion)-based 3D object detection for autonomous driving. PMPF solves the coupling problem introduced while fusing image context information in the sequence fusion model and achieves high accuracy in 3D object detection. PMPF is a plug-and-play module that can be applied to any LiDAR-only detector with autoencoder, while ensuring the operational efficiency of 3D detectors with the low latency of the PMPF model. Extensive experiments on the KITTI dataset have demonstrated the accuracy improvement of PMPF in various SOTA LiDAR-only detectors. The ablation studies demonstrate the robustness of the PMPF for different quality image inputs and illustrate the effect of the components of the PMPF on detection accuracy and run time. Although the proposed approach achieves a better detection accuracy, there are still some drawbacks in our study:
  • PMPF accurately fuses all point clouds, which is computationally wasteful at background points;
  • PMPF’s sensitivity to targets with significant geometric features is reduced compared to LiDAR-only detectors;
  • PMPF’s detection accuracy for hard-difficulty targets is not accurate enough compared to some SOTA fusion-based methods;
  • PMPF method is trained and tested on public datasets; therefore, factors such as rain, snow, dust, and illumination conduction that affect LiDAR and cameras can degrade the generalization performance of the PMPF method.
To overcome the above-mentioned drawbacks, our future research directions to improve PMPF are as follows:
  • Segmenting the foreground and background and performing accurate data fusion only in the foreground without sacrificing real-time performance;
  • Adaptive selection of fused image information, less or even no fusion of images in point clouds with significant geometric features, and more fusion of image information on sparse objects.
  • Fusing more hierarchical multimodal data-fusion strategies, such as building a deep network of data fusion + feature fusion to enhance the performance of object detection.
  • Fusing more information from sensors, such as radar, and IMU, to ensure the environment coding has greater accuracy with richer results to improve the performance of the detector;
  • Enhancing the generalization performance by data augmentation or training in real data.

Author Contributions

Conceptualization, Y.Z. (Yan Zhang), K.L. and H.B.; methodology, Y.Z. (Yan Zhang); software, Y.Z. (Yan Zhang); validation, Y.Z. (Yan Zhang), K.L. and Y.Z. (Ying Zheng); formal analysis, Y.Y.; investigation, Y.Z. (Yan Zhang); resources, Y.Z. (Yan Zhang); data curation, Y.Z. (Yan Zhang) and K.L.; writing—original draft preparation, Y.Z. (Yan Zhang); writing—review and editing, Y.Z. (Yan Zhang), H.B.; visualization, Y.Z. (Yan Zhang) and Y.Y.; supervision, H.B.; project administration, Y.Z. (Yan Zhang), H.B.; funding acquisition, H.B. All authors have read and agreed to the published version of the manuscript.

Funding

This work was supported in part by Key Project of National Nature Science Foundation of China under grant 61932012.

Data Availability Statement

The dataset generated and analyzed during the current study is available in the KITTI 3D object detection repository (https://www.cvlibs.net/datasets/kitti/eval_object.php?obj_benchmark=3d, accessed on 7 March 2023).

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Duarte, F. Self-Driving Cars: A City Perspective. Sci. Robot. 2019, 4, eaav9843. [Google Scholar] [CrossRef]
  2. Guo, J.; Kurup, U.; Shah, M. Is It Safe to Drive? An Overview of Factors, Metrics, and Datasets for Driveability Assessment in Autonomous Driving. IEEE Trans. Intell. Transport. Syst. 2020, 21, 3135–3151. [Google Scholar] [CrossRef]
  3. Bigman, Y.E.; Gray, K. Life and Death Decisions of Autonomous Vehicles. Nature 2020, 579, E1–E2. [Google Scholar] [CrossRef]
  4. Huang, P.; Cheng, M.; Chen, Y.; Luo, H.; Wang, C.; Li, J. Traffic Sign Occlusion Detection Using Mobile Laser Scanning Point Clouds. IEEE Trans. Intell. Transport. Syst. 2017, 18, 2364–2376. [Google Scholar] [CrossRef]
  5. Chen, L.; Zou, Q.; Pan, Z.; Lai, D.; Zhu, L.; Hou, Z.; Wang, J.; Cao, D. Surrounding Vehicle Detection Using an FPGA Panoramic Camera and Deep CNNs. IEEE Trans. Intell. Transport. Syst. 2020, 21, 5110–5122. [Google Scholar] [CrossRef]
  6. Wang, J.-G.; Zhou, L.-B. Traffic Light Recognition With High Dynamic Range Imaging and Deep Learning. IEEE Trans. Intell. Transport. Syst. 2019, 20, 1341–1352. [Google Scholar] [CrossRef]
  7. Geiger, A.; Lenz, P.; Urtasun, R. Are We Ready for Autonomous Driving? The KITTI Vision Benchmark Suite. In Proceedings of the 2012 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Providence, RI, USA, 16–21 June 2012; pp. 3354–3361. [Google Scholar]
  8. Geiger, A.; Lenz, P.; Stiller, C.; Urtasun, R. Vision Meets Robotics: The KITTI Dataset. Int. J. Robot. Res. 2013, 32, 1231–1237. [Google Scholar] [CrossRef] [Green Version]
  9. Vora, S.; Lang, A.H.; Helou, B.; Beijbom, O. PointPainting: Sequential Fusion for 3D object detection. In Proceedings of the 2020 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Seattle, WA, USA, 13–19 June 2020; pp. 4603–4611. [Google Scholar]
  10. Lang, A.H.; Vora, S.; Caesar, H.; Zhou, L.; Yang, J.; Beijbom, O. PointPillars: Fast Encoders for object detection From Point Clouds. In Proceedings of the 2019 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Long Beach, CA, USA, 15–20 June 2019; pp. 12689–12697. [Google Scholar]
  11. Yang, Z.; Sun, Y.; Liu, S.; Shen, X.; Jia, J. STD: Sparse-to-Dense 3D Object Detector for Point Cloud. In Proceedings of the IEEE/CVF International Conference on Computer Vision (ICCV), Seoul, Republic of Korea, 27 October–2 November 2019; pp. 1951–1960. [Google Scholar]
  12. Cui, Y.; Chen, R.; Chu, W.; Chen, L.; Tian, D.; Li, Y.; Cao, D. Deep Learning for Image and Point Cloud Fusion in Autonomous Driving: A Review. IEEE Trans. Intell. Transport. Syst. 2022, 23, 722–739. [Google Scholar] [CrossRef]
  13. Yan, Y.; Mao, Y.; Li, B. SECOND: Sparsely Embedded Convolutional Detection. Sensors 2018, 18, 3337. [Google Scholar] [CrossRef] [Green Version]
  14. Zheng, W.; Tang, W.; Chen, S.; Jiang, L.; Fu, C.-W. CIA-SSD: Confident IoU-Aware Single-Stage Object Detector From Point Cloud. Proc. AAAI Conf. Artif. Intell. 2021, 35, 3555–3562. [Google Scholar] [CrossRef]
  15. Zheng, W.; Tang, W.; Jiang, L.; Fu, C.-W. SE-SSD: Self-Ensembling Single-Stage Object Detector from Point Cloud. In Proceedings of the 2021 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Nashville, TN, USA, 20–25 June 2021; pp. 14494–14503. [Google Scholar]
  16. Shi, S.; Wang, X.; Li, H. PointRCNN: 3D Object Proposal Generation and Detection from Point Cloud. In Proceedings of the 2019 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Long Beach, CA, USA, 15–20 June 2019; pp. 770–779. [Google Scholar]
  17. Shi, S.; Guo, C.; Yang, J.; Li, H. PV-RCNN: The Top-Performing LiDAR-Only Solutions for 3D Detection / 3D Tracking / Domain Adaptation of Waymo Open Dataset Challenges. arXiv 2020, arXiv:2008.12599. [Google Scholar] [CrossRef]
  18. Shi, S.; Wang, Z.; Shi, J.; Wang, X.; Li, H. From Points to Parts: 3D object detection from Point Cloud with Part-Aware and Part-Aggregation Network. IEEE Trans. Pattern Anal. Mach. Intell. 2021, 43, 2647–2664. [Google Scholar] [CrossRef] [Green Version]
  19. Qi, C.R.; Su, H.; Mo, K.; Guibas, L.J. PointNet: Deep Learning on Point Sets for 3D Classification and Segmentation. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Honolulu, HI, USA, 21–26 July 2017; pp. 652–660. [Google Scholar]
  20. Qi, C.R.; Yi, L.; Su, H.; Guibas, L.J. PointNet++: Deep Hierarchical Feature Learning on Point Sets in a Metric Space. In Proceedings of the 31st International Conference on Neural Information Processing Systems (NIPS’17), Red Hook, NY, USA, 4 December 2017; Curran Associates, Inc.: New York, NY, USA, 2017; Volume 30. [Google Scholar]
  21. Zhou, Y.; Tuzel, O. VoxelNet: End-to-End Learning for Point Cloud Based 3D object detection. In Proceedings of the 2018 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Salt Lake City, UT, USA, 18–23 June 2018; pp. 4490–4499. [Google Scholar]
  22. Graham, B.; Engelcke, M.; van der Maaten, L. 3D Semantic Segmentation with Submanifold Sparse Convolutional Networks. In Proceedings of the 2018 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Salt Lake City, UT, USA, 18–23 June 2018; pp. 9224–9232. [Google Scholar]
  23. Zhang, J.; Wang, J.; Xu, D.; Li, Y. HCNET: A Point Cloud object detection Network Based on Height and Channel Attention. Remote Sens. 2021, 13, 5071. [Google Scholar] [CrossRef]
  24. Ge, R.; Ding, Z.; Hu, Y.; Wang, Y.; Chen, S.; Huang, L.; Li, Y. AFDet: Anchor Free One Stage 3D object detection. arXiv 2020, arXiv:2006.12671. [Google Scholar]
  25. Ronneberger, O.; Fischer, P.; Brox, T. U-Net: Convolutional Networks for Biomedical Image Segmentation. In Proceedings of the Medical Image Computing and Computer-Assisted Intervention—MICCAI 2015, Munich, Germany, 5–9 October 2015; Navab, N., Hornegger, J., Wells, W.M., Frangi, A.F., Eds.; Springer International Publishing: Cham, Switzerland, 2015; pp. 234–241. [Google Scholar]
  26. Qi, C.R.; Liu, W.; Wu, C.; Su, H.; Guibas, L.J. Frustum PointNets for 3D object detection From RGB-D Data. In Proceedings of the 2018 IEEE/CVF Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–23 June 2018; pp. 918–927. [Google Scholar]
  27. Wang, Z.; Jia, K. Frustum ConvNet: Sliding Frustums to Aggregate Local Point-Wise Features for Amodal 3D object detection. In Proceedings of the 2019 IEEE/RSJ International Conference on Intelligent Robots and Systems (IROS), Macau, China, 3–8 November 2019; pp. 1742–1749. [Google Scholar]
  28. Du, X.; Ang, M.H.; Karaman, S.; Rus, D. A General Pipeline for 3D Detection of Vehicles. In Proceedings of the 2018 IEEE International Conference on Robotics and Automation (ICRA), Brisbane, QLD, Australia, 21–25 May 2018; pp. 3194–3200. [Google Scholar]
  29. Shin, K.; Kwon, Y.P.; Tomizuka, M. RoarNet: A Robust 3D object detection Based on RegiOn Approximation Refinement. In Proceedings of the 2019 IEEE Intelligent Vehicles Symposium (IV), Paris, France, 9–12 June 2019; pp. 2510–2515. [Google Scholar]
  30. Yang, Z.; Sun, Y.; Liu, S.; Shen, X.; Jia, J. IPOD: Intensive Point-Based Object Detector for Point Cloud. arXiv 2018, arXiv:1812.05276. [Google Scholar]
  31. Imad, M.; Doukhi, O.; Lee, D.-J. Transfer Learning Based Semantic Segmentation for 3D object detection from Point Cloud. Sensors 2021, 21, 3964. [Google Scholar] [CrossRef] [PubMed]
  32. Huang, T.; Liu, Z.; Chen, X.; Bai, X. EPNet: Enhancing Point Features with Image Se-mantics for 3D object detection. arXiv 2020, arXiv:2007.08856. [Google Scholar]
  33. Chen, X.; Ma, H.; Wan, J.; Li, B.; Xia, T. Multi-View 3D object detection Network for Autonomous Driving. In Proceedings of the 2017 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Honolulu, HI, USA, 21–26 July 2017; pp. 1907–1915. [Google Scholar]
  34. Ku, J.; Mozifian, M.; Lee, J.; Harakeh, A.; Waslander, S.L. Joint 3D Proposal Generation and object detection from View Aggregation. In Proceedings of the 2018 IEEE/RSJ International Conference on Intelligent Robots and Systems (IROS), Madrid, Spain, 1–5 October 2018; pp. 1–8. [Google Scholar]
  35. Lu, H.; Chen, X.; Zhang, G.; Zhou, Q.; Ma, Y.; Zhao, Y. Scanet: Spatial-Channel Attention Network for 3D object detection. In Proceedings of the ICASSP 2019—2019 IEEE International Conference on Acoustics, Speech and Signal Processing (ICASSP), Brighton, UK, 12–17 May 2019; pp. 1992–1996. [Google Scholar]
  36. Yuan, Q.; Mohd Shafri, H.Z. Multi-Modal Feature Fusion Network with Adaptive Center Point Detector for Building Instance Extraction. Remote Sens. 2022, 14, 4920. [Google Scholar] [CrossRef]
  37. Zheng, W.; Xie, H.; Chen, Y.; Roh, J.; Shin, H. PIFNet: 3D object detection Using Joint Image and Point Cloud Features for Autonomous Driving. Appl. Sci. 2022, 12, 3686. [Google Scholar] [CrossRef]
  38. Liu, L.; He, J.; Ren, K.; Xiao, Z.; Hou, Y. A LiDAR–Camera Fusion 3D object detection Algorithm. Information 2022, 13, 169. [Google Scholar] [CrossRef]
  39. Wang, J.; Zhu, M.; Wang, B.; Sun, D.; Wei, H.; Liu, C.; Nie, H. KDA3D: Key-Point Densification and Multi-Attention Guidance for 3D object detection. Remote Sens. 2020, 12, 1895. [Google Scholar] [CrossRef]
  40. Wang, J.; Zhu, M.; Sun, D.; Wang, B.; Gao, W.; Wei, H. MCF3D: Multi-Stage Complementary Fusion for Multi-Sensor 3D object detection. IEEE Access 2019, 7, 90801–90814. [Google Scholar] [CrossRef]
  41. Pang, S.; Morris, D.; Radha, H. CLOCs: Camera-LiDAR Object Candidates Fusion for 3D object detection. arXiv 2020, arXiv:2009.00784. [Google Scholar]
  42. Liang, M.; Yang, B.; Wang, S.; Urtasun, R. Deep Continuous Fusion for Multi-Sensor 3D object detection. In Proceedings of the European Conference on Computer Vision (ECCV), Munich, Germany, 8–14 September 2018; pp. 641–656. [Google Scholar]
  43. Liang, M.; Yang, B.; Chen, Y.; Hu, R.; Urtasun, R. Multi-Task Multi-Sensor Fusion for 3D object detection. In Proceedings of the 2019 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Long Beach, CA, USA, 15–20 June 2019; pp. 7345–7353. [Google Scholar]
  44. Sindagi, V.A.; Zhou, Y.; Tuzel, O. MVX-Net: Multimodal VoxelNet for 3D object detection. In Proceedings of the 2019 International Conference on Robotics and Automation (ICRA), Montreal, QC, Canada, 20–24 May 2019; pp. 7276–7282. [Google Scholar]
  45. Song, S.; Xiao, J. Sliding Shapes for 3D object detection in Depth Images. In Proceedings of the Computer Vision—ECCV 2014, Zurich, Switzerland, 6–12 September 2014; Fleet, D., Pajdla, T., Schiele, B., Tuytelaars, T., Eds.; Springer International Publishing: Cham, Switzerland, 2014; pp. 634–651. [Google Scholar]
  46. Song, S.; Xiao, J. Deep Sliding Shapes for Amodal 3D object detection in RGB-D Images. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Las Vegas, NV, USA, 27–30 June 2016; pp. 808–816. [Google Scholar]
  47. Simonyan, K.; Zisserman, A. Very Deep Convolutional Networks for Large-Scale Image Recognition. arXiv 2014, arXiv:1409.1556. [Google Scholar]
  48. Wang, S.; Suo, S.; Ma, W.-C.; Pokrovsky, A.; Urtasun, R. Deep Parametric Continuous Convolutional Neural Networks. In Proceedings of the 2018 IEEE/CVF Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–23 June 2018; pp. 2589–2597. [Google Scholar]
  49. Krishna, K.; Narasimha Murty, M. Genetic K-Means Algorithm. IEEE Trans. Syst. Man Cybern. Part B Cybern. 1999, 29, 433–439. [Google Scholar] [CrossRef] [Green Version]
  50. Jain, A.K. Data Clustering: 50 Years beyond K-Means. Pattern Recognit. Lett. 2010, 31, 651–666. [Google Scholar] [CrossRef]
  51. Qian, R.; Lai, X.; Li, X. 3D object detection for Autonomous Driving: A Survey. Pattern Recognit. 2022, 130, 108796. [Google Scholar] [CrossRef]
  52. Redmon, J.; Divvala, S.; Girshick, R.; Farhadi, A. You Only Look Once: Unified, Real-Time object detection. In Proceedings of the 2016 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Las Vegas, NV, USA, 27–30 June 2016; pp. 779–788. [Google Scholar]
  53. Lin, T.-Y.; Maire, M.; Belongie, S.; Hays, J.; Perona, P.; Ramanan, D.; Dollár, P.; Zitnick, C.L. Microsoft COCO: Common Objects in Context. In Proceedings of the Computer Vision—ECCV 2014, Zurich, Switzerland, 6–12 September 2014; Fleet, D., Pajdla, T., Schiele, B., Tuytelaars, T., Eds.; Springer International Publishing: Cham, Switzerland, 2014; pp. 740–755. [Google Scholar]
Figure 1. PMPF overview. The PMPF architecture consists of the following five stages: (I) point cloud project to image plane, (II) region selection, (III) region match, (IV) flat and concatenate, and (V) LiDAR-based detector. In the first stage, the point cloud is projected onto the image plane to obtain the pixels corresponding to each point. In the second stage, the region corresponding to each point is selected using the corresponding pixel as the key pixel. In the third stage, the region corresponding to each point is selected precisely by matching. In the fourth stage, the regional point cloud data is flat and fused with the point cloud. Finally, the LiDAR-based object detector can be used on this decorated point cloud for 3D detection.
Figure 1. PMPF overview. The PMPF architecture consists of the following five stages: (I) point cloud project to image plane, (II) region selection, (III) region match, (IV) flat and concatenate, and (V) LiDAR-based detector. In the first stage, the point cloud is projected onto the image plane to obtain the pixels corresponding to each point. In the second stage, the region corresponding to each point is selected using the corresponding pixel as the key pixel. In the third stage, the region corresponding to each point is selected precisely by matching. In the fourth stage, the regional point cloud data is flat and fused with the point cloud. Finally, the LiDAR-based object detector can be used on this decorated point cloud for 3D detection.
Remotesensing 15 01580 g001
Figure 2. A visual representation of the pixel information utilization by PMPF. The left panel shows K = 1 and the right panel shows K = 3. In the left panel, the pixel information is sparse, while in the right panel the utilization is improved, and the pixel information is denser. The image and point clouds data are derived from the KITTI 3D dataset.
Figure 2. A visual representation of the pixel information utilization by PMPF. The left panel shows K = 1 and the right panel shows K = 3. In the left panel, the pixel information is sparse, while in the right panel the utilization is improved, and the pixel information is denser. The image and point clouds data are derived from the KITTI 3D dataset.
Remotesensing 15 01580 g002
Figure 3. General classification of LiDAR-only detectors’ encoder [51].
Figure 3. General classification of LiDAR-only detectors’ encoder [51].
Remotesensing 15 01580 g003
Figure 4. PMPF is a plug-and-play fusion method that can be used in any 3D detector with an autoencoder. (a) Comparison of the mean average accuracy of all classes on the KITTI validation set on moderate difficulty for seven LiDAR detectors using the PMPF method and their original detectors. (b) Comparison of all-class accuracy on the KITTI validation set for moderate difficulty.
Figure 4. PMPF is a plug-and-play fusion method that can be used in any 3D detector with an autoencoder. (a) Comparison of the mean average accuracy of all classes on the KITTI validation set on moderate difficulty for seven LiDAR detectors using the PMPF method and their original detectors. (b) Comparison of all-class accuracy on the KITTI validation set for moderate difficulty.
Remotesensing 15 01580 g004
Figure 5. Qualitative analysis results of the KITTI 3D object detection dataset. We created two comparison figures. (a) Compared to PV-RCNN, PMPF-PV-RCNN reduces false positive detection in complex scenarios. (b) Compared to PV-RCNN, PMPF-PV-RCNN reduces true positive misses in general scenarios. For each comparison, the 3D object detection results for the image are on the top and point cloud on the bottom, where the LiDAR-only detector (PV-RCNN) results are on the left and the results of PMPF are on the Right. The boxes drawn in the diagram are green for car, light blue for pedestrian, yellow for cyclist, and red for ground truth and the letter and digit denote the classification and ID of each box with “V” for car, “P” for pedestrian, and “C” for cyclist.
Figure 5. Qualitative analysis results of the KITTI 3D object detection dataset. We created two comparison figures. (a) Compared to PV-RCNN, PMPF-PV-RCNN reduces false positive detection in complex scenarios. (b) Compared to PV-RCNN, PMPF-PV-RCNN reduces true positive misses in general scenarios. For each comparison, the 3D object detection results for the image are on the top and point cloud on the bottom, where the LiDAR-only detector (PV-RCNN) results are on the left and the results of PMPF are on the Right. The boxes drawn in the diagram are green for car, light blue for pedestrian, yellow for cyclist, and red for ground truth and the letter and digit denote the classification and ID of each box with “V” for car, “P” for pedestrian, and “C” for cyclist.
Remotesensing 15 01580 g005
Figure 6. Qualitative comparison between PointPainting [9] (left) and PMPF (right) on the KITTI validation set. The figures are marked in the same way in Figure 5.
Figure 6. Qualitative comparison between PointPainting [9] (left) and PMPF (right) on the KITTI validation set. The figures are marked in the same way in Figure 5.
Remotesensing 15 01580 g006
Figure 7. Qualitative comparison between PMPF and YOLOv5 [52] under different image quality scenarios on the KITTI 3D object detection dataset. The figures are marked in the same way in Figure 5.
Figure 7. Qualitative comparison between PMPF and YOLOv5 [52] under different image quality scenarios on the KITTI 3D object detection dataset. The figures are marked in the same way in Figure 5.
Remotesensing 15 01580 g007
Figure 8. Qualitative comparison between PMPF under different image quality scenarios and PV-RCNN on the KITTI 3D object detection dataset. The figures are marked in the same way in Figure 5.
Figure 8. Qualitative comparison between PMPF under different image quality scenarios and PV-RCNN on the KITTI 3D object detection dataset. The figures are marked in the same way in Figure 5.
Remotesensing 15 01580 g008
Table 1. Applied to SOTA LiDAR-based object detectors for PMPF. All LiDAR methods show improved 3D mean accuracy precision (mAP) for car, pedestrian and cyclist on the KITTI validation set. Abbreviations: runtime (RT).
Table 1. Applied to SOTA LiDAR-based object detectors for PMPF. All LiDAR methods show improved 3D mean accuracy precision (mAP) for car, pedestrian and cyclist on the KITTI validation set. Abbreviations: runtime (RT).
MethodRT (ms)mAPCarPedestrianCyclist
Mod.EasyMod.HardEasyMod.HardEasyMod.Hard
PointPillars [10]1666.9687.2276.9573.5265.3760.6656.5182.2963.2659.82
PMPF-PointPillars3869.4486.6176.7175.3570.6966.2060.5382.1465.4158.91
SECOND [13]3867.1286.8576.6474.4167.7959.8452.3884.9264.8958.59
PMPF-SECOND6068.4488.1878.2176.8869.3660.3554.2385.5266.7663.38
PointRCNN [16]10067.0186.7576.0674.3063.2958.3251.5983.6866.6761.92
PMPF-PointRCNN12272.2688.5878.4377.9363.9058.5351.4987.2574.4668.28
PV-RCNN [17]8070.8391.5583.1278.9463.6356.6252.9389.1772.7568.57
PMPF-PV-RCNN10273.5289.1683.6678.8266.5961.8256.9490.7975.0870.88
Part-A2 [18]8069.7989.5679.4178.8465.6860.0555.4585.5069.9065.48
PMPF- Part-A210170.8289.4479.1778.6764.0161.2558.3585.5672.0467.12
CIA-SSD [14]31- *89.8979.6378.65------
PMPF-CIA-SSD53-89.6680.9578.90------
SE-SSD [15]31-93.1986.1283.31------
PMPF-SE-SSD53-94.2085.4583.68------
* “-”: These data were not provided in the original literature. The best result is bolded in each set of comparisons.
Table 2. Comparison with PointPainting in KITTI 3D detection validation set. The PMPF method shows an overall improvement in car and cyclist categories, a 0.41% improvement in mAP compared to PointPainting and, more importantly, a great improvement in run time (RT).
Table 2. Comparison with PointPainting in KITTI 3D detection validation set. The PMPF method shows an overall improvement in car and cyclist categories, a 0.41% improvement in mAP compared to PointPainting and, more importantly, a great improvement in run time (RT).
MethodRT(s)mAPCarPedestrianCyclist
Mod.EasyMod.HardEasyMod.HardEasyMod.Hard
PointPillars [10] (base)0.01666.9687.2276.9573.5265.3760.6656.5182.2963.2659.82
PointPainting [9]0.31669.0386.2676.7770.2571.5066.1561.0379.1264.1860.79
PMPF-PointPillars0.03769.4486.6176.7175.3570.6966.2060.5382.1465.4158.91
The best result is bolded in each column.
Table 3. Results from the KITTI test set for 3D object detection. These models are LiDAR (L), image (I). Delta is due to the difference in PMPF, i.e., PMPF-PV-RCNN minus PV-RCNN.
Table 3. Results from the KITTI test set for 3D object detection. These models are LiDAR (L), image (I). Delta is due to the difference in PMPF, i.e., PMPF-PV-RCNN minus PV-RCNN.
MethodModalitymAPCarPedestrianCyclist
Mod.EasyMod.HardEasyMod.HardEasyMod.Hard
MV3D [33]L+I- *74.9763.6354.00------
AVOD-FPN [34]L+I54.8683.0771.7665.7350.4642.2739.0463.7650.5544.93
F-PointNet [1]L+I59.3582.1969.7950.5950.5342.1538.0872.2756.1249.01
F-ConvNet [27]L+I61.6187.3676.3966.5952.1643.3838.8081.9865.0756.54
PointPainting [9]L+I58.8282.1171.7067.0850.3240.9737.8777.6363.7855.89
SECOND [13]L-84.6575.9668.71------
PointPillars [10]L58.2982.5874.3168.9951.4541.9238.8977.1058.6551.92
PointRCNN [16]L57.9486.9675.6470.7047.9839.3736.0174.9658.8252.53
Part-A2 [18]L61.7887.8178.4973.5153.1043.3540.0679.1763.5256.93
STD [11]L61.2587.9579.7175.0953.2942.4738.3578.6961.5955.30
PV-RCNN [17]L62.8190.2581.4376.8252.1743.2940.2978.6063.7157.65
CIA-SSD [14]L-89.5980.2872.87------
SE-SSD [15]L-91.4982.5477.15------
PMPF-PV-RCNNL+I63.6290.2382.1377.2552.2044.5040.3679.0964.2356.95
* “-”: These data were not provided in the original literature. The best result is bolded in each column.
Table 4. Detailed time latency introduced by each component of the PMPF at different region sizes. Using PointPillars [10] as LiDAR detector.
Table 4. Detailed time latency introduced by each component of the PMPF at different region sizes. Using PointPillars [10] as LiDAR detector.
Region SizeProjection (ms)Region Selection (ms)Region Match (ms)Encoding (ms)Total Time Latency (ms)
Frame (Region)(PointPillars)
K = 10.0920.0070.000 (0.000)0.0510.150
K = 30.0920.04420.723 (0.617)0.66221.521
K = 50.0920.09760.031 (1.622)1.35261.572
Table 5. Quantitative comparison between PMPF under different image quality scenarios and PV-RCNN on KITTI 3D object detection validation.
Table 5. Quantitative comparison between PMPF under different image quality scenarios and PV-RCNN on KITTI 3D object detection validation.
MethodImage QualityMod. mAPCarPedestrianCyclist
EasyMod.HardEasyMod.HardEasyMod.Hard
PV-RCNN-70.8391.5583.1278.9463.0659.4555.0289.4872.4668.86
PMPF-PV-RCNNRaw73.5289.1683.6678.8266.5961.8256.9490.7975.0870.88
Ambiguous73.1389.0383.0578.5166.0761.4755.9889.6574.8669.72
Dark70.7188.6281.0475.9563.0259.1354.4889.1771.9868.41
The best result is bolded in each column.
Table 6. An ablation study result for effect of PMPF components on SECOND on KITTI 3D object detection validation set. “√” and “×” denote the results with or without the region match method.
Table 6. An ablation study result for effect of PMPF components on SECOND on KITTI 3D object detection validation set. “√” and “×” denote the results with or without the region match method.
Module (Input)Region SizeRegion MatchAUR%/ARR%CarPedestrianCyclist
EasyMod.HardEasyMod.HardEasyMod.Hard
SECOND [13]
(Point clouds)
---86.8576.6474.4167.7959.8452.3884.9264.8958.59
PMPF-SECOND
(Point clouds
+image)
1×8.22/1.3486.4376.7273.9868.1259.7551.7885.0364.7659.02
3×55.27/33.8687.9377.9676.5968.9560.5552.2685.3464.9860.35
355.19/29.5288.1878.2176.8869.3660.3554.2385.5266.7663.38
5×85.36/144.0385.2974.3572.0167.5157.2649.1883.5263.3556.25
584.55/80.8487.7376.1274.4669.0260.0353.5585.1565.5657.65
The best result is bolded in each column.
Table 7. An ablation study result for the effect of PMPF components on PV-RCNN on KITTI 3D object detection validation set. “√” and “×” denote the results with or without the region match method.
Table 7. An ablation study result for the effect of PMPF components on PV-RCNN on KITTI 3D object detection validation set. “√” and “×” denote the results with or without the region match method.
Module (Input)Region SizeRegion MatchAUR%/ARR%CarPedestrianCyclist
EasyMod.HardEasyMod.HardEasyMod.Hard
PV-RCNN [17]
(Point clouds)
---91.5583.1278.9463.0659.4555.0289.4872.4668.86
PMPF-PV-RCNN
(Point clouds
+image)
1×8.22/1.3487.2181.2075.2364.1559.0255.3787.2371.9768.50
355.27/33.8688.9681.1876.5965.2561.4556.2288.4274.2369.18
355.19/29.5289.1683.6678.8266.5961.8256.9490.7975.0870.88
5×85.36/144.0384.5279.3676.4463.3561.0655.1388.3674.6769.25
584.55/80.8487.2179.4476.9166.7461.6655.9289.9474.7969.45
The best result is bolded in each column.
Table 8. Ablation results of the clustering conditions and execution configuration of the K-means on the KITTI validation set. Abbreviations: D t e x t u r e (Dt.), D d e p t h (Dd.), D r e f l e c t i v i t y (Dr.), clusters (Clu.), iteration (Iter.), run time (RT).
Table 8. Ablation results of the clustering conditions and execution configuration of the K-means on the KITTI validation set. Abbreviations: D t e x t u r e (Dt.), D d e p t h (Dd.), D r e f l e c t i v i t y (Dr.), clusters (Clu.), iteration (Iter.), run time (RT).
Dt.Dd.Dr.Clu.Iter.RT (ms)AUR%/ARR%mAP Mod.CarPedestrianCyclist
EasyMod.HardEasyMod.HardEasyMod.Hard
55.27/33.8672.2988.9681.1876.5965.2561.4556.2288.4274.2369.18
22020.52755.25/30.0472.9589.0382.5477.9366.4561.4356.2188.1274.8769.35
22020.56155.21/29.7672.9388.9882.6778.1266.2861.5556.7188.2574.5769.98
22020.53355.23/29.8873.3288.8583.5278.6666.3161.6256.6790.4474.8370.36
22020.72355.19/29.5273.5289.1683.6678.8266.5961.8256.9490.7975.0870.88
42022.42330.23/11.5471.8788.1282.6577.1665.2160.0555.6386.1572.9269.25
24037.58955.08/28.4773.4489.5483.3579.1266.7661.7656.7390.6375.2171.10
The best result is bolded in each column.
Table 9. Comparison of PMPF-PV-RCNN fusion semantic map with point cloud on the KITTI validation set. Abbreviations: run time (RT).
Table 9. Comparison of PMPF-PV-RCNN fusion semantic map with point cloud on the KITTI validation set. Abbreviations: run time (RT).
Module (Input)Region MatchRT(s)AUR%/ARR%mAP Mod.CarPedestrianCyclist
EasyMod.HardEasyMod.HardEasyMod.Hard
PMPF-PV-RCNN
(Point clouds + semantic map)
×0.2254.25/26.6873.8188.9584.0579.3665.8962.0458.0389.7375.3672.02
0.2454.20/25.3174.1189.0584.1179.9766.7962.7358.2190.3475.5072.12
The best result is bolded in each column.
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

Zhang, Y.; Liu, K.; Bao, H.; Zheng, Y.; Yang, Y. PMPF: Point-Cloud Multiple-Pixel Fusion-Based 3D Object Detection for Autonomous Driving. Remote Sens. 2023, 15, 1580. https://doi.org/10.3390/rs15061580

AMA Style

Zhang Y, Liu K, Bao H, Zheng Y, Yang Y. PMPF: Point-Cloud Multiple-Pixel Fusion-Based 3D Object Detection for Autonomous Driving. Remote Sensing. 2023; 15(6):1580. https://doi.org/10.3390/rs15061580

Chicago/Turabian Style

Zhang, Yan, Kang Liu, Hong Bao, Ying Zheng, and Yi Yang. 2023. "PMPF: Point-Cloud Multiple-Pixel Fusion-Based 3D Object Detection for Autonomous Driving" Remote Sensing 15, no. 6: 1580. https://doi.org/10.3390/rs15061580

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