MM-PCQA: Multi-Modal Learning for No-reference Point Cloud Quality Assessment

Zicheng Zhang, Wei Sun, Xiongkuo Min, Member, IEEE,
Quan Zhou, Jun He, Qiyuan Wang, and Guangtao Zhai, Senior Member, IEEE
Zicheng Zhang, Wei Sun, Xiongkuo Min, Yu Fan, and Guangtao Zhai are with the Institute of Image Communication and Network Engineering, Shanghai Jiao Tong University, 200240 Shanghai, China. E-mail:{zzc1998,sunguwei,minxiongkuo,zhaiguangtao}@sjtu.edu.cn.Quan Zhou, Jun He, and Qiyuan Wang are with the Bilibili Inc., Shanghai, China. E-mail:{zhouquan,hejun,wangqiyuan}@bilibili.com.
Abstract

The visual quality of point clouds has been greatly emphasized since the ever-increasing 3D vision applications are expected to provide cost-effective and high-quality experiences for users. Looking back on the development of point cloud quality assessment (PCQA) methods, the visual quality is usually evaluated by utilizing single-modal information, i.e., either extracted from the 2D projections or 3D point cloud. The 2D projections contain rich texture and semantic information but are highly dependent on viewpoints, while the 3D point clouds are more sensitive to geometry distortions and invariant to viewpoints. Therefore, to leverage the advantages of both point cloud and projected image modalities, we propose a novel no-reference point cloud quality assessment (NR-PCQA) metric in a multi-modal fashion. In specific, we split the point clouds into sub-models to represent local geometry distortions such as point shift and down-sampling. Then we render the point clouds into 2D image projections for texture feature extraction. To achieve the goals, the sub-models and projected images are encoded with point-based and image-based neural networks. Finally, symmetric cross-modal attention is employed to fuse multi-modal quality-aware information. Experimental results show that our approach outperforms all compared state-of-the-art methods and is far ahead of previous NR-PCQA methods, which highlights the effectiveness of the proposed method.

point cloud quality assessment, no-reference, multi-modal

I Introduction

POINT cloud has been widely adopted in practical applications such as virtual/augmented reality [28], medical 3D reconstruction [7], automatic driving [10], and video post-production [24] due to its ability of representing the 3D world. Consequently, plenty of works have been carried out to deal with point cloud classification [15, 19, 39, 37, 42, 47, 5], detection [10], and segmentation [6, 43]. However, point cloud quality assessment (PCQA) has gained less attention. PCQA aims to accurately predict the visual quality level of point clouds, which is vital for providing useful guidelines for simplification operations and compression algorithms in applications such as metaverse and virtual/augmented reality (VR/AR) [12] to not negatively impact users’ quality of experience (QoE). Moreover, the point clouds representing vivid objects/humans are usually more complex in geometric structure and contain large amounts of dense points along with color attributes, which makes the PCQA problem very challenging.

Examples of reflected distortions. The point clouds can explicitly reveal the geometry down-sampling distortion while failing to recognize texture noise unless the projections are involved, which raises the need for multi-modal perception. The projections are directly rendered from the distorted 3D point clouds via the Open3D
Fig. 1: Examples of reflected distortions. The point clouds can explicitly reveal the geometry down-sampling distortion while failing to recognize texture noise unless the projections are involved, which raises the need for multi-modal perception. The projections are directly rendered from the distorted 3D point clouds via the Open3D [52].

Generally speaking, PCQA methods can be divided into full-reference PCQA (FR-PCQA), reduced-reference (RR-PCQA), and no-reference PCQA (NR-PCQA) methods according to the involvement extent of the reference point clouds. However, the pristine reference point clouds are not always available in many practical situations, thus NR-PCQA has a wider range of applications. Hence, we focus on the NR-PCQA in this paper. Reviewing the development of NR-PCQA, NR-PCQA metrics are either based on the point cloud features extracted by statistical models [51] and end-to-end neural networks [22] or based on the projected image features obtained via hand-crafted manners [25, 46, 2] or 2D convolutional neural networks (CNN) [21, 13]. Such methods fail to jointly make use of the information from 3D point clouds along with 2D projections, thus resulting in unsatisfactory performance.

Therefore, to boost the performance of PCQA, we propose a multi-modal learning strategy for NR-PCQA, which extracts quality-aware features not only from the 3D point clouds but also from the 2D projections. There are two main reasons to adopt this strategy. First, point clouds can be perceived in both 2D/3D scenarios. We can view point clouds from 2D perspective via projecting them on the screen or directly watch point clouds in 3D format using the VR equipment. Thus multi-modal learning is able to cover more range of practical situations. Second, different types of distortions have divergent visual influence on different modalities. As shown in Fig. 1, the structural damage and geometry down-sampling are more obvious in the point cloud modality while the image modality is more sensitive to texture distortions caused by color quantization and color noise. Moreover, it is easier to extract quality-aware semantic information from the image modality. Thus, the proposed multi-modal learning fashion can make up for the deficiencies and take advantage of both modalities.

