WO2023197601A1 - Gradient field-based point cloud repair method - Google Patents

Gradient field-based point cloud repair method Download PDF

Info

Publication number
WO2023197601A1
WO2023197601A1 PCT/CN2022/132439 CN2022132439W WO2023197601A1 WO 2023197601 A1 WO2023197601 A1 WO 2023197601A1 CN 2022132439 W CN2022132439 W CN 2022132439W WO 2023197601 A1 WO2023197601 A1 WO 2023197601A1
Authority
WO
WIPO (PCT)
Prior art keywords
point
point cloud
gradient
degraded
gradient field
Prior art date
Application number
PCT/CN2022/132439
Other languages
French (fr)
Chinese (zh)
Inventor
胡玮
陈浩澜
杜毕安
罗世通
Original Assignee
北京大学
Priority date (The priority date is an assumption and is not a legal conclusion. Google has not performed a legal analysis and makes no representation as to the accuracy of the date listed.)
Filing date
Publication date
Application filed by 北京大学 filed Critical 北京大学
Publication of WO2023197601A1 publication Critical patent/WO2023197601A1/en

Links

Images

Classifications

    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06TIMAGE DATA PROCESSING OR GENERATION, IN GENERAL
    • G06T5/00Image enhancement or restoration
    • G06T5/77Retouching; Inpainting; Scratch removal
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06NCOMPUTING ARRANGEMENTS BASED ON SPECIFIC COMPUTATIONAL MODELS
    • G06N3/00Computing arrangements based on biological models
    • G06N3/02Neural networks
    • G06N3/08Learning methods
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06NCOMPUTING ARRANGEMENTS BASED ON SPECIFIC COMPUTATIONAL MODELS
    • G06N3/00Computing arrangements based on biological models
    • G06N3/02Neural networks
    • G06N3/04Architecture, e.g. interconnection topology
    • G06N3/0464Convolutional networks [CNN, ConvNet]
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06TIMAGE DATA PROCESSING OR GENERATION, IN GENERAL
    • G06T2207/00Indexing scheme for image analysis or image enhancement
    • G06T2207/10Image acquisition modality
    • G06T2207/10028Range image; Depth image; 3D point clouds
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06TIMAGE DATA PROCESSING OR GENERATION, IN GENERAL
    • G06T2207/00Indexing scheme for image analysis or image enhancement
    • G06T2207/20Special algorithmic details
    • G06T2207/20081Training; Learning
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06TIMAGE DATA PROCESSING OR GENERATION, IN GENERAL
    • G06T2207/00Indexing scheme for image analysis or image enhancement
    • G06T2207/20Special algorithmic details
    • G06T2207/20084Artificial neural networks [ANN]

Definitions

  • the invention belongs to the technical field of computer software and relates to point cloud repair, and in particular to a point cloud repair method based on a gradient field.
  • 3D point clouds consist of discrete 3D points irregularly sampled from a continuous surface. They have attracted increasing attention as an effective representation method of 3D shapes and are widely used in autonomous driving, robotics and immersive interactive telepresence. middle.
  • point clouds are often corrupted by noise or suffer from low density due to inherent limitations of scanning equipment, or matching ambiguities when reconstructed from images. Therefore, point cloud restoration, such as denoising and upsampling, is crucial for related 3D vision applications.
  • Point cloud repair methods can be divided into two types: optimization-based repair methods and deep learning-based repair methods.
  • Optimization-based methods rely heavily on geometric prior knowledge, and it is sometimes difficult to strike a balance between detail preservation and repair effects.
  • For point cloud denoising most deep learning-based denoising models predict the displacement of noise points from the underlying surface, and then move the point displacement back to the corresponding latent surface.
  • Such methods mainly face two problems, namely point cloud shrinkage or outliers, which come from overestimation or underestimation of displacement.
  • complex regularization terms or fine-tuning operations are usually required to prevent the trivial result of point clouds clustering together.
  • the purpose of the present invention is to provide a point cloud repair method based on gradient fields.
  • a neural network is trained using a training data set; wherein the training data set includes degraded point clouds and corresponding clean point clouds; the neural network includes a contextual feature extraction network and a gradient field estimation network; the method for training the neural network is :
  • the degraded point cloud is input into the context feature extraction network, and the context feature extraction network obtains each point in the degraded point cloud.
  • the corresponding feature h i is input to the gradient field estimation network; the gradient field estimation network is based on the point Contextual point cloud, point and its characteristics h i to get the point.
  • the corresponding gradient according to Corresponding true gradients in clean point clouds Calculate the loss function
  • S represents the point cloud distribution of the degraded point cloud X; the neural network is trained by minimizing the loss function L. When the loss function converges or reaches the set number of training cycles, the training is completed;
  • T is the set total number of iteration cycles
  • ⁇ t is the set hyperparameter
  • ⁇ t is the set hyperparameter
  • It is the gradient field of the corresponding point calculated based on the coordinates updated in the t-1th loop iteration.
  • regularization terms are added to the iterative update, that is, gradient ascent and optimization based on regularization terms are alternately performed; the iterative process is Among them, I represents the identity matrix, ⁇ is the hyperparameter, and L is the Laplacian matrix of the k-nearest neighbor graph generated based on the input point cloud.
  • the gradient field estimation network first extracts each point in the degraded point cloud each neighbor point in the context point cloud relative characteristics of Then according to the nearest neighbor points distance point The distance is a relative feature Give the corresponding weight and get the points aggregated features Then Input the global multi-layer perceptron and estimate the points The corresponding gradient in, for the point is the set of points in the neighborhood with center radius r.
  • the cosine annealing method is used to determine the relative characteristics the weight of.
  • the present invention also provides a server, including a memory and a processor.
  • the memory stores a computer program.
  • the computer program is configured to be executed by the processor.
  • the computer program includes instructions for executing each step in the above method. .
  • the present invention also provides a computer-readable storage medium on which a computer program is stored, and when the computer program is executed by a processor, the steps of the above method are implemented.
  • the present invention first estimates the distributed global gradient field from the input degraded point cloud; then uses the estimated gradient field to perform gradient rise, converge the points to the potential surface, and complete point cloud repair.
  • the present invention proposes a new point cloud repair paradigm (Deep Point Set Resampler, DeepRS), which makes points approach their corresponding potential surfaces by learning the continuous gradient field of point clouds.
  • the present invention represents the point cloud through the gradient field of the point cloud, that is, the gradient of the logarithmic probability density function, and makes this gradient field continuous, thereby ensuring the continuity of the solvable optimization model.
  • the present invention uses a neural network to fit this gradient field.
  • a gradient-based Markov chain Monte Carlo method can be performed on the input noisy or sparse point cloud.
  • the present invention further proposes to introduce regularization into the MCMC process during the point cloud repair process. This is essentially an iterative improvement of the intermediate resampled point cloud, and introduces various prior knowledge during the resampling process.
  • the present invention demonstrates through extensive experiments that the proposed point cloud resampling method achieves state-of-the-art performance in representative restoration tasks including point cloud denoising and upsampling.
  • This invention unifies issues such as denoising and upsampling into point cloud resampling, and proposes an integrated point cloud repair solution paradigm.
  • the present invention analyzes the continuity of distribution modeling and proposes a continuous model by using the cosine annealing method, thereby ensuring that gradient-based optimization is solvable.
  • the present invention introduces regularization into the point set resampling process, and can repeatedly enhance the point cloud in the intermediate process with a specific regularization method during the sampling process.
  • Figure 1 is a schematic diagram of the point cloud repair method proposed in the present invention.
  • Figure 2 is a schematic diagram of the DeepRS network.
  • Figure 3 shows the network structure of DeepRS.
  • the present invention treats the non-degraded point cloud Y as sampling from the three-dimensional distribution p(y).
  • the present invention records the degraded point cloud as Where H is the corresponding degradation function, such as downsampling, blurring, etc.; N is the additional noise from a certain noise distribution (such as Gaussian distribution, etc.); It represents the convolution operation.
  • H is the corresponding degradation function, such as downsampling, blurring, etc.
  • N is the additional noise from a certain noise distribution (such as Gaussian distribution, etc.); It represents the convolution operation.
  • the distribution q(X) corresponding to value. Therefore, reconstruct the point cloud It is equivalent to maximizing ⁇ i log q(xi ) , where M is the number of points in the point cloud. This can be done by gradient ascent until convergence to q(x) mode.
  • This gradient ascent process is only related to That is, it is related to the first derivative of the logarithmic density function. Therefore the gradient field Always point to a clean surface. And because, q(x) is unknown during the test process. Rather than estimating q(x) from degenerate observations, the present invention chooses to estimate its gradient as this is easier to operate. To sum up, the model of the present invention aims to learn the gradient field g(x) so that ⁇ i log q(xi ) is maximized, that is, max g(x) ⁇ i log q(xi ) .
  • the present invention uses the cosine annealing method to make the gradient field estimation continuous to the center point. Specifically, since the present invention estimates the gradient of a certain point x from the local neighborhood N r (x) with radius r, when the position of x changes during the resampling process, other points may suddenly enter or leave the neighborhood. Domain N r (x), this will lead to discontinuity. Therefore, before aggregating the features of nearby points, the present invention assigns a corresponding weight to each point, which decays as the distance from x becomes larger.
  • the aggregate characteristic of x is Among them, x j ⁇ N r (x) means that x j is in the neighborhood of x with radius r, and f j (x) is the feature of x j calculated relative to x. Essentially, this formula ensures that the feature weight decreases as the distance from x increases, and finally drops to 0 when the distance is equal to or exceeds r.
  • the depth point set resampling method proposed by the present invention first learns the gradient field from the training data, and then performs point cloud repair through gradient ascent.
  • This framework allows the present invention to introduce regularization into the gradient ascent process for further fine-tuning based on prior knowledge. Regularization in existing work can only be considered during the training phase, usually by incorporating it into the loss function.
  • the framework of the present invention introduces regularization in the repair process, and is therefore more flexible for designing various prior parameters for different downstream tasks.
  • Adding a regularization term can make the recovered point cloud have specific properties according to the corresponding prior knowledge, and its formula can be written as: X and Z represent the input degraded point cloud and repaired point cloud respectively, H( ⁇ ) represents the degradation operator defined on Z, and P(Z) represents the regularization term.
  • the invention of the present invention mainly uses the graph Laplacian regular operator (GLR) and the weighted graph Laplacian regular operator (RGLR), two commonly used regular terms in optimization-based algorithms, to perform point cloud repair. , this invention will specifically introduce the use of these two algorithms in the network model part.
  • Graph provides a structurally adaptable, accurate and compact representation method for point clouds. Therefore, the present invention represents each point in the point cloud as a node in the graph G, and connects the points that are neighbors to each other to construct a graph, for example, a k-nearest neighbor (kNN) graph, each point is related to it The nearest k neighbor nodes are connected.
  • the mathematical formula of GLR is generally written as: where, L is the graph Laplacian matrix, encoding the connectivity of the graph and the degree of each node. i ⁇ j means that points i and j are connected, which means that these two points are highly correlated in the point cloud.
  • the graph Laplacian matrix L is fixed.
  • the present invention can also regard the Laplacian matrix as a learnable function of the graph signal Z and extend it to RGLR: Among them, w ij (x i ,z j ) can be learned adaptively during the optimization process. RGLR helps promote flaky smoothness of point clouds, allowing inpainted point clouds to have this better property.
  • the present invention will introduce how to add regularization terms to the process of the present invention.
  • This invention mainly focuses on differentiable regularization terms.
  • H is the identity matrix.
  • Derivative of Z and let the derivative be 0, we get 2(XZ)+ ⁇ P′(Z) 0. Therefore, the present invention can easily solve Z.
  • the reconstruction process is completed by alternating gradient ascent and regularization-based optimization during the resampling process.
  • the goal of the present invention is to repair it through the above point set resampling method, such as denoising, upsampling, etc.
  • the present invention designs a neural network for gradient field training and point cloud resampling.
  • the network consists of a context feature extraction network and a gradient field estimation network.
  • the overall structure is shown in Figure 2, and the specific network composition is shown in Figure 3.
  • a context point cloud is required for auxiliary operations.
  • This point cloud can be the same as the degraded point cloud, or a more appropriate point cloud can be selected.
  • the present invention first learns the features corresponding to each point through the context feature extraction network.
  • the network is based on dynamic graph convolutional neural network (DGCNN; Reference Wang Y, Sun Y, Liu Z, et al.Dynamic graph cnn for learning on point clouds[J].Acm Transactions On Graphics(tog),2019,38 (5):1-12) can extract multi-scale and local and non-local features for each point, and further obtain features with richer background information by densely connecting the above convolutional neural network.
  • DGCNN dynamic graph convolutional neural network
  • the context point cloud is input into the feature extraction network.
  • the feature extraction network constructs a k-nearest neighbor graph for this point cloud. Each point is regarded as a vertex of the graph and is related to its k nearest neighbors. Neighbors are connected. Then, it uses the dynamic graph convolution network to extract the features corresponding to each point and record the points The extracted features are h i (including multi-scale information, that is, local features and non-local features), and the extracted features are saved and input into the next-level gradient field estimation network.
  • the present invention attempts to use the gradient field estimation network to estimate the gradient field from a global perspective.
  • the network consists of multiple multi-layer perceptrons (MLP).
  • MLP multi-layer perceptrons
  • the input point cloud is the context point cloud and its features and degraded point cloud.
  • the gradient field estimation network first extracts each point in the degraded point cloud K-nearest neighbors in context point cloud relative characteristics of Among them, F is implemented using multi-layer perceptron (MLP) and the edge convolution method proposed in dynamic graph convolutional neural network, h j is the starting point extracted features, The meaning of has been mentioned in the chapter of algorithm framework.
  • MLP multi-layer perceptron
  • the present invention first obtains a training data set, including degraded (such as sparse or noisy) point clouds and corresponding clean point clouds.
  • the present invention calculates the gradient of the degraded point cloud according to the method described in Section (2).
  • the present invention simply takes the context point cloud as the degraded point cloud itself. This method is sufficient to obtain good experimental results.
  • the final calculated gradient is We define the true gradient of each point Among them, Y represents the corresponding clean point cloud, Represents distance points in a clean point cloud nearest point.
  • the optimization objective (loss function) defined by the present invention at this time where S represents the point in the point cloud at Distribution in space (three-dimensional vector space).
  • the present invention trains the model by minimizing the loss function. When the loss function converges or reaches a certain number of training cycles, the training is completed.
  • the degraded point clouds themselves must also serve as context point clouds.
  • Input it into the network model of the present invention to obtain the gradient field g(x) corresponding to each point x.
  • the present invention performs a gradient-based Markov chain Monte Carlo method (MCMC), and iteratively updates the points through simple gradient rise until reaching the upper limit or convergence.
  • MCMC gradient-based Markov chain Monte Carlo method
  • t is the number of iteration cycles
  • ⁇ t is an artificially set hyperparameter, which can be changed as the number of cycles changes.

Landscapes

  • Engineering & Computer Science (AREA)
  • Physics & Mathematics (AREA)
  • Theoretical Computer Science (AREA)
  • General Physics & Mathematics (AREA)
  • Biophysics (AREA)
  • Evolutionary Computation (AREA)
  • Artificial Intelligence (AREA)
  • Biomedical Technology (AREA)
  • Health & Medical Sciences (AREA)
  • Computational Linguistics (AREA)
  • Data Mining & Analysis (AREA)
  • Life Sciences & Earth Sciences (AREA)
  • General Health & Medical Sciences (AREA)
  • Molecular Biology (AREA)
  • Computing Systems (AREA)
  • General Engineering & Computer Science (AREA)
  • Mathematical Physics (AREA)
  • Software Systems (AREA)
  • Image Analysis (AREA)

Abstract

Disclosed in the present invention is a gradient field-based point cloud repair method. Firstly, a distributed global gradient field is estimated from an input degenerated point cloud; then gradient ascent is carried out by using the estimated gradient field, and points are converged to a potential surface, so as to complete point cloud repair.

Description