Further, considering that the local patterns such as smoothness and roughness are very important for quality assessment, we first propose to split the point cloud into sub-models rather than sampling points for analysis, which has been previously adopted for extracting the low-level pattern features of the point cloud [9, 48]. The image projections are acquired by rendering the point clouds from random viewpoints with a fixed viewing distance to maintain the consistency of the texture scale. Then a point cloud encoder and an image encoder are used to encode the point clouds and projected images into quality-aware embeddings respectively, which are subsequently strengthened by symmetric cross-modality attention. Finally, the quality-aware embeddings are decoded into quality values with fully-connected layers. The main contributions of this paper are summarized as follows:

  • We propose a novel Multi-Modal learning framework for NR-PCQA (MM-PCQA) to interactively use the information from both the point cloud and image modalities. To the best of our knowledge, we are the first to introduce multi-modal learning into the PCQA field.

  • To preserve the local patterns that are vital for visual quality, we propose to split the point cloud into sub-models rather than sampling points as the input of the point cloud encoder. To better incorporate the multi-modal features, we employ cross-modal attention to model the mutual relationship between the quality-aware features extracted from two modalities.

  • Extensive experiments show that MM-PCQA achieves the best performance among the compared state-of-the-art methods (even including the FR-PCQA methods). The ablation studies reveal the contributions of different modalities, the patch-up strategy, and cross-modal attention, demonstrating the effectiveness of the proposed framework.

The framework of the proposed method.
Fig. 2: The framework of the proposed method.

Ii Related Work

Ii-a Quality Assessment for Point Cloud

In the early years of PCQA development, some simple point-based FR-PCQA methods are proposed by MPEG, such as p2point [23] and p2plane [34]. To further deal with colored point clouds, point-based PSNR-yuv [35] is carried out. Since the point-level difference is difficult to reflect complex distortions, many well-designed FR-PCQA metrics are proposed to employ structural features and have achieved considerable performance, which includes PCQM [25], GraphSIM [46], PointSSIM [2], etc.

To cover more range of practical applications, some NR-PCQA methods have been proposed as well. Chetouani [9] extract patch-wise hand-crafted features and use classical CNN models for quality regression. PQA-net [21] utilizes multi-view projection for feature extraction. Zhang [51] use several statistical distributions to estimate quality-aware parameters from the geometry and color attributes’ distributions. Fan [13] infer the visual quality of point clouds via the captured video sequences. Liu [22] employ an end-to-end sparse CNN for quality prediction. Yang [45] further transfer the quality information from natural images to help understand the point cloud rendering images’ quality via domain adaptation. The mentioned methods are all based on single-modal information, thus failing to jointly incorporate the multi-modal quality information.

Ii-B Multi-modal Learning for Point Cloud

Many works [4, 31, 8] have proven that multi-modal learning is capable of strengthening feature representation by actively relating the compositional information across different modalities such as image, text, and audio. Afterwards, various works utilize both point clouds and image data to improve the understanding of 3D vision, which are mostly targeted at 3D detection. Namely, AVOD [19] and MV3D [5] make region proposals by mapping the LiDAR point clouds to bird’s eye view. Then Qi [29] and Wang [39] attempt to localize the points by proposing 2D regions with 2D CNN object detector and then transforming the corresponding 2D pixels to 3D space. Pointpainting [37] projects the points into the image segmentation mask and detects 3D objects via LiDAR-based detector. Similarly, PI-RCNN [42] employs semantic feature maps and makes predictions through point-wise fusion. 3D-CVF [47] transfers the camera-view features using auto-calibrated projection and fuses the multi-modal features with gated fusion networks. More recently, some works [1, 50] try to make use of multi-modal information in a self-supervised manner and transfer the learned representation to the downstream tasks.

Iii Proposed Method

The framework overview is clearly exhibited in Fig. 2. The point clouds are first segmented into sub-models and put into the point cloud encoder . The projected images are directly rendered from the colored point clouds and put into the image encoder . Subsequently, the quality-aware encoder features are optimized with the assistance of symmetric cross-modality attention. Finally, the features are concatenated and decoded into the quality values via the quality regression.

Iii-a Preliminaries

Suppose we have a colored point cloud , where indicates the geometry coordinates, represents the attached RGB color information, and stands for the number of points. The point cloud modality is obtained by normalizing the original geometry coordinates and the image modality is generated by rendering the colored point cloud into 2D projections. Note that contains no color information.

Iii-B Point Cloud Feature Extraction

It is natural to transfer mainstream 3D object detectors such as PointNet++ [30] and DGCNN [38] to visual quality representation of point clouds. However, different from the point clouds used for classification and segmentation, the high-quality point clouds usually contain millions of dense points, which makes it difficult to extract features directly from the source points unless utilizing down-sampling. However, the common sampling methods are aimed at preserving semantic information whereas inevitably damaging the geometry patterns that are crucial for quality assessment. To avoid the geometry error caused by the down-sampling and preserve the smoothness and roughness of local patterns, we propose to split the point cloud into several local sub-models for geometric structure feature representation. Specifically, given a normalized point cloud , we employ the farthest point sampling (FPS) to obtain anchor points . For each anchor point, we utilize K nearest neighbor (KNN) algorithm to find neighboring points around the anchor point and form such points into a sub-model:

An example of the patch-up process. (a) represents the source point cloud, (b) describes the anchor points after the farthest point sampling, and (c) shows the patch-up results after KNN operation. Color information is not included in the sub-models.
(a) Source
An example of the patch-up process. (a) represents the source point cloud, (b) describes the anchor points after the farthest point sampling, and (c) shows the patch-up results after KNN operation. Color information is not included in the sub-models.
(b) Anchor
An example of the patch-up process. (a) represents the source point cloud, (b) describes the anchor points after the farthest point sampling, and (c) shows the patch-up results after KNN operation. Color information is not included in the sub-models.
(c) Sub-models
Fig. 3: An example of the patch-up process. (a) represents the source point cloud, (b) describes the anchor points after the farthest point sampling, and (c) shows the patch-up results after KNN operation. Color information is not included in the sub-models.
(1)

where is the set of sub-models, denotes the KNN operation and indicates the -th farthest sampling point. We use to ensure that the sub-models cover sufficient number of points in the source point cloud. An illustration of the patch-up process is exhibited in Fig. 3. It can be seen that the local sub-models are capable to preserve the local patterns. We randomly select sub-models from the generated sub-models for geometric feature extraction. Then a point cloud feature encoder is employed to map the selected sub-models to quality-aware embedding space:

(2)

where indicates the quality-aware embedding for the -th selected sub-model , represents the number of output channels of the point cloud encoder , and is the pooled results after average fusion.

Iii-C Image Feature Extraction

Inspired by the success of PCQA methods via utilizing the image modality [21, 44], we propose to use a 2D image encoder for feature extraction. image projections are rendered from the distorted colored point clouds from random viewpoints but with a fixed viewing distance to keep the texture consistent. Considering that the perceived texture visual quality varies at different scales [40, 33], we propose to use hierarchical 2D CNN backbones to make use of multi-scale quality-aware features to better model the human perception of texture quality. Assume that the 2D CNN backbone has layers, the hierarchical features can be described as:

(3)

where represents the hierarchical image encoder, indicates the concatenation operation, represents the global average pooling operation, stands for the feature maps obtained from -th layer, and denotes the average pooled features from . Then we embed the rendered 2D images into quality-aware space with the hierarchical 2D image encoder:

(4)

where denotes the quality-aware embedding for the -th image projection , represents the number of output channels of the 2D image encoder , and is the pooled results after average fusion.

Iii-D Symmetric Cross-Modality Attention

As shown in Fig 1, the single modality may be incomplete to cover sufficient information for quality assessment, thus we propose a symmetric attention transformer block to investigate the interaction between the visual quality features gathered from the point cloud and image modalities. Given the intra-modal features and from the point clouds and images respectively, we adjust them to the same dimension with linear projection:

(5)

where and are adjusted features, and are learnable linear mappings, and is the number of adjusted channels. To further explore the discriminate components among the modalities, the multi-head attention module is utilized:

(6)

where indicates the multi-head attention operation, represents the attention function, is the -th head, and , , , are learnable linear mappings. As illustrated in Fig. 4, both point-cloud-based and image-based quality-aware features participate in the attention learning of the other modality. The final quality embedding can be concatenated by the intra-modal features and the guided multi-modal features obtained by the symmetric cross-modality attention module:

(7)

where indicates the concatenation operation, stands for the symmetric cross-modality attention operation, and represents the final quality-aware features (, ).

Illustration of the symmetric cross-modality attention module (SCMA). The point cloud embedding
Fig. 4: Illustration of the symmetric cross-modality attention module (SCMA). The point cloud embedding is used to guide the attention learning of image embedding and the image embedding is used to guide the attention learning of point cloud embedding respectively.

Iii-E Quality Regression & Loss Function

Following common practice, we simply use two-fold fully-connected layers to regress the quality features into predicted quality scores. For the quality assessment tasks, we not only focus on the accuracy of the predicted quality values but also lay importance on the quality rankings [14, 16]. Therefore, the loss function employed in this paper includes two parts: Mean Squared Error (MSE) and rank error. The MSE is utilized to keep the predicted values close to the quality labels, which can be derived as:

(8)

where is the predicted quality scores, is the quality labels of the point cloud, and is the size of the mini-batch. The rank loss can better assist the model to distinguish the quality difference when the point clouds have close quality labels. To this end, we use the differentiable rank function described in [41, 32] to approximate the rank loss:

(9)

where and are the corresponding indexes for two point clouds in a mini-batch and the rank loss can be derived as:

(10)

Then the loss function can be calculated as the weighted sum of MSE loss and rank loss:

(11)

where and are used to control the proportion of the MSE loss and the rank loss.

Iv Experiments