一种基于梯度场的点云修复方法A point cloud repair method based on gradient field 技术领域Technical field
本发明属于计算机软件技术领域,涉及点云修复,具体涉及一种基于梯度场的点云修复方法。The invention belongs to the technical field of computer software and relates to point cloud repair, and in particular to a point cloud repair method based on a gradient field.
背景技术Background technique
日渐成熟的深度传感、激光扫描以及图像处理技术能够使得人们更方便地从现实世界场景中获得三维点云。三维点云由从连续表面不规则采样的离散三维点组成,作为一种有效的三维形状的表示方法引起了越来越多的关注,被广泛应用于自动驾驶、机器人技术和沉浸式交互远程呈现中。然而由于扫描设备的固有局限性,或者从图像中重建时的匹配模糊性,点云经常受到噪声的干扰或者受到低密度的影响。因此,点云修复,如去噪和上采样,对相关的三维视觉应用至关重要。The increasingly mature depth sensing, laser scanning and image processing technologies can make it more convenient for people to obtain three-dimensional point clouds from real-world scenes. 3D point clouds consist of discrete 3D points irregularly sampled from a continuous surface. They have attracted increasing attention as an effective representation method of 3D shapes and are widely used in autonomous driving, robotics and immersive interactive telepresence. middle. However, point clouds are often corrupted by noise or suffer from low density due to inherent limitations of scanning equipment, or matching ambiguities when reconstructed from images. Therefore, point cloud restoration, such as denoising and upsampling, is crucial for related 3D vision applications.
点云修复方法可分为基于优化的修复方法和基于深度学习的修复方法两种。基于优化的方法很大程度上依赖于几何先验知识,有时很难在细节的保留和修复效果之间取得平衡。最近,由于专门为点云设计的神经网络架构的出现,基于深度学习的方法已经出现,并取得了良好的修复性能。对于点云去噪,大多数基于深度学习的去噪模型都是预测噪声点与潜在表面的位移,然后将点位移回对应的潜在表面。这样的方法主要会面临两个问题,即点云收缩或出现离群点,它们来自于对位移的高估或低估。而对于点云的上采样任务,通常需要 复杂的正则化项或者微调操作来防止出现点云聚集在一起的平凡结果。Point cloud repair methods can be divided into two types: optimization-based repair methods and deep learning-based repair methods. Optimization-based methods rely heavily on geometric prior knowledge, and it is sometimes difficult to strike a balance between detail preservation and repair effects. Recently, due to the emergence of neural network architectures specifically designed for point clouds, deep learning-based methods have emerged and achieved good inpainting performance. For point cloud denoising, most deep learning-based denoising models predict the displacement of noise points from the underlying surface, and then move the point displacement back to the corresponding latent surface. Such methods mainly face two problems, namely point cloud shrinkage or outliers, which come from overestimation or underestimation of displacement. For point cloud upsampling tasks, complex regularization terms or fine-tuning operations are usually required to prevent the trivial result of point clouds clustering together.
发明内容Contents of the invention
针对现有技术中存在的问题,本发明的目的在于提供一种基于梯度场的点云修复方法。In view of the problems existing in the prior art, the purpose of the present invention is to provide a point cloud repair method based on gradient fields.
本发明的基于梯度场的深度点集重采样方法,其步骤包括:The steps of the gradient field-based depth point set resampling method of the present invention include:
利用训练数据集训练一神经网络;其中,所述训练数据集包含退化点云以及对应的干净点云;所述神经网络包括上下文特征提取网络和梯度场估计网络;训练所述神经网络的方法为:A neural network is trained using a training data set; wherein the training data set includes degraded point clouds and corresponding clean point clouds; the neural network includes a contextual feature extraction network and a gradient field estimation network; the method for training the neural network is :
将退化点云输入所述上下文特征提取网络,所述上下文特征提取网络获取所述退化点云中每个点
Figure PCTCN2022132439-appb-000001
对应的特征h i并将其输入到所述梯度场估计网络;所述梯度场估计网络根据点
Figure PCTCN2022132439-appb-000002
的上下文点云、点
Figure PCTCN2022132439-appb-000003
及其特征h i得到点
Figure PCTCN2022132439-appb-000004
对应的梯度
Figure PCTCN2022132439-appb-000005
根据
Figure PCTCN2022132439-appb-000006
在干净点云中对应的真实梯度
Figure PCTCN2022132439-appb-000007
计算损失函数
Figure PCTCN2022132439-appb-000008
Figure PCTCN2022132439-appb-000009
其中,S表示退化点云X的点云分布;通过最小化该损失函数L来训练所述神经网络,当损失函数收敛或达到设定训练循环次数后,训练完毕;
The degraded point cloud is input into the context feature extraction network, and the context feature extraction network obtains each point in the degraded point cloud.
Figure PCTCN2022132439-appb-000001
The corresponding feature h i is input to the gradient field estimation network; the gradient field estimation network is based on the point
Figure PCTCN2022132439-appb-000002
Contextual point cloud, point
Figure PCTCN2022132439-appb-000003
and its characteristics h i to get the point
Figure PCTCN2022132439-appb-000004
The corresponding gradient
Figure PCTCN2022132439-appb-000005
according to
Figure PCTCN2022132439-appb-000006
Corresponding true gradients in clean point clouds
Figure PCTCN2022132439-appb-000007
Calculate the loss function
Figure PCTCN2022132439-appb-000008
Figure PCTCN2022132439-appb-000009
Where, S represents the point cloud distribution of the degraded point cloud X; the neural network is trained by minimizing the loss function L. When the loss function converges or reaches the set number of training cycles, the training is completed;
将待采样的退化点云X输入训练后的所述神经网络,得到该退化点云X中每个点x对应的梯度场g(x);然后根据该退化点云X中每个点的梯度场,通过梯度上升对该退化点云X中的点进行迭代更新直至达到设定上限或者收敛,完成对该退化点云X的修复。Input the degraded point cloud X to be sampled into the trained neural network to obtain the gradient field g(x) corresponding to each point x in the degraded point cloud X; then according to the gradient of each point in the degraded point cloud X field, the points in the degraded point cloud X are iteratively updated through gradient ascent until reaching the set upper limit or convergence, and the repair of the degraded point cloud X is completed.
进一步的,通过梯度上升对该待采样的退化点云中的点进行迭代更新的方 法为:
Figure PCTCN2022132439-appb-000010
其中,T为设定的迭代循环总次数,α t为设定的超参数;
Figure PCTCN2022132439-appb-000011
为退化点云X中第i个采集点x i在第t次迭代循环更新后的的坐标值,
Figure PCTCN2022132439-appb-000012
为根据第t-1次循环迭代更新得到的坐标计算的对应点的梯度场。
Further, the method of iteratively updating the points in the degraded point cloud to be sampled through gradient ascent is:
Figure PCTCN2022132439-appb-000010
Among them, T is the set total number of iteration cycles, α t is the set hyperparameter;
Figure PCTCN2022132439-appb-000011
is the coordinate value of the i-th collection point x i in the degraded point cloud X after updating in the t-th iteration cycle,
Figure PCTCN2022132439-appb-000012
It is the gradient field of the corresponding point calculated based on the coordinates updated in the t-1th loop iteration.
进一步的,迭代更新中加入正则化项,即交替进行梯度上升和基于正则项的优化;迭代过程为
Figure PCTCN2022132439-appb-000013
Figure PCTCN2022132439-appb-000014
其中,I代表单位矩阵,λ为超参数,L为基于输入点云生成的k-近邻图的拉普拉斯矩阵。
Further, regularization terms are added to the iterative update, that is, gradient ascent and optimization based on regularization terms are alternately performed; the iterative process is
Figure PCTCN2022132439-appb-000013
Figure PCTCN2022132439-appb-000014
Among them, I represents the identity matrix, λ is the hyperparameter, and L is the Laplacian matrix of the k-nearest neighbor graph generated based on the input point cloud.
进一步的,得到点
Figure PCTCN2022132439-appb-000015
对应的梯度
Figure PCTCN2022132439-appb-000016
的方法为:所述梯度场估计网络首先提取退化点云中每个点
Figure PCTCN2022132439-appb-000017
在上下文点云中的每一近邻点
Figure PCTCN2022132439-appb-000018
的相对特征
Figure PCTCN2022132439-appb-000019
然后根据近邻点
Figure PCTCN2022132439-appb-000020
距离点
Figure PCTCN2022132439-appb-000021
的距离为相对特征
Figure PCTCN2022132439-appb-000022
赋予对应的权重,得到点
Figure PCTCN2022132439-appb-000023
的聚合特征
Figure PCTCN2022132439-appb-000024
然后将
Figure PCTCN2022132439-appb-000025
输入全局的多层感知机,估计得到点
Figure PCTCN2022132439-appb-000026
对应的梯度
Figure PCTCN2022132439-appb-000027
其中,
Figure PCTCN2022132439-appb-000028
为在以点
Figure PCTCN2022132439-appb-000029
为中心半径为r的邻域内的点集。
Further, get points
Figure PCTCN2022132439-appb-000015
The corresponding gradient
Figure PCTCN2022132439-appb-000016
The method is: the gradient field estimation network first extracts each point in the degraded point cloud
Figure PCTCN2022132439-appb-000017
each neighbor point in the context point cloud
Figure PCTCN2022132439-appb-000018
relative characteristics of
Figure PCTCN2022132439-appb-000019
Then according to the nearest neighbor points
Figure PCTCN2022132439-appb-000020
distance point
Figure PCTCN2022132439-appb-000021
The distance is a relative feature
Figure PCTCN2022132439-appb-000022
Give the corresponding weight and get the points
Figure PCTCN2022132439-appb-000023
aggregated features
Figure PCTCN2022132439-appb-000024
Then
Figure PCTCN2022132439-appb-000025
Input the global multi-layer perceptron and estimate the points
Figure PCTCN2022132439-appb-000026
The corresponding gradient
Figure PCTCN2022132439-appb-000027
in,
Figure PCTCN2022132439-appb-000028
for the point
Figure PCTCN2022132439-appb-000029
is the set of points in the neighborhood with center radius r.
进一步的,近邻点
Figure PCTCN2022132439-appb-000030
距离点
Figure PCTCN2022132439-appb-000031
的距离越远,相对特征
Figure PCTCN2022132439-appb-000032
的权重越小。
Further, the nearest neighbor point
Figure PCTCN2022132439-appb-000030
distance point
Figure PCTCN2022132439-appb-000031
The farther the distance, the relative characteristics
Figure PCTCN2022132439-appb-000032
The smaller the weight.
进一步的,使用余弦退火法确定相对特征
Figure PCTCN2022132439-appb-000033
的权重。
Further, the cosine annealing method is used to determine the relative characteristics
Figure PCTCN2022132439-appb-000033
the weight of.
本发明还提供一种服务器,包括存储器和处理器,所述存储器存储计算机程序,所述计算机程序被配置为由所述处理器执行,所述计算机程序包括用于执行上述方法中各步骤的指令。The present invention also provides a server, including a memory and a processor. The memory stores a computer program. The computer program is configured to be executed by the processor. The computer program includes instructions for executing each step in the above method. .
本发明还提供一种计算机可读存储介质,其上存储有计算机程序,所述计 算机程序被处理器执行时实现上述方法的步骤。The present invention also provides a computer-readable storage medium on which a computer program is stored, and when the computer program is executed by a processor, the steps of the above method are implemented.
如图1所示,本发明首先从输入的退化点云中估计出分布的全局梯度场;然后利用估计的梯度场进行梯度上升,将点收敛到潜在表面,完成点云修复。As shown in Figure 1, the present invention first estimates the distributed global gradient field from the input degraded point cloud; then uses the estimated gradient field to perform gradient rise, converge the points to the potential surface, and complete point cloud repair.
通过扫描真实世界的物体或场景获得的三维点云在近年来已经获得了广泛的应用,包括沉浸式交互远程呈现、自动驾驶、监控等。然而,采样得到的点云经常会遇到噪声或是低密度等影响。本发明提出了一种新的点云修复范式(Deep Point Set Resampler,DeepRS),通过学习点云的连续梯度场,使点向其对应的潜在表面靠近。特别地,本发明通过点云的梯度场,也就是对数概率密度函数的梯度,来表示点云,并使得这个梯度场是连续的,从而保证了可解优化模型的连续性。本发明通过神经网络来拟合这一梯度场,基于此,对输入的有噪声的或稀疏的点云可进行基于梯度的马尔科夫链蒙特卡洛方法(MCMC)。此外,本发明还进一步提出在点云修复过程中把正则化引入到MCMC的过程中。这实质上是对中间重采样的点云进行迭代改进,并在重采样过程中引入各种先验知识。本发明通过大量实验表明,所提出的点云重采样方法在包括点云去噪和上采样在内的代表性修复任务中取得了最先进的性能。Three-dimensional point clouds obtained by scanning real-world objects or scenes have been widely used in recent years, including immersive interactive telepresence, autonomous driving, monitoring, etc. However, sampled point clouds often encounter noise or low density. This invention proposes a new point cloud repair paradigm (Deep Point Set Resampler, DeepRS), which makes points approach their corresponding potential surfaces by learning the continuous gradient field of point clouds. In particular, the present invention represents the point cloud through the gradient field of the point cloud, that is, the gradient of the logarithmic probability density function, and makes this gradient field continuous, thereby ensuring the continuity of the solvable optimization model. The present invention uses a neural network to fit this gradient field. Based on this, a gradient-based Markov chain Monte Carlo method (MCMC) can be performed on the input noisy or sparse point cloud. In addition, the present invention further proposes to introduce regularization into the MCMC process during the point cloud repair process. This is essentially an iterative improvement of the intermediate resampled point cloud, and introduces various prior knowledge during the resampling process. The present invention demonstrates through extensive experiments that the proposed point cloud resampling method achieves state-of-the-art performance in representative restoration tasks including point cloud denoising and upsampling.
本发明的优点如下:The advantages of the present invention are as follows:
1)本发明将去噪、上采样等问题统一为对点云的重采样,提出了一个整合的点云修复解决范式。1) This invention unifies issues such as denoising and upsampling into point cloud resampling, and proposes an integrated point cloud repair solution paradigm.
2)相比之前的方法,本发明分析了分布建模的连续性,并通过利用余弦退火法提出了一个连续模型,从而保证了基于梯度的优化是可解的。2) Compared with previous methods, the present invention analyzes the continuity of distribution modeling and proposes a continuous model by using the cosine annealing method, thereby ensuring that gradient-based optimization is solvable.
3)本发明将正则化引入到点集重采样过程中,能够以特定的正则化方法在采样过程中反复增强中间过程中的点云。3) The present invention introduces regularization into the point set resampling process, and can repeatedly enhance the point cloud in the intermediate process with a specific regularization method during the sampling process.
附图说明Description of the drawings
图1为本发明中提出的点云修复方法示意图。Figure 1 is a schematic diagram of the point cloud repair method proposed in the present invention.
图2为DeepRS的网络示意图。Figure 2 is a schematic diagram of the DeepRS network.
图3为DeepRS的网络结构。Figure 3 shows the network structure of DeepRS.
具体实施方式Detailed ways
下面结合附图对本发明进行进一步详细描述,所举实例只用于解释本发明,并非用于限定本发明的范围。The present invention will be described in further detail below with reference to the accompanying drawings. The examples cited are only used to explain the present invention and are not intended to limit the scope of the present invention.
(1)算法框架:(1) Algorithm framework:
首先,本发明将未退化的点云Y看作从三维分布p(y)的采样。考虑输入采集的退化的点云,本发明将退化的点云记为
Figure PCTCN2022132439-appb-000034
其中H是对应的退化函数,如降采样、模糊等;N为来自某个噪声分布(如高斯分布等)的附加噪声;
Figure PCTCN2022132439-appb-000035
则表示卷积操作。假设X对应的分布q(X)是已知的,不失一般性退化函数的众数为0,对上式左右两边求导,则易得q(x)在对应的潜在表面上时达到最大值。因此,重建点云
Figure PCTCN2022132439-appb-000036
相当于最大化∑ ilog q(x i),其中M为点云的点的个数。这可以通过梯度上升直到收敛到q(x)的模式来完成。这一梯度上升过程只与
Figure PCTCN2022132439-appb-000037
也就是对数密度函数的一阶导数有关。因此梯度场
Figure PCTCN2022132439-appb-000038
始终指向干净的表面。又因为,在测试过程中q(x)是未知的。与其从退化的观测值中估计q(x),本发明选择估计其梯度,因为这更容易操作。综上所述,本发明的模型旨在学习梯度场g(x),使得∑ ilog q(x i)最大化,也即 max g(x)ilog q(x i)。
First, the present invention treats the non-degraded point cloud Y as sampling from the three-dimensional distribution p(y). Considering the input and collected degraded point cloud, the present invention records the degraded point cloud as
Figure PCTCN2022132439-appb-000034
Where H is the corresponding degradation function, such as downsampling, blurring, etc.; N is the additional noise from a certain noise distribution (such as Gaussian distribution, etc.);
Figure PCTCN2022132439-appb-000035
It represents the convolution operation. Assume that the distribution q(X) corresponding to value. Therefore, reconstruct the point cloud
Figure PCTCN2022132439-appb-000036
It is equivalent to maximizing ∑ i log q(xi ) , where M is the number of points in the point cloud. This can be done by gradient ascent until convergence to q(x) mode. This gradient ascent process is only related to
Figure PCTCN2022132439-appb-000037
That is, it is related to the first derivative of the logarithmic density function. Therefore the gradient field
Figure PCTCN2022132439-appb-000038
Always point to a clean surface. And because, q(x) is unknown during the test process. Rather than estimating q(x) from degenerate observations, the present invention chooses to estimate its gradient as this is easier to operate. To sum up, the model of the present invention aims to learn the gradient field g(x) so that ∑ i log q(xi ) is maximized, that is, max g(x)i log q(xi ) .
可以看到,对点云进行修复等价于解g(x)=0这个方程,因此模型必须要有连续性,来保证这个方程可以通过梯度迭代求解。本发明使用余弦退火法,使梯度场的估计对中心点连续。具体来讲,由于本发明从半径为r的局部邻域N r(x)来估计某个点x的梯度,当x的位置在重采样过程中发生变化时,其他点可能突然进入或离开邻域N r(x),这将导致不连续。因此,在聚合附近点的特征之前,本发明给每个点分配一个相应的权重,这个权重随着与x的距离变大而衰减。形式上,x的聚合特征为
Figure PCTCN2022132439-appb-000039
其中,x j∈N r(x)表示x j在x的半径为r的邻域中,f j(x)是x j相对于x计算得到的特征。本质上讲,该式子保证了特征权重随着与x的距离增加而下降,最后当距离等于或超过r时降为0。
It can be seen that repairing the point cloud is equivalent to solving the equation g(x)=0, so the model must have continuity to ensure that this equation can be solved through gradient iteration. The present invention uses the cosine annealing method to make the gradient field estimation continuous to the center point. Specifically, since the present invention estimates the gradient of a certain point x from the local neighborhood N r (x) with radius r, when the position of x changes during the resampling process, other points may suddenly enter or leave the neighborhood. Domain N r (x), this will lead to discontinuity. Therefore, before aggregating the features of nearby points, the present invention assigns a corresponding weight to each point, which decays as the distance from x becomes larger. Formally, the aggregate characteristic of x is
Figure PCTCN2022132439-appb-000039
Among them, x j ∈N r (x) means that x j is in the neighborhood of x with radius r, and f j (x) is the feature of x j calculated relative to x. Essentially, this formula ensures that the feature weight decreases as the distance from x increases, and finally drops to 0 when the distance is equal to or exceeds r.
本发明提出的深度点集重采样方法首先从训练数据中学习梯度场,然后通过梯度上升进行点云修复。这个框架允许本发明在梯度上升过程中引入正则化,以便根据先验知识进行进一步的微调。现有的工作中正则化只能在训练阶段考虑,通常是将其纳入损失函数。本发明的框架则在修复过程中引入正则化,因此对于为不同的下游任务设计各种先验参数来说更加灵活。添加正则化项可以使得恢复的点云根据相应的先验知识具有特定的属性,其公式可写作:
Figure PCTCN2022132439-appb-000040
X与Z分别代表输入的退化点云和修复的点云,H(·)则代表定义在Z上的退化算子,P(Z)代表正则化项。具体地,本发明的发明主要使用了图拉普拉斯正则算子(GLR)和加权图拉普拉斯正则算子(RGLR) 这两个基于优化的算法常用的正则项来进行点云修复,本发明将在网络模型部分具体介绍这两种算法的使用方式。
The depth point set resampling method proposed by the present invention first learns the gradient field from the training data, and then performs point cloud repair through gradient ascent. This framework allows the present invention to introduce regularization into the gradient ascent process for further fine-tuning based on prior knowledge. Regularization in existing work can only be considered during the training phase, usually by incorporating it into the loss function. The framework of the present invention introduces regularization in the repair process, and is therefore more flexible for designing various prior parameters for different downstream tasks. Adding a regularization term can make the recovered point cloud have specific properties according to the corresponding prior knowledge, and its formula can be written as:
Figure PCTCN2022132439-appb-000040
X and Z represent the input degraded point cloud and repaired point cloud respectively, H(·) represents the degradation operator defined on Z, and P(Z) represents the regularization term. Specifically, the invention of the present invention mainly uses the graph Laplacian regular operator (GLR) and the weighted graph Laplacian regular operator (RGLR), two commonly used regular terms in optimization-based algorithms, to perform point cloud repair. , this invention will specifically introduce the use of these two algorithms in the network model part.
图(Graph)为点云提供了结构适应性强、准确和紧凑的表示方法。因此,本发明将点云中的每个点表示为图G中的一个节点,并将互为邻居的点连接起来构建一个图,例如,一个k-近邻(kNN)图,每个点与它的最近的k个邻居节点相连。GLR的数学公式一般写作:
Figure PCTCN2022132439-appb-000041
其中,L是图拉普拉斯矩阵,编码图形的连通性和每个节点的度。i~j表示点i、j是相连的,意味着在点云中这两个点是高度相关的。如果GLR较小,那么意味着这个图信号是平滑的,因为如果权重较大的话则相应地,z i与z j应该是相似的。在GLR中,图拉普拉斯矩阵L是固定的。本发明还可以将拉普拉斯矩阵视为图信号Z的可学习函数,将其扩展为RGLR:
Figure PCTCN2022132439-appb-000042
Figure PCTCN2022132439-appb-000043
其中,w ij(x i,z j)可在优化过程中自适应地学习。RGLR有助于促进点云的片状平滑性,使得修复的点云拥有这一更好的性质。
Graph provides a structurally adaptable, accurate and compact representation method for point clouds. Therefore, the present invention represents each point in the point cloud as a node in the graph G, and connects the points that are neighbors to each other to construct a graph, for example, a k-nearest neighbor (kNN) graph, each point is related to it The nearest k neighbor nodes are connected. The mathematical formula of GLR is generally written as:
Figure PCTCN2022132439-appb-000041
where, L is the graph Laplacian matrix, encoding the connectivity of the graph and the degree of each node. i~j means that points i and j are connected, which means that these two points are highly correlated in the point cloud. If the GLR is small, it means that the graph signal is smooth, because if the weight is large, z i and z j should be similar accordingly. In GLR, the graph Laplacian matrix L is fixed. The present invention can also regard the Laplacian matrix as a learnable function of the graph signal Z and extend it to RGLR:
Figure PCTCN2022132439-appb-000042
Figure PCTCN2022132439-appb-000043
Among them, w ij (x i ,z j ) can be learned adaptively during the optimization process. RGLR helps promote flaky smoothness of point clouds, allowing inpainted point clouds to have this better property.
接下来本发明来介绍如何将正则化项加入到本发明的过程中。本发明主要关注可微的正则化项。在上式中,简单起见不妨假设H是单位矩阵。对Z求导并令导数为0,得2(X-Z)+λP′(Z)=0。由此本发明可以很简单地解出Z,比如当选择GLR为先验时,就有Z=(I+λL -1)X。在重采样过程中交替进行梯度上升和基于正则项的优化即可完成重建过程。 Next, the present invention will introduce how to add regularization terms to the process of the present invention. This invention mainly focuses on differentiable regularization terms. In the above formula, for the sake of simplicity, we might as well assume that H is the identity matrix. Derivative of Z and let the derivative be 0, we get 2(XZ)+λP′(Z)=0. Therefore, the present invention can easily solve Z. For example, when GLR is selected as the prior, Z=(I+λL -1 )X is obtained. The reconstruction process is completed by alternating gradient ascent and regularization-based optimization during the resampling process.
(2)网络模型(2)Network model
给定一个含有M个点的采集的退化点云
Figure PCTCN2022132439-appb-000044
本发明的目标是通过 上述点集重采样方法对其进行修复,如去噪、上采样等。为了实现这一目标,本发明设计了用于梯度场训练和点云重采样的神经网络。该网络由上下文特征提取网络和梯度场估计网络组成。整体的结构如图2所示,具体的网络组成如图3所示。
Given a collected degraded point cloud containing M points
Figure PCTCN2022132439-appb-000044
The goal of the present invention is to repair it through the above point set resampling method, such as denoising, upsampling, etc. To achieve this goal, the present invention designs a neural network for gradient field training and point cloud resampling. The network consists of a context feature extraction network and a gradient field estimation network. The overall structure is shown in Figure 2, and the specific network composition is shown in Figure 3.
a)上下文特征提取网络a) Context feature extraction network
为了估算全局梯度场,需要一上下文点云进行辅助运算。该点云可以与退化点云相同,也可以选择更贴切的点云。给定一个上下文点云
Figure PCTCN2022132439-appb-000045
本发明首先通过上下文特征提取网络学习每点对应的特征。该网络是基于动态图卷积神经网络(DGCNN;参考文献Wang Y,Sun Y,Liu Z,et al.Dynamic graph cnn for learning on point clouds[J].Acm Transactions On Graphics(tog),2019,38(5):1-12)实现的,能够为每个点提取多尺度以及局部和非局部的特征,并通过密集连接上述卷积神经网络,进一步获得具有更丰富背景信息的特征。具体来讲,将上下文点云输入到该特征提取网络中,首先该特征提取网络对这个点云构建k-近邻图,每个点都被视为图一个顶点,并与它的k个最近的邻居相连。然后,它利用动态图卷积网络提取每个点对应的特征,记点
Figure PCTCN2022132439-appb-000046
提取的特征为h i(包括多尺度的信息,即局部特征和非局部的特征),并将该提取到的特征保存并输入到下一级的梯度场估计网络中。
In order to estimate the global gradient field, a context point cloud is required for auxiliary operations. This point cloud can be the same as the degraded point cloud, or a more appropriate point cloud can be selected. Given a context point cloud
Figure PCTCN2022132439-appb-000045
The present invention first learns the features corresponding to each point through the context feature extraction network. The network is based on dynamic graph convolutional neural network (DGCNN; Reference Wang Y, Sun Y, Liu Z, et al.Dynamic graph cnn for learning on point clouds[J].Acm Transactions On Graphics(tog),2019,38 (5):1-12) can extract multi-scale and local and non-local features for each point, and further obtain features with richer background information by densely connecting the above convolutional neural network. Specifically, the context point cloud is input into the feature extraction network. First, the feature extraction network constructs a k-nearest neighbor graph for this point cloud. Each point is regarded as a vertex of the graph and is related to its k nearest neighbors. Neighbors are connected. Then, it uses the dynamic graph convolution network to extract the features corresponding to each point and record the points
Figure PCTCN2022132439-appb-000046
The extracted features are h i (including multi-scale information, that is, local features and non-local features), and the extracted features are saved and input into the next-level gradient field estimation network.
b)梯度场估计网络b) Gradient field estimation network
在得到上述h i之后,本发明尝试利用梯度场估计网络,从全局角度估计梯度场。该网络由多个多层感知机(MLP)组成。在这部分中,输入的点云为上 下文点云及其特征和退化的点云。对于退化点云中的每个点
Figure PCTCN2022132439-appb-000047
梯度场估计网络首先提取退化点云中的每个点
Figure PCTCN2022132439-appb-000048
在上下文点云中的K-近邻点
Figure PCTCN2022132439-appb-000049
的相对特征
Figure PCTCN2022132439-appb-000050
其中F使用多层感知机(MLP)与动态图卷积神经网络中提出的边卷积法实现,h j为从点
Figure PCTCN2022132439-appb-000051
提取的特征,
Figure PCTCN2022132439-appb-000052
的含义在算法框架一章中已经提到。然后,提取到的相对特征经过算法框架一节中第二段介绍的通过余弦退火法,为每个点赋予对应的权重来保证模型的连续性,得到
Figure PCTCN2022132439-appb-000053
最后,将
Figure PCTCN2022132439-appb-000054
输入全局的多层感知机G,估计得到各点对应的梯度
Figure PCTCN2022132439-appb-000055
总的学习过程可以写作:
Figure PCTCN2022132439-appb-000056
Figure PCTCN2022132439-appb-000057
After obtaining the above h i , the present invention attempts to use the gradient field estimation network to estimate the gradient field from a global perspective. The network consists of multiple multi-layer perceptrons (MLP). In this part, the input point cloud is the context point cloud and its features and degraded point cloud. For each point in the degraded point cloud
Figure PCTCN2022132439-appb-000047
The gradient field estimation network first extracts each point in the degraded point cloud
Figure PCTCN2022132439-appb-000048
K-nearest neighbors in context point cloud
Figure PCTCN2022132439-appb-000049
relative characteristics of
Figure PCTCN2022132439-appb-000050
Among them, F is implemented using multi-layer perceptron (MLP) and the edge convolution method proposed in dynamic graph convolutional neural network, h j is the starting point
Figure PCTCN2022132439-appb-000051
extracted features,
Figure PCTCN2022132439-appb-000052
The meaning of has been mentioned in the chapter of algorithm framework. Then, the extracted relative features are passed through the cosine annealing method introduced in the second paragraph of the algorithm framework section, and each point is given a corresponding weight to ensure the continuity of the model, and we get
Figure PCTCN2022132439-appb-000053
Finally, add
Figure PCTCN2022132439-appb-000054
Input the global multi-layer perceptron G and estimate the gradient corresponding to each point.
Figure PCTCN2022132439-appb-000055
The overall learning process can be written as:
Figure PCTCN2022132439-appb-000056
Figure PCTCN2022132439-appb-000057
(3)网络的训练与应用(3)Network training and application
(a)训练过程(a)Training process
在训练过程中,本发明首先获得一个训练数据集,包含退化的(如稀疏的或是有噪声的)点云以及对应的干净的点云。首先,本发明根据第(2)节中描述的方法计算退化点云的梯度。一般地,在训练过程中受数据量所限,以及为了方便,本发明简单地取上下文点云为这个退化点云本身即可,这样的取法就足够获得很好的实验结果。记对点
Figure PCTCN2022132439-appb-000058
最终计算得到的梯度为
Figure PCTCN2022132439-appb-000059
我们定义每个点的真实梯度
Figure PCTCN2022132439-appb-000060
其中Y表示对应的干净的点云,
Figure PCTCN2022132439-appb-000061
表示在干净的点云中距离点
Figure PCTCN2022132439-appb-000062
最近的点。则此时本发明定义的优化目标(损失函数)
Figure PCTCN2022132439-appb-000063
其中S表示点云中的点在
Figure PCTCN2022132439-appb-000064
空间(三维向量空间)中的分布。本发明通过最小化该损失函数来训练模型当损失函数 收敛或达到一定训练循环次数后即为训练完毕。
During the training process, the present invention first obtains a training data set, including degraded (such as sparse or noisy) point clouds and corresponding clean point clouds. First, the present invention calculates the gradient of the degraded point cloud according to the method described in Section (2). Generally, due to the limitation of the amount of data during the training process, and for convenience, the present invention simply takes the context point cloud as the degraded point cloud itself. This method is sufficient to obtain good experimental results. Remember the right points
Figure PCTCN2022132439-appb-000058
The final calculated gradient is
Figure PCTCN2022132439-appb-000059
We define the true gradient of each point
Figure PCTCN2022132439-appb-000060
Among them, Y represents the corresponding clean point cloud,
Figure PCTCN2022132439-appb-000061
Represents distance points in a clean point cloud
Figure PCTCN2022132439-appb-000062
nearest point. Then the optimization objective (loss function) defined by the present invention at this time
Figure PCTCN2022132439-appb-000063
where S represents the point in the point cloud at
Figure PCTCN2022132439-appb-000064
Distribution in space (three-dimensional vector space). The present invention trains the model by minimizing the loss function. When the loss function converges or reaches a certain number of training cycles, the training is completed.
(b)应用过程(b) Application process
在应用阶段,由于输入数据只有退化的点云,因此也必然由退化的点云本身同时充当上下文点云。将其输入到本发明的网络模型中,得到每个点x对应的梯度场g(x)。根据得到的梯度场,在没有正则化的情况下,本发明进行基于梯度的马尔科夫链蒙特卡洛方法(MCMC),通过简单的梯度上升对点进行迭代更新直至达到上限或者收敛,通过这样重采样的方法得到修复的点云。即:
Figure PCTCN2022132439-appb-000065
其中,t为迭代循环的次数,α t为人为设定的超参数,该超参数可以随着循环次数的变化进行改变。
Figure PCTCN2022132439-appb-000066
为退化点云的采集点x i在第t次迭代循环更新的坐标值。
Figure PCTCN2022132439-appb-000067
则为根据第t-1次循环迭代更新得到的坐标计算的对应点的梯度场。而如果希望加入正则化项,则只需简单地修改该梯度上升流程,即交替进行梯度上升和基于正则项的优化。以图拉普拉斯算子为例,此时的迭代过程为
Figure PCTCN2022132439-appb-000068
Figure PCTCN2022132439-appb-000069
其中,I代表单位矩阵,λ为超参数,L为基于输入点云生成的k-近邻图的拉普拉斯矩阵。
Figure PCTCN2022132439-appb-000070
代表第t次循环中得到的中间结果,其余标记与无正则化时的式子的标记含义相同。表1、2、3展示了本发明的效果,可以看到在去噪与上采样任务中本发明的实验结果都优于之前的方法。
In the application stage, since the input data only has degraded point clouds, the degraded point clouds themselves must also serve as context point clouds. Input it into the network model of the present invention to obtain the gradient field g(x) corresponding to each point x. According to the obtained gradient field, without regularization, the present invention performs a gradient-based Markov chain Monte Carlo method (MCMC), and iteratively updates the points through simple gradient rise until reaching the upper limit or convergence. Through this The resampling method obtains the repaired point cloud. Right now:
Figure PCTCN2022132439-appb-000065
Among them, t is the number of iteration cycles, α t is an artificially set hyperparameter, which can be changed as the number of cycles changes.
Figure PCTCN2022132439-appb-000066
It is the coordinate value updated in the t-th iteration cycle of the collection point x i of the degraded point cloud.
Figure PCTCN2022132439-appb-000067
Then it is the gradient field of the corresponding point calculated based on the coordinates updated in the t-1th loop iteration. If you want to add a regularization term, you only need to simply modify the gradient ascent process, that is, alternate gradient ascent and optimization based on regularization terms. Taking the graph Laplacian operator as an example, the iterative process at this time is
Figure PCTCN2022132439-appb-000068
Figure PCTCN2022132439-appb-000069
Among them, I represents the identity matrix, λ is the hyperparameter, and L is the Laplacian matrix of the k-nearest neighbor graph generated based on the input point cloud.
Figure PCTCN2022132439-appb-000070
Represents the intermediate result obtained in the t-th cycle, and the remaining marks have the same meaning as the marks of the formula without regularization. Tables 1, 2, and 3 show the effects of the present invention. It can be seen that the experimental results of the present invention are better than the previous methods in denoising and upsampling tasks.
表1:在PUNet和PCNet数据集上的对高斯噪声的去噪结果Table 1: Denoising results for Gaussian noise on PUNet and PCNet datasets
Figure PCTCN2022132439-appb-000071
Figure PCTCN2022132439-appb-000071
表2:在PUNet数据集上的对其它噪声的去噪结果Table 2: Denoising results for other noise on the PUNet dataset
Figure PCTCN2022132439-appb-000072
Figure PCTCN2022132439-appb-000072
Figure PCTCN2022132439-appb-000073
Figure PCTCN2022132439-appb-000073
表3:在PU-GAN和MPU数据集上的上采样结果Table 3: Upsampling results on PU-GAN and MPU datasets
Figure PCTCN2022132439-appb-000074
Figure PCTCN2022132439-appb-000074
Figure PCTCN2022132439-appb-000075
Figure PCTCN2022132439-appb-000075
注:Ours(Gen)和Ours
Figure PCTCN2022132439-appb-000076
指本发明中的方法。
Note: Ours(Gen) and Ours
Figure PCTCN2022132439-appb-000076
refers to the method in the present invention.
尽管为说明目的公开了本发明的具体实施例,其目的在于帮助理解本发明的内容并据以实施,本领域的技术人员可以理解:在不脱离本发明及所附的权利要求的精神和范围内,各种替换、变化和修改都是可能的。因此,本发明不应局限于最佳实施例所公开的内容,本发明要求保护的范围以权利要求书界定的范围为准。Although specific embodiments of the present invention have been disclosed for illustrative purposes, the purpose is to assist in understanding the content of the invention and practicing it therein. Those skilled in the art will understand that the invention can be practiced without departing from the spirit and scope of the invention and the appended claims. Various substitutions, changes and modifications are possible. Therefore, the present invention should not be limited to the contents disclosed in the preferred embodiments, and the scope of protection claimed by the present invention shall be subject to the scope defined by the claims.

Claims (9)

  1. 一种基于梯度场的点云修复方法,其步骤包括:A point cloud repair method based on gradient field, the steps include:
    利用训练数据集训练一神经网络;其中,所述训练数据集包含退化点云以及对应的干净点云;所述神经网络包括上下文特征提取网络和梯度场估计网络;训练所述神经网络的方法为:A neural network is trained using a training data set; wherein the training data set includes degraded point clouds and corresponding clean point clouds; the neural network includes a contextual feature extraction network and a gradient field estimation network; the method for training the neural network is :
    将退化点云输入所述上下文特征提取网络,所述上下文特征提取网络获取所述退化点云中每个点
    Figure PCTCN2022132439-appb-100001
    对应的特征h i并将其输入到所述梯度场估计网络;所述梯度场估计网络根据点
    Figure PCTCN2022132439-appb-100002
    的上下文点云、点
    Figure PCTCN2022132439-appb-100003
    及其特征h i得到点
    Figure PCTCN2022132439-appb-100004
    对应的梯度
    Figure PCTCN2022132439-appb-100005
    根据
    Figure PCTCN2022132439-appb-100006
    在干净点云中对应的真实梯度
    Figure PCTCN2022132439-appb-100007
    计算损失函数
    Figure PCTCN2022132439-appb-100008
    其中,S表示退化点云X的点云分布;通过最小化该损失函数L来训练所述神经网络,当损失函数收敛或达到设定训练循环次数后,训练完毕;
    The degraded point cloud is input into the context feature extraction network, and the context feature extraction network obtains each point in the degraded point cloud.
    Figure PCTCN2022132439-appb-100001
    The corresponding feature h i is input to the gradient field estimation network; the gradient field estimation network is based on the point
    Figure PCTCN2022132439-appb-100002
    Contextual point cloud, point
    Figure PCTCN2022132439-appb-100003
    and its characteristics h i to get the point
    Figure PCTCN2022132439-appb-100004
    The corresponding gradient
    Figure PCTCN2022132439-appb-100005
    according to
    Figure PCTCN2022132439-appb-100006
    Corresponding true gradients in clean point clouds
    Figure PCTCN2022132439-appb-100007
    Calculate the loss function
    Figure PCTCN2022132439-appb-100008
    Where, S represents the point cloud distribution of the degraded point cloud X; the neural network is trained by minimizing the loss function L. When the loss function converges or reaches the set number of training cycles, the training is completed;
    将待修复的退化点云X输入训练后的所述神经网络,得到该退化点云X中每个点x对应的梯度场g(x);然后根据该退化点云X中每个点的梯度场,通过梯度上升对该退化点云X中的点进行迭代更新直至达到设定上限或者收敛,完成对该退化点云X的修复。Input the degraded point cloud X to be repaired into the trained neural network to obtain the gradient field g(x) corresponding to each point x in the degraded point cloud X; then according to the gradient of each point in the degraded point cloud X field, the points in the degraded point cloud X are iteratively updated through gradient ascent until reaching the set upper limit or convergence, and the repair of the degraded point cloud X is completed.
  2. 根据权利要求1所述的方法,其特征在于,通过梯度上升对该待修复的退化点云中的点进行迭代更新的方法为:
    Figure PCTCN2022132439-appb-100009
    Figure PCTCN2022132439-appb-100010
    其中,T为设定的迭代循环总次数,α t为设定的超参数;
    Figure PCTCN2022132439-appb-100011
    为退化点云X中第i个采集点x i在第t次迭代循环更新后的的坐 标值,
    Figure PCTCN2022132439-appb-100012
    为根据第t-1次循环迭代更新得到的坐标计算的对应点的梯度场。
    The method according to claim 1, characterized in that the method for iteratively updating the points in the degraded point cloud to be repaired through gradient ascent is:
    Figure PCTCN2022132439-appb-100009
    Figure PCTCN2022132439-appb-100010
    Among them, T is the set total number of iteration cycles, α t is the set hyperparameter;
    Figure PCTCN2022132439-appb-100011
    is the coordinate value of the i-th collection point x i in the degraded point cloud X after updating in the t-th iteration cycle,
    Figure PCTCN2022132439-appb-100012
    It is the gradient field of the corresponding point calculated based on the coordinates updated in the t-1th loop iteration.
  3. 根据权利要求2所述的方法,其特征在于,迭代更新中加入正则化项,交替进行梯度上升和基于正则项的优化。The method according to claim 2, characterized in that a regularization term is added to the iterative update, and gradient ascent and optimization based on the regularization term are alternately performed.
  4. 根据权利要求3所述的方法,其特征在于,所示迭代过程为
    Figure PCTCN2022132439-appb-100013
    Figure PCTCN2022132439-appb-100014
    其中,I代表单位矩阵,λ为超参数,L为基于输入点云生成的k-近邻图的拉普拉斯矩阵,
    Figure PCTCN2022132439-appb-100015
    代表第t次循环中得到的中间结果。
    The method according to claim 3, characterized in that the iterative process is
    Figure PCTCN2022132439-appb-100013
    Figure PCTCN2022132439-appb-100014
    Among them, I represents the identity matrix, λ is the hyperparameter, and L is the Laplacian matrix of the k-nearest neighbor graph generated based on the input point cloud.
    Figure PCTCN2022132439-appb-100015
    Represents the intermediate result obtained in the t-th cycle.
  5. 根据权利要求1所述的方法,其特征在于,得到点
    Figure PCTCN2022132439-appb-100016
    对应的梯度
    Figure PCTCN2022132439-appb-100017
    的方法为:所述梯度场估计网络首先提取退化点云中每个点
    Figure PCTCN2022132439-appb-100018
    在上下文点云中的每一近邻点
    Figure PCTCN2022132439-appb-100019
    的相对特征
    Figure PCTCN2022132439-appb-100020
    然后根据近邻点
    Figure PCTCN2022132439-appb-100021
    距离点
    Figure PCTCN2022132439-appb-100022
    的距离为相对特征
    Figure PCTCN2022132439-appb-100023
    赋予对应的权重,得到点
    Figure PCTCN2022132439-appb-100024
    的聚合特征
    Figure PCTCN2022132439-appb-100025
    然后将
    Figure PCTCN2022132439-appb-100026
    输入全局的多层感知机,估计得到点
    Figure PCTCN2022132439-appb-100027
    对应的梯度
    Figure PCTCN2022132439-appb-100028
    其中,
    Figure PCTCN2022132439-appb-100029
    为在以点
    Figure PCTCN2022132439-appb-100030
    为中心半径为r的邻域内的点集。
    The method according to claim 1, characterized in that, obtaining points
    Figure PCTCN2022132439-appb-100016
    The corresponding gradient
    Figure PCTCN2022132439-appb-100017
    The method is: the gradient field estimation network first extracts each point in the degraded point cloud
    Figure PCTCN2022132439-appb-100018
    each neighbor point in the context point cloud
    Figure PCTCN2022132439-appb-100019
    relative characteristics of
    Figure PCTCN2022132439-appb-100020
    Then according to the nearest neighbor points
    Figure PCTCN2022132439-appb-100021
    distance point
    Figure PCTCN2022132439-appb-100022
    The distance is a relative feature
    Figure PCTCN2022132439-appb-100023
    Give the corresponding weight and get the points
    Figure PCTCN2022132439-appb-100024
    aggregated features
    Figure PCTCN2022132439-appb-100025
    Then
    Figure PCTCN2022132439-appb-100026
    Input the global multi-layer perceptron and estimate the points
    Figure PCTCN2022132439-appb-100027
    The corresponding gradient
    Figure PCTCN2022132439-appb-100028
    in,
    Figure PCTCN2022132439-appb-100029
    for the point
    Figure PCTCN2022132439-appb-100030
    is the set of points in the neighborhood with center radius r.
  6. 根据权利要求5所述的方法,其特征在于,近邻点
    Figure PCTCN2022132439-appb-100031
    距离点
    Figure PCTCN2022132439-appb-100032
    的距离越远,相对特征
    Figure PCTCN2022132439-appb-100033
    的权重越小。
    The method according to claim 5, characterized in that the nearest neighbor point
    Figure PCTCN2022132439-appb-100031
    distance point
    Figure PCTCN2022132439-appb-100032
    The farther the distance, the relative characteristics
    Figure PCTCN2022132439-appb-100033
    The smaller the weight.
  7. 根据权利要求5或6所述的方法,其特征在于,使用余弦退火法确定相对特征
    Figure PCTCN2022132439-appb-100034
    的权重。
    The method according to claim 5 or 6, characterized in that the cosine annealing method is used to determine the relative characteristics
    Figure PCTCN2022132439-appb-100034
    the weight of.
  8. 一种服务器,其特征在于,包括存储器和处理器,所述存储器存储计算机 程序,所述计算机程序被配置为由所述处理器执行,所述计算机程序包括用于执行权利要求1至7任一所述方法中各步骤的指令。A server, characterized in that it includes a memory and a processor, the memory stores a computer program, the computer program is configured to be executed by the processor, the computer program includes a component for executing any one of claims 1 to 7 Instructions for each step in the method.
  9. 一种计算机可读存储介质,其上存储有计算机程序,其特征在于,所述计算机程序被处理器执行时实现权利要求1至7任一所述方法的步骤。A computer-readable storage medium on which a computer program is stored, characterized in that when the computer program is executed by a processor, the steps of the method of any one of claims 1 to 7 are implemented.