Type Methods Modal SJTU-PCQA WPC
SRCC PLCC KRCC RMSE SRCC PLCC KRCC RMSE
FR MSE-p2po P 0.72 0.81 0.56 1.36 0.45 0.48 0.31 19.89
HD-p2po P 0.71 0.77 0.54 1.44 0.27 0.39 0.19 20.89
MSE-p2pl P 0.62 0.59 0.48 2.28 0.32 0.26 0.22 22.82
HD-p2pl P 0.64 0.68 0.45 2.12 0.28 0.27 0.16 21.98
PSNR-yuv P 0.79 0.81 0.61 1.31 0.44 0.53 0.31 19.31
PCQM P 0.86 0.88 0.70 1.08 0.74 0.74 0.56 15.16
GraphSIM P 0.87 0.89 0.69 1.03 0.58 0.61 0.41 17.19
PointSSIM P 0.71 0.74 0.54 1.54 0.46 0.47 0.33 20.13
RR PCMRR P 0.47 0.68 0.33 1.72 0.31 0.33 0.22 21.42
NR BRISQUE I 0.39 0.42 0.29 2.09 0.27 0.30 0.19 21.86
NIQE I 0.13 0.24 0.10 2.26 0.11 0.22 0.09 23.14
IL-NIQE I 0.08 0.16 0.05 2.33 0.09 0.14 0.08 24.01
ResSCNN P 0.81 0.82 0.61 1.11 0.55 0.56 0.44 17.12
PQA-net I 0.83 0.85 0.63 1.07 0.70 0.71 0.49 15.02
3D-NSS P 0.72 0.74 0.52 1.66 0.64 0.64 0.45 16.47
MM-PCQA(Ours) P+I 0.91 0.92 0.78 0.77 0.83 0.83 0.64 12.84
TABLE I: Performance comparison with state-of-the-art approaches on the SJTU-PCQA and WPC databases. ‘P’ and ‘I’ stand for the point cloud and image modalities respectively. Best in red and second in blue.

Iv-a Databases

To test the performance of the proposed method, we employ the subjective point cloud assessment database (SJTU-PCQA) [44] and the Waterloo point cloud assessment database (WPC) proposed by [20] for validation. The SJTU-PCQA database includes 9 reference point clouds and each point cloud is corrupted with seven types of distortions (compression, color noise, geometric shift, down-sampling, and three distortion combinations) under six strengths, which generates 378 = 976 distorted point clouds in total. The WPC database contains 20 reference point clouds and augmented each point cloud with four types of distortions (down-sampling, Gaussian white noise, Geometry-based Point Cloud Compression (G-PCC), and Video-based Point Cloud Compression (V-PCC)), which generates 740 = 2037 distorted point clouds.

Iv-B Implementation Details

The Adam optimizer [18] is utilized with weight decay 1e-4 and the initial learning rate is set as 5e-5. The model is trained for 50 epochs by default. We set the point cloud sub-model size as 2048 and set . The projected images with the resolution of 192010803 are randomly cropped into image patches at the resolution of 2242243 as the inputs. During the experiment, 6 sub-models and 4 projected images are selected at random for each point cloud. The PointNet++ [30] is utilized as the point cloud encoder and the hierarchical ResNet50 [17] is used as the image encoder, where the ResNet50 is initialized with the pre-trained model on the ImageNet database [11]. The multi-head attention module employs 8 heads and the feed-forward dimension is set as 2048. The weights and for and are both set as 1.

Following the practices in [9, 13], the k-fold cross validation strategy is employed for the experiment to accurately estimate the performance of the proposed method. Specifically, for the SJTU-PCQA database, 1 group of point cloud is chosen as the testing set and the remaining 8 groups of point cloud are taken as the training set. Such procedure is repeated 9 times with each of the point cloud groups used exactly once as the testing set. Similarly, we randomly split the WPC database into 5 folds and each fold consists of 4 groups of point clouds. Then a similar experiment procedure as discussed above is applied. In all, 9-fold cross validation is conducted on the SJTU-PCQA database and 5-fold cross validation is conducted on the WPC database. The average performance is recorded as the final results. It’s worth noting that there is no content overlap between the training and testing sets. We strictly retrain the available baselines with the same database split set up to keep the comparison fair. What’s more, for the FR-PCQA and RR-PCQA methods that require no training, we simply validate them on the same testing sets and record the average performance.

Iv-C Competitors and Evaluation Criteria

15 state-of-the-art quality assessment methods are selected for comparison, which consist of 8 FR-PCQA methods, 1 RR-PCQA method, and 6 NR-PCQA methods. The FR-PCQA methods include MSE-p2point (MSE-p2po) [23], Hausdorff-p2point (HD-p2po) [23], MSE-p2plane (MSE-p2pl) [34], Hausdorff-p2plane (HD-p2pl) [34], PSNR-yuv [35], PCQM [25], GraphSIM [46], and PointSSIM [2]. The RR-PCQA method includes PCMRR [36]. The NR-PCQA methods include BRISQUE [26], NIQE [27], IL-NIQE [49], ResSCNN [22], PQA-net [21], and 3D-NSS [51]. Note that BRISQUE, NIQE, IL-NIQE are image-based quality assessment metrics and are validated on the same projected images. Furthermore, to deal with the scale differences between the predicted quality scores and the quality labels, a five-parameter logistic function is applied to map the predicted scores to subjective ratings, as suggested by [14, 3].

Four mainstream evaluation criteria in the quality assessment field are utilized to compare the correlation between the predicted scores and MOSs, which include Spearman Rank Correlation Coefficient (SRCC), Kendall’s Rank Correlation Coefficient (KRCC), Pearson Linear Correlation Coefficient (PLCC), Root Mean Squared Error (RMSE). An excellent quality assessment model should obtain values of SRCC, KRCC, PLCC close to 1 and RMSE to 0.