PCT/CN2022/132439 2022-04-14 2022-11-17 Gradient field-based point cloud repair method WO2023197601A1 (en)

Applications Claiming Priority (2)

Application Number Priority Date Filing Date Title
CN202210392112.0 2022-04-14
CN202210392112.0A CN116977187A (en) 2022-04-14 2022-04-14 Depth point set resampling method based on gradient field

Publications (1)

Publication Number Publication Date
WO2023197601A1 true WO2023197601A1 (en) 2023-10-19

Family

ID=88328861

Family Applications (1)

Application Number Title Priority Date Filing Date
PCT/CN2022/132439 WO2023197601A1 (en) 2022-04-14 2022-11-17 Gradient field-based point cloud repair method

Country Status (2)

Country Link
CN (1) CN116977187A (en)
WO (1) WO2023197601A1 (en)

Cited By (3)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN117789198A (en) * 2024-02-28 2024-03-29 上海几何伙伴智能驾驶有限公司 Method for realizing point cloud degradation detection based on 4D millimeter wave imaging radar
CN117853484A (en) * 2024-03-05 2024-04-09 湖南建工交建宏特科技有限公司 Intelligent bridge damage monitoring method and system based on vision
CN117853484B (en) * 2024-03-05 2024-05-28 湖南建工交建宏特科技有限公司 Intelligent bridge damage monitoring method and system based on vision

Citations (4)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
US20190080503A1 (en) * 2017-09-13 2019-03-14 Tata Consultancy Services Limited Methods and systems for surface fitting based change detection in 3d point-cloud
CN113920271A (en) * 2021-09-07 2022-01-11 北京理工大学 Three-dimensional point cloud completion method, device and equipment
CN114048845A (en) * 2022-01-14 2022-02-15 深圳大学 Point cloud repairing method and device, computer equipment and storage medium
CN114067075A (en) * 2021-09-27 2022-02-18 中国地质大学(武汉) Point cloud completion method and device based on generation of countermeasure network

Patent Citations (4)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
US20190080503A1 (en) * 2017-09-13 2019-03-14 Tata Consultancy Services Limited Methods and systems for surface fitting based change detection in 3d point-cloud
CN113920271A (en) * 2021-09-07 2022-01-11 北京理工大学 Three-dimensional point cloud completion method, device and equipment
CN114067075A (en) * 2021-09-27 2022-02-18 中国地质大学(武汉) Point cloud completion method and device based on generation of countermeasure network
CN114048845A (en) * 2022-01-14 2022-02-15 深圳大学 Point cloud repairing method and device, computer equipment and storage medium

Cited By (4)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN117789198A (en) * 2024-02-28 2024-03-29 上海几何伙伴智能驾驶有限公司 Method for realizing point cloud degradation detection based on 4D millimeter wave imaging radar
CN117789198B (en) * 2024-02-28 2024-05-14 上海几何伙伴智能驾驶有限公司 Method for realizing point cloud degradation detection based on 4D millimeter wave imaging radar
CN117853484A (en) * 2024-03-05 2024-04-09 湖南建工交建宏特科技有限公司 Intelligent bridge damage monitoring method and system based on vision
CN117853484B (en) * 2024-03-05 2024-05-28 湖南建工交建宏特科技有限公司 Intelligent bridge damage monitoring method and system based on vision