Modal SJTU-PCQA WPC
SRCC PLCC SRCC PLCC
P 0.84 0.89 0.52 0.55
I 0.88 0.89 0.79 0.80
P+I 0.91 0.90 0.81 0.82
P+I+SCMA 0.91 0.92 0.83 0.83
TABLE II: Contributions of the modalities, where ‘P’ stands for only using point cloud features, ‘I’ stands for using only image features, ‘P+I’ represents using both modalities’ features through simple concatenation, and ‘SCMA’ indicates the symmetric cross-modality attention is used. Best in bold.

Iv-C1 Performance Discussion

The experimental results are listed in Table I, from which we can make several useful inspections: a) Our method MM-PCQA presents the best performance among the two databases and outperforms the compared NR-PCQA methods by a large margin. For example, MM-PCQA surpasses the second place NR-PCQA method PQA-net by 0.08 (0.91 vs. 0.83) on the SJTU-PCQA database and by 0.13 (0.83 vs. 0.70) on the WPC database in terms of SRCC. By jointly utilizing intra-modal and cross-modal features, MM-PCQA enforces the model to relate the compositional quality-aware patterns and mobilize under-complementary information between the image and point cloud modalities to optimize the quality representation, thus gaining higher performance; b) There is a significant performance drop from the SJTU-PCQA database to the WPC database since the WPC database contains more complex distortions, being more challenging for PCQA models. MM-PCQA achieves a relatively smaller performance drop than most compared methods. Particularly, the SRCC and PLCC values of MM-PCQA drop by 0.08 and 0.09 respectively. However, all compared PCQA methods except 3D-NSS experience a larger performance drop over 0.1 on both SRCC and PLCC values. Therefore, we can conclude that MM-PCQA gains more robustness over more complex distortions; c) The image-based handcrafted NR methods BRISQUE, NIQE, and IL-NIQE obtain the poorest performance. This is because such methods are carried out for evaluating the natural scene images, which have a huge gap from the projected images rendered from the point clouds. In all, the overall experimental performance firmly validates our motivation that multi-modal learning can help the model better understand the visual quality of point clouds.

Iv-D Contributions of the Modalities

As described above, MM-PCQA jointly employs the features from the point cloud and image modalities and we hold the hypothesis that multi-modal learning helps the model to gain better quality representation than single-modality. Therefore, in this section, we conduct ablation studies to validate our hypothesis. The performance results are presented in Table II. The performance of both single-modal-based model is inferior to the multi-modal-based model, which suggests that both point cloud and image features make contributions to the final results. After using SCMA module, the performance is further boosted, which validates the effectiveness of cross-modality attention.

Model SJTU-PCQA WPC
SRCC PLCC SRCC PLCC
P+FPS 0.33 0.34 0.12 0.15
P+Patch-up 0.84 0.89 0.52 0.55
P+I+FPS 0.89 0.89 0.78 0.79
P+I+Patch-up 0.91 0.92 0.83 0.83
TABLE III: Contributions of the patch-up strategy, where ‘P’ stands for only using point cloud features, ‘P+I’ represents using both point cloud and image features, ‘FPS’ indicates using farthest point sampling strategy, and ‘Patch-up’ indicates using patch-up strategy. Best in bold.
Model SJTUWPC WPCSJTU
SRCC PLCC SRCC PLCC
PQA-net 0.17 0.18 0.54 0.61
3D-NSS 0.15 0.14 0.18 0.23
MM-PCQA 0.20 0.30 0.72 0.79
TABLE IV: Cross-database evaluation, where SJTUWPC indicates the model is trained on the whole SJTU-PCQA database and validated with the default testing setup of the WPC database, and vice versa. Best in bold.
Number of SJTU-PCQA WPC
3D sub-models SRCC PLCC SRCC PLCC
2 0.74 0.78 0.46 0.52
4 0.73 0.82 0.45 0.49
6 0.84 0.89 0.52 0.55
8 0.82 0.89 0.50 0.54
TABLE V: Performance results of the point cloud branch by varying the number of sub-models on the SJTU-PCQA and WPC databases. Best in bold.
Number of SJTU-PCQA WPC
2D projections SRCC PLCC SRCC PLCC
2 0.87 0.87 0.75 0.76
4 0.88 0.89 0.79 0.80
6 0.88 0.88 0.79 0.78
8 0.86 0.87 0.78 0.79
TABLE VI: Performance results of the image branch by varying the number of 2D projections on the SJTU-PCQA and WPC databases. Best in bold.

Iv-E Ablation for the Patch-up Strategy

To prove that the patch-up strategy is more suitable for PCQA, we present the performance of using farthest point sampling (FPS) strategy as well. To make the comparison even, 12,288 = 62048 points (the same number of points as contained in the default 6 sub-models) are sampled for each point cloud and the results are shown in Table III. It can be seen that the patch-up strategy greatly improves the performance when only point cloud features are used. The reason is that the sampled points are not able to preserve the local patterns that are vital for quality assessment. Moreover, when the point cloud contains more points (even up to millions), the sampled points may not even maintain the main shape of the object unless greatly increasing the number of sampling points.

Iv-F Cross-database Evaluation

The cross-database evaluation is further conducted to test the generalization ability of the proposed MM-PCQA and the experimental results are exhibited in Table IV. From the table, we can find that the proposed MM-PCQA better generalizes learned feature representation from the WPC database and achieves much better performance than the most competitive NR-PCQA methods when validating on the SJTU-PCQA database. Although all the NR-PCQA models trained on the SJTU-PCQA database obtain poor performance, MM-PCQA still yields the best performance.