Also Published As

Publication number Publication date
CN116977187A (en) 2023-10-31

Similar Documents

Publication Publication Date Title
Li et al. Joint image filtering with deep convolutional networks
Huang et al. Iterative weighted sparse representation for X‐ray cardiovascular angiogram image denoising over learned dictionary
Gelas et al. Compactly supported radial basis functions based collocation method for level-set evolution in image segmentation
Pistilli et al. Learning robust graph-convolutional representations for point cloud denoising
Du et al. New iterative closest point algorithm for isotropic scaling registration of point sets with noise
CN109741364B (en) Target tracking method and device
Tian et al. Ant colony optimization for wavelet-based image interpolation using a three-component exponential mixture model
CN112634149B (en) Point cloud denoising method based on graph convolution network
WO2013123636A1 (en) Method and apparatus for mesh simplification
CN101877125B (en) Wavelet domain statistical signal-based image fusion processing method
WO2023197601A1 (en) Gradient field-based point cloud repair method
Kovac et al. Nonparametric regression on a graph
Xiang et al. Deep optical flow supervised learning with prior assumptions
Gong Mean curvature is a good regularization for image processing
CN112200733B (en) Grid denoising method based on graph convolution network
Liu et al. Optimization-Inspired Learning with Architecture Augmentations and Control Mechanisms for Low-Level Vision
Lin et al. A-SATMVSNet: An attention-aware multi-view stereo matching network based on satellite imagery
Ma et al. Adaptive image denoising method based on diffusion equation and deep learning
Zhang et al. A fast algorithm for automatic segmentation and extraction of a single object by active surfaces
WO2022120899A1 (en) Image reconstruction method and apparatus, electronic device and machine-readable storage medium
S. P et al. Image restoration model using Jaya‐Bat optimization‐enabled noise prediction map
Hussein et al. Improve The Fully Convolutional Network Accuracy by Levelset and The Deep Prior Method
Ma et al. An improved point cloud denoising method based on gradient field
Liu et al. Total variation image restoration model by adaptively selecting parameter
KARTHIKRAM et al. LOCALIZED NETWORK MODEL FOR IMAGE DENOISING AND PREDICTION USING LEARNING APPROACHES

Legal Events

Date Code Title Description
121 Ep: the epo has been informed by wipo that ep was designated in this application

Ref document number: 22937233

Country of ref document: EP

Kind code of ref document: A1