Iv-G Number of 2D Projections and 3D sub-models

We try to investigate the contributions of the point cloud and image branch by varying the number of the 3D sub-models and input 2D projections. The performance results are exhibited in Table V and Table VI . We can see that employing 6 sub-models and 4 projections yields the best performance for the point cloud and image branch respectively. With the number increasing, the features extracted from sub-models and projections may get redundant, thus resulting in the performance drop.

Iv-H Limitation

From the above analysis, the major limitation of the proposed model lies in the cross-database (SJTUWPC) evaluation, mainly due to the following reasons: a) The number of training samples for the SJTU-PCQA database is half of the WPC database (378740), which means the SJTU-PCQA database contains less diverse content and distortion types. b) The distortion levels of the SJTU-PCQA database are relatively coarse-grained. Thus the quality representation learned from the SJTU-PCQA database is not effective on the WPC database which contains stimuli with fine-grained distortion levels. In all, due to the limited scale of current PCQA databases, the generalization performance of MM-PCQA is still unsatisfactory.

V Conclusion

This paper proposes a novel multi-modal learning approach for no-reference point cloud quality assessment (MM-PCQA). MM-PCQA aims to acquire quality information across modalities and optimize the quality representation. In particular, the point clouds are patched up to preserve the important local geometric structure patterns. Then the projected images are employed to reflect the texture distortions. PointNet++ and hierarchical ResNet50 are utilized as the feature encoders. Symmetric cross-modal attention is further employed to make full use of the cross-modal information. Experimental results show that MM-PCQA reaches a new state-of-the-art on the SJTU-PCQA and WPC database. Extensive ablation studies further demonstrate the potency of the proposed multi-modal learning framework.

References

  • [1] M. Afham, I. Dissanayake, D. Dissanayake, A. Dharmasiri, K. Thilakarathna, and R. Rodrigo (2022) Crosspoint: self-supervised cross-modal contrastive learning for 3d point cloud understanding. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, pp. 9902–9912. Cited by: §II-B.
  • [2] E. Alexiou and T. Ebrahimi (2020) Towards a point cloud structural similarity metric. In 2020 IEEE International Conference on Multimedia & Expo Workshops (ICMEW), pp. 1–6. Cited by: §I, §II-A, §IV-C.
  • [3] J. Antkowiak, T. Jamal Baina, F. V. Baroncini, N. Chateau, F. FranceTelecom, A. C. F. Pessoa, F. Stephanie Colonnese, I. L. Contin, J. Caviedes, and F. Philips (2000) Final report from the video quality experts group on the validation of objective models of video quality assessment march 2000. Cited by: §IV-C.
  • [4] R. Arandjelovic and A. Zisserman (2017) Look, listen and learn. In Proceedings of the IEEE International Conference on Computer Vision, pp. 609–617. Cited by: §II-B.
  • [5] Q. Chen, L. Sun, Z. Wang, K. Jia, and A. Yuille (2020) Object as hotspots: an anchor-free 3d object detection approach via firing of hotspots. In European conference on computer vision, pp. 68–84. Cited by: §I, §II-B.
  • [6] M. Cheng, L. Hui, J. Xie, and J. Yang (2021) SSPC-net: semi-supervised semantic 3d point cloud segmentation network. In Proceedings of the AAAI Conference on Artificial Intelligence, Vol. 35, pp. 1140–1147. Cited by: §I.
  • [7] Q. Cheng, P. Sun, C. Yang, Y. Yang, and P. X. Liu (2020) A morphing-based 3d point cloud reconstruction framework for medical image processing. Computer methods and programs in biomedicine 193, pp. 105495. Cited by: §I.
  • [8] Y. Cheng, R. Wang, Z. Pan, R. Feng, and Y. Zhang (2020) Look, listen, and attend: co-attention network for self-supervised audio-visual representation learning. In Proceedings of the 28th ACM International Conference on Multimedia, pp. 3884–3892. Cited by: §II-B.
  • [9] A. Chetouani, M. Quach, G. Valenzise, and F. Dufaux (2021) Deep learning-based quality assessment of 3d point clouds without reference. In 2021 IEEE International Conference on Multimedia & Expo Workshops (ICMEW), pp. 1–6. Cited by: §I, §II-A, §IV-B.
  • [10] Y. Cui, R. Chen, W. Chu, L. Chen, D. Tian, Y. Li, and D. Cao (2021) Deep learning for image and point cloud fusion in autonomous driving: a review. IEEE Transactions on Intelligent Transportation Systems 23 (2), pp. 722–739. Cited by: §I.
  • [11] J. Deng, W. Dong, R. Socher, L. Li, K. Li, and L. Fei-Fei (2009) Imagenet: a large-scale hierarchical image database. In 2009 IEEE conference on computer vision and pattern recognition, pp. 248–255. Cited by: §IV-B.
  • [12] J. D. N. Dionisio, W. G. B. III, and R. Gilbert (2013) 3D virtual worlds and the metaverse: current status and future possibilities. ACM Computing Surveys (CSUR) 45 (3), pp. 1–38. Cited by: §I.
  • [13] Y. Fan, Z. Zhang, W. Sun, X. Min, W. Lu, T. Wang, N. Liu, and G. Zhai (2022) A no-reference quality assessment metric for point cloud based on captured video sequences. arXiv preprint arXiv:2206.05054. Cited by: §I, §II-A, §IV-B.
  • [14] Y. Fang, L. Huang, J. Yan, X. Liu, and Y. Liu (2022) Perceptual quality assessment of omnidirectional images. In Proceedings of the AAAI Conference on Artificial Intelligence, Vol. 36, pp. 580–588. Cited by: §III-E, §IV-C.
  • [15] E. Grilli, F. Menna, and F. Remondino (2017) A review of point clouds segmentation and classification algorithms. The International Archives of Photogrammetry, Remote Sensing and Spatial Information Sciences 42, pp. 339. Cited by: §I.
  • [16] J. Gu, G. Meng, C. Da, S. Xiang, and C. Pan (2019) No-reference image quality assessment with reinforcement recursive list-wise ranking. In Proceedings of the AAAI Conference on Artificial Intelligence, Vol. 33, pp. 8336–8343. Cited by: §III-E.
  • [17] K. He, X. Zhang, S. Ren, and J. Sun (2016) Deep residual learning for image recognition. In Proceedings of the IEEE conference on computer vision and pattern recognition, pp. 770–778. Cited by: §IV-B.
  • [18] D. P. Kingma and J. Ba (2015) Adam: a method for stochastic optimization. In ICLR (Poster), Cited by: §IV-B.
  • [19] J. Ku, M. Mozifian, J. Lee, A. Harakeh, and S. L. Waslander (2018) Joint 3d proposal generation and object detection from view aggregation. In 2018 IEEE/RSJ International Conference on Intelligent Robots and Systems (IROS), pp. 1–8. Cited by: §I, §II-B.
  • [20] Q. Liu, H. Su, Z. Duanmu, W. Liu, and Z. Wang (2022) Perceptual quality assessment of colored 3d point clouds. IEEE Transactions on Visualization and Computer Graphics. Cited by: §IV-A.
  • [21] Q. Liu, H. Yuan, H. Su, H. Liu, Y. Wang, H. Yang, and J. Hou (2021) PQA-net: deep no reference point cloud quality assessment via multi-view projection. IEEE Transactions on Circuits and Systems for Video Technology 31 (12), pp. 4645–4660. Cited by: §I, §II-A, §III-C, §IV-C.
  • [22] Y. Liu, Q. Yang, Y. Xu, and L. Yang (2022) Point cloud quality assessment: dataset construction and learning-based no-reference metric. ACM Transactions on Multimedia Computing, Communications, and Applications (TOMM). Cited by: §I, §II-A, §IV-C.
  • [23] R. Mekuria, Z. Li, C. Tulvan, and P. Chou (2016) Evaluation criteria for point cloud compression. ISO/IEC MPEG (16332). Cited by: §II-A, §IV-C.
  • [24] R. Mekuria, K. Blom, and P. Cesar (2016) Design, implementation, and evaluation of a point cloud codec for tele-immersive video. IEEE Transactions on Circuits and Systems for Video Technology 27 (4), pp. 828–842. Cited by: §I.
  • [25] G. Meynet, Y. Nehmé, J. Digne, and G. Lavoué (2020) PCQM: a full-reference quality metric for colored 3d point clouds. In 2020 Twelfth International Conference on Quality of Multimedia Experience (QoMEX), pp. 1–6. Cited by: §I, §II-A, §IV-C.
  • [26] A. Mittal, A. K. Moorthy, and A. C. Bovik (2012) No-reference image quality assessment in the spatial domain. IEEE Transactions on Image Processing 21 (12), pp. 4695–4708. Cited by: §IV-C.
  • [27] A. Mittal, R. Soundararajan, and A. C. Bovik (2012) Making a “completely blind” image quality analyzer. IEEE Signal Processing Letters 20 (3), pp. 209–212. Cited by: §IV-C.
  • [28] Y. Park, V. Lepetit, and W. Woo (2008) Multiple 3d object tracking for augmented reality. In 2008 7th IEEE/ACM International Symposium on Mixed and Augmented Reality, pp. 117–120. Cited by: §I.
  • [29] C. R. Qi, W. Liu, C. Wu, H. Su, and L. J. Guibas (2018) Frustum pointnets for 3d object detection from rgb-d data. In Proceedings of the IEEE conference on computer vision and pattern recognition, pp. 918–927. Cited by: §II-B.
  • [30] C. R. Qi, L. Yi, H. Su, and L. J. Guibas (2017) Pointnet++: deep hierarchical feature learning on point sets in a metric space. Advances in neural information processing systems 30. Cited by: §III-B, §IV-B.
  • [31] A. Radford, J. W. Kim, C. Hallacy, A. Ramesh, G. Goh, S. Agarwal, G. Sastry, A. Askell, P. Mishkin, J. Clark, et al. (2021) Learning transferable visual models from natural language supervision. In International Conference on Machine Learning, pp. 8748–8763. Cited by: §II-B.
  • [32] W. Sun, X. Min, W. Lu, and G. Zhai (2022) A deep learning based no-reference quality assessment model for ugc videos. arXiv preprint arXiv:2204.14047. Cited by: §III-E.
  • [33] W. Sun, T. Wang, X. Min, F. Yi, and G. Zhai (2021) Deep learning based full-reference and no-reference quality assessment models for compressed ugc videos. In 2021 IEEE International Conference on Multimedia & Expo Workshops (ICMEW), pp. 1–6. Cited by: §III-C.
  • [34] D. Tian, H. Ochimizu, C. Feng, R. Cohen, and A. Vetro (2017) Geometric distortion metrics for point cloud compression. In 2017 IEEE International Conference on Image Processing (ICIP), pp. 3460–3464. Cited by: §II-A, §IV-C.
  • [35] E. M. Torlig, E. Alexiou, T. A. Fonseca, R. L. de Queiroz, and T. Ebrahimi (2018) A novel methodology for quality assessment of voxelized point clouds. In Applications of Digital Image Processing XLI, Vol. 10752, pp. 174–190. Cited by: §II-A, §IV-C.
  • [36] I. Viola and P. Cesar (2020) A reduced reference metric for visual quality evaluation of point cloud contents. IEEE Signal Processing Letters 27, pp. 1660–1664. Cited by: §IV-C.
  • [37] S. Vora, A. H. Lang, B. Helou, and O. Beijbom (2020) Pointpainting: sequential fusion for 3d object detection. In Proceedings of the IEEE/CVF conference on computer vision and pattern recognition, pp. 4604–4612. Cited by: §I, §II-B.
  • [38] Y. Wang, Y. Sun, Z. Liu, S. E. Sarma, M. M. Bronstein, and J. M. Solomon (2019) Dynamic graph cnn for learning on point clouds. Acm Transactions On Graphics (tog) 38 (5), pp. 1–12. Cited by: §III-B.
  • [39] Z. Wang and K. Jia (2019) Frustum convnet: sliding frustums to aggregate local point-wise features for amodal 3d object detection. In 2019 IEEE/RSJ International Conference on Intelligent Robots and Systems (IROS), pp. 1742–1749. Cited by: §I, §II-B.
  • [40] Z. Wang, E. P. Simoncelli, and A. C. Bovik (2003) Multiscale structural similarity for image quality assessment. In The Thrity-Seventh Asilomar Conference on Signals, Systems & Computers, 2003, Vol. 2, pp. 1398–1402. Cited by: §III-C.
  • [41] S. Wen and J. Wang (2021) A strong baseline for image and video quality assessment. arXiv preprint arXiv:2111.07104. Cited by: §III-E.
  • [42] L. Xie, C. Xiang, Z. Yu, G. Xu, Z. Yang, D. Cai, and X. He (2020) PI-rcnn: an efficient multi-sensor 3d object detector with point-based attentive cont-conv fusion module. In Proceedings of the AAAI conference on artificial intelligence, Vol. 34, pp. 12460–12467. Cited by: §I, §II-B.
  • [43] M. Xu, Z. Zhou, and Y. Qiao (2020) Geometry sharing network for 3d point cloud classification and segmentation. In Proceedings of the AAAI Conference on Artificial Intelligence, Vol. 34, pp. 12500–12507. Cited by: §I.
  • [44] Q. Yang, H. Chen, Z. Ma, Y. Xu, R. Tang, and J. Sun (2020) Predicting the perceptual quality of point cloud: a 3d-to-2d projection-based exploration. IEEE Transactions on Multimedia. Cited by: §III-C, §IV-A.
  • [45] Q. Yang, Y. Liu, S. Chen, Y. Xu, and J. Sun (2022) No-reference point cloud quality assessment via domain adaptation. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, pp. 21179–21188. Cited by: §II-A.
  • [46] Q. Yang, Z. Ma, Y. Xu, Z. Li, and J. Sun (2020) Inferring point cloud quality via graph similarity. IEEE Transactions on Pattern Analysis and Machine Intelligence. Cited by: §I, §II-A, §IV-C.
  • [47] J. H. Yoo, Y. Kim, J. Kim, and J. W. Choi (2020) 3d-cvf: generating joint camera and lidar features using cross-view spatial feature fusion for 3d object detection. In European Conference on Computer Vision, pp. 720–736. Cited by: §I, §II-B.
  • [48] K. You and P. Gao (2021) Patch-based deep autoencoder for point cloud geometry compression. In ACM Multimedia Asia, pp. 1–7. Cited by: §I.
  • [49] L. Zhang, L. Zhang, and A. C. Bovik (2015) A feature-enriched completely blind image quality evaluator. IEEE Transactions on Image Processing 24 (8), pp. 2579–2591. Cited by: §IV-C.
  • [50] Y. Zhang, J. Chen, and D. Huang (2022) CAT-det: contrastively augmented transformer for multi-modal 3d object detection. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, pp. 908–917. Cited by: §II-B.
  • [51] Z. Zhang, W. Sun, X. Min, T. Wang, W. Lu, and G. Zhai (2021) No-reference quality assessment for 3d colored point cloud and mesh models. arXiv preprint arXiv:2107.02041. Cited by: §I, §II-A, §IV-C.
  • [52] Q. Zhou, J. Park, and V. Koltun (2018) Open3D: A modern library for 3D data processing. arXiv:1801.09847. Cited by: Fig. 1.