当前位置:   article > 正文

2D Gaussian Splatting 文章+代码串读(无敌详细的疯狂解读)

3d gaussian splatting

作者 | Yuhan Chen  编辑 | 自动驾驶之心

原文链接:https://zhuanlan.zhihu.com/p/708372232

点击下方卡片,关注“自动驾驶之心”公众号

戳我-> 领取自动驾驶近15个方向学习路线

>>点击进入→自动驾驶之心三维重建技术交流群

本文只做学术分享,如有侵权,联系删文

开门见山

首先开门见山,为什么我非常关注2DGS而不是3DGS。3D Gaussian Splatting作为去年年末至今最火爆的方向之一,诞生了非常多好的作品。但是,在我尝试了非常多的代码后。我发现,最好的效果,或者换句话说,转Mesh之后,最好的效果,2DGS几乎是完胜的。

首先我们来看一下具体的一个展示效果:

337dd632b00c4baeae9ecd569853d209.png
3DGS 使用元象UE5插件自带的3DGS构建工具
26cdb50c47c0fd36062824008d10284a.png
2DGS训练

2DGS的效果非常好,并且转mesh的质量也非常高。因此我自认为这是一个当前对于自动驾驶中,街景重建的一个很好的解决方案。因此,我花了大概3天的时间,梳理了一下整体的代码。和大家一起,串读一下整篇文章。

2DGS的文章链接:
arxiv.org/pdf/2403.17888

2DGS的代码链接:
github.com/hbb1/2d-gaussian-splatting

INTRODUCTION

首先,引言中主要讲的内容,是新颖视图合成的工作,以及致敬3DGS的贡献。同时暗喻自己的观点,就是表面元素基元是复杂几何的有效表达(但碍于时代无法落地)2DGS呢主要就是结合了3DGS和表面元素基元的优势(将高斯椭球定义为椭圆盘):1. 使用2D椭球盘用来进行表面建模(Gaussian model部分);2. 使用Ray-Split和体积积分来实现透视正确的Splatting (Cuda部分);3. 引入了两种新的损失改进表面重建。

f729e8d3da4ddbed9321e3b929872d01.png
2DGS和3DGS的价值评估不同;3DGS利用交叉平面,而2DGS利用多视图一致性

RELATED WORK

接下来就是相关工作。主要讲俩事儿,第一个,致敬新颖视图合成,致敬3D Gaussian Splatting及其后续开发的工作。第二个,回顾可微点渲染的进展。那么对于可微点渲染,这里推荐两篇可以看看:

Perspective Accurate Splatting
graphics.stanford.edu/~mapauly/Pdfs/perspective_accurate_splatting.pdf

Differentiable Surface Splatting for Point-based Geometry Processing
arxiv.org/abs/1906.04173

3D Gaussian Splatting

回顾了3DGS的基础知识。这部分我比较推荐看一下这两篇文章:

holk:一文带你入门 3D Gaussian Splatting

八氨合氯化钙:3D Gaussian Splatting中的数学推导

这俩肯定比2DGS那一小段讲得清楚哈。由于3DGS的原文相对还是对初学者不太友好。我建议可以粗略看看上面两篇文章即可。在阐述完3DGS的基本原理后,2DGS其实还是针对表面重建的问题,对3DGS进行了一手拷打:1. 体积辐射率与表面的薄特性相冲突;2. 3DGS没有对法线进行建模;3. 3DGS的光栅化过程缺乏多视图一致性,导致了不同相机的2D相交平面不同,因此产生了我们开头提到的噪声(模糊杂块)

2D Gaussian Splatting

(Part 1)

首先,我们来看一下2DGS的整体模型。2DGS整体采用“平坦2D椭圆盘”来表示稀疏点云,这种表面基元将密度分布到平面圆盘中。将法线定义为密度变化最陡的方向(云里雾里的。。),为了与薄表面对齐。

08550385bb95184a56c484288a7d9f5c.png
2DGS的示意图

2DGS的表达其实很简单哈,如上面的图所示,一个中心点固定中心点,然后使用了两个切向量和来确定平面。然后呢,还定义了一个=x是这个平面的法向量。同时呢,对于这个2DGS呢,肯定还有大小哈,来控制它的致密度。所以就设置了两个缩放因子(椭圆嘛,是不是这样理解)。用了两个缩放因子和来表示。

细讲1

edeb661dfc44a90814bbaaa9775d1536.png 5141123b9e6b98c061ea57c9c3704711.png

那么,如何实现3DGS椭球的缩放和旋转呢?

  1. 缩放:缩放就非常简单了哈,只需要直接调整对角元素就行。越大的方差值表明该轴的分布更广,即这个面更长。

f116b5c8d90270b412ff15d7e57dc77a.png

协方差矩阵与旋转矩阵:参考内容:

翻译:协方差矩阵的几何解释
njuferret.github.io/2019/07/28/2019-07-28_geometric-interpretation-covariance-matrix/

(Part 2)

OK,我们继续回归到2DGS的本身。在我们知道了2DGS的表示方式之后,我们需要构建2DGS的表达。首先,构建旋转矩阵R。同样的,它是一个3X3的矩阵。我们使用两个同一平面向量以及法向量构成新的旋转矩阵:R=(,,),同时,为了方面计算,将缩放因子,也搞成一个缩放矩阵S=(,,0),将最后一项置0。

对于上述空间中的旋转矩阵以及其计算,我推荐以下参考:

https://blog.csdn.net/KYJL888/article/details/91432684
blog.csdn.net/KYJL888/article/details/91432684

三维空间刚体运动2:旋转向量与罗德里格斯公式(最详细推导)_空间刚体位移计算公式-CSDN博客
blog.csdn.net/shao918516/article/details/105109278

OK,因此呢,我们便可以求出2DGS局部的切平面,在世界空间中的定义,并将其参数化:

aaf3a883216a85d6a9e22cd02360fb9f.png
2DGS原文定义

其中,H是一个4X4的矩阵。表示2DGS的齐次变换(也就是2DGS的几何形状)(这里使用的是uv坐标系而不是xyz坐标系,更多是方便大家理解。对于局部平面的一个思想),对于整个2DGS局部切平面中的一点(u,v),我们此时理解为高斯函数的均值为0,方差为1,就可以通过下面这个公式(标准的高斯)去计算此时u的函数值:

b29119862f3c9ab70b7d56fab83362f2.png
二维高斯

然后呢,我们就可以利用矩阵H讲局部变换点u变换到全局坐标系中了。

作者还讲了下对于上面提到的学习参数有哪些呢?对,中心点可学习(初始化是使用的Colmap提供的点),(,)和(,)都是可学习的,同时呢,还有高斯圆盘的透明度以及外观c。

细讲2

这里我们需要讲一下3DGS的情况。方便大家理解。首先我们需要了解下球谐函数。球谐函数可以类比泰勒展开或傅里叶级数,都是不同价的基函数线性组合而来。只不过傅里叶变换,是三角基;小波变换是小波基;OK,球谐函数是球基(球函数)。球谐函数,我推荐下面这个博客,讲得还不错:

浦夜:球谐函数介绍(Spherical Harmonics)

那么它本质上和傅里叶函数一样,我们认为阶数越多,拟合效果就越好。(当然也可能过拟合)

70c3f549158667138eb6467bd3e8696c.png

球谐函数有啥性质呢,为啥我们想用球谐函数作为图像渲染的手段呢?球谐函数主要有俩性质:1.正交性:基函数之间是线性独立的;2.旋转不变性:改变光照后,可以推导新的光照结果。

我们认为,空间中的每一个单一点带一组基函数,就可以描述空间中的光照(应用中一般只用3-4阶)。具体的球谐光照,大家可以参考以下文章,也是3DGS论文中所引用的文章:

Monica的小甜甜:【论文复现】Spherical Harmonic Lighting:The Gritty Details

Monica的小甜甜:【论文复现】An Efficient Representation for Irradiance Environment Maps

(Part 3)

接下来呢,就是非常给劲儿的抛射环节。这个部分与3DGS也有非常大的区别。具体体现,可以查看Cuda的Forward.h部分。我们还是先讲paper。首先作者blablabla说了一堆,大概意思是说,它使用了齐次坐标的计算公式,将传统的2D基元投影问题,搞成了2D-2D的映射方式。

4a4583f5de3bdf5b343a93c0dcd6a8a9.png fb6ec078dfadbbe3dd7adb00949172b3.png
公式
c62bc137dea7980af454b01e203c86df.png 92ba7925cca757fc32f5246cf3429299.png 9fad50964d300a1988c8ad86a097f4cc.png
转uv坐标系
c12475214e9483b864a2d37a02414994.png 6fe3e3af0e97d6aca1061fde7ac1934d.png
定义
1da640e208874c89bf55b2d615216c14.png 82f519b8fab11ad718886e815021d9e7.png
定义式
07b5ec5e8b39aa7385e057cd4ebd026a.png

(Part 4)

接下来,作者开始对2DGS的分布映射进行了一些优化。因为2DGS的分布,是一个圆盘,当你侧面看的时候,会变成一条线,在Cuda光栅化的时候,可能会把它给弄没了。所以作者搞了一个低通滤波器来处理这个问题。

作者的参考文献:

High-quality surface splatting on today's GPUs
ieeexplore.ieee.org/document/1500313

3d7573463eb237a9f6907dcf69ebdf59.png
参考的低通滤波器公式
c8fcb4c4e8a06363e7927a922806a6c8.png

(Part 5)

接下来,就是光栅化问题,2DGS的光栅化与3DGS一模一样。首先为每个2DGS计算空间边界框,然后2DGS根据每个中心的深度进行排序,并根据深度框组织图块。最后,体积累积得到最终的color。

b445f78eb4b2b0c40d5325aee4563605.png
光栅化过程

细讲3

首先3DGS也是参考的下面这篇文献做的工作:

EWA splatting | IEEE Journals & Magazine | IEEE Xplore
ieeexplore.ieee.org/document/1021576

首先,在确定了相机位姿以后,在空间中确立相机此时的视锥体。然后,需要将3D的空间中的3D椭球投影到2D空间中进行渲染。对于3DGS来说,这一步就像雪秋啪的一声撩墙上了,所以叫Splatting。这里涉及到从3D的协方差矩阵,换到2D的协方差矩阵,其可以表示为:

e6222ef20e27a58c6699215bf20020e9.png

这一部分呢出自我们刚刚推荐过的文章:

八氨合氯化钙:3D Gaussian Splatting中的数学推导

2fec5e6621b45e9dc40677aa073ad199.png

对整个3DGS的像素级的渲染流程,我认为下面这篇文章讲的很好:

A Survey on 3D Gaussian Splatting
arxiv.org/abs/2401.03890

fd7e81f56bd34ade0bc53776254dba8c.png
像素级讲渲染过程

(Part 6)

对于2DGS的参数更新及致密化,前期是与3DGS几乎是一模一样的。这里我们直接推荐两篇博客给大家看。这玩意儿,大家看到相应的代码就懂了。非常简单哈:

3DGS学习(六)-- 参数更新
blog.csdn.net/m0_63843473/article/details/136285914?spm=1001.2014.3001.5502

3DGS学习(七)-- 自适应高斯密度控制
blog.csdn.net/m0_63843473/article/details/136286811?spm=1001.2014.3001.5502

这一部分2DGS的作者并没有去细讲,但是其逻辑与3DGS是一样的。

(Part 7)

损失函数,我不是特别想讲。损失函数并不是本文的重点有一说一。总的来说就是2DGS加入了两个新的约束,用来对深度和法线进行监督。

7ec5fd01dac6c58a6858aedf50cd67eb.png
深度畸变损失
12515b4868e6aaf7f3da022a4c0cbaf4.png
法线损失
3732e9e9ad063399f29e12ddb62a30ad.png
总损失函数

OK。到这里,整体的2DGS,我们基本就讲完了。

接下来,我们来看看代码:

代码详解

对于代码来说,我提供几乎全文详尽注释的2DGS代码。在本文章中,我们主要关注非常重要的代码即可。

首先,对于所有的开源代码而言,最重要的就是Train.py这个文件。Train几乎囊括了整个2DGS的构建过程,因此这十分重要。首先,我们来看一下Train.py中的执行部分:

  1. if __name__ == "__main__":
  2.     # 创建解析器,初始化操作
  3.     parser = ArgumentParser(description="Training script parameters")
  4.     # 设置模型参数,并使用parser外部数据进行添加
  5.     # 本身模型属性可修改内容:sh_degree,source_path,model_path,image属性,resolution,white_background,data_device,eval,render_items
  6.     lp = ModelParams(parser)
  7.     # 精细化调参,非常多
  8.     op = OptimizationParams(parser)
  9.     # convert_SHs_python, compute_cov3D_python, depth_ratio, debug四个参数
  10.     pp = PipelineParams(parser)
  11.     # parser的额外参数,与上述参数相同
  12.     parser.add_argument('--ip'type=str, default="127.0.0.1")
  13.     parser.add_argument('--port'type=intdefault=6009)
  14.     parser.add_argument('--detect_anomaly', action='store_true'default=False)
  15.     parser.add_argument("--test_iterations", nargs="+"type=intdefault=[7_000, 30_000])
  16.     parser.add_argument("--save_iterations", nargs="+"type=intdefault=[7_000, 30_000])
  17.     parser.add_argument("--quiet", action="store_true")
  18.     parser.add_argument("--checkpoint_iterations", nargs="+"type=intdefault=[])
  19.     parser.add_argument("--start_checkpoint"type=str, default = None)
  20.     # 读取参数
  21.     args = parser.parse_args(sys.argv[1:])
  22.     args.save_iterations.append(args.iterations)
  23.     
  24.     print("Optimizing " + args.model_path)
  25.     # 初始化系统状态
  26.     # 这段代码的目的是为了在执行过程中控制标准输出的行为,添加时间戳并在需要时禁止输出,以便在某些场景下更方便地进行调试和记录。
  27.     safe_state(args.quiet)
  28.     # 然后就是启动GUI以及运行训练的代码
  29.     # 这行代码初始化一个 GUI 服务器,使用 args.ip 和 args.port 作为参数。这可能是一个用于监视和控制训练过程的图形用户界面的一部分。
  30.     network_gui.init(args.ip, args.port)
  31.     # 这行代码设置 PyTorch 是否要检测梯度计算中的异常。
  32.     torch.autograd.set_detect_anomaly(args.detect_anomaly)
  33.     # 输入的参数包括:模型的参数(数据集的位置)、优化器的参数、其他pipeline的参数,测试迭代次数、保存迭代次数 、检查点迭代次数 、开始检查点 、调试起点
  34.     training(lp.extract(args), op.extract(args), pp.extract(args), args.test_iterations, args.save_iterations, args.checkpoint_iterations, args.start_checkpoint)
  35.     # All done
  36.     print("\nTraining complete.")

对于整个执行部分,前半段全部都是对参数的提取。在2DGS的代码里,主要有三类参数。第一类参数就是模型的参数,具体看arguments/init.py中的ModelParams:

  1. class ModelParams(ParamGroup): 
  2.     def __init__(self, parser, sentinel=False):
  3.         self.sh_degree = 3
  4.         self._source_path = ""
  5.         self._model_path = ""
  6.         self._images = "images"
  7.         self._resolution = -1
  8.         self._white_background = False
  9.         self.data_device = "cuda"
  10.         self.eval = False
  11.         self.render_items = ['RGB''Alpha''Normal''Depth''Edge''Curvature']
  12.         super().__init__(parser, "Loading Parameters", sentinel)
  13.     def extract(self, args):
  14.         g = super().extract(args)
  15.         g.source_path = os.path.abspath(g.source_path)
  16.         return g

Ok,非常easy哈。基本定义完了。第二类就是PipelineParams,还是在同一个文件里:

  1. class PipelineParams(ParamGroup):
  2.     def __init__(self, parser):
  3.         self.convert_SHs_python = False
  4.         self.compute_cov3D_python = False
  5.         self.depth_ratio = 0.0
  6.         self.debug = False
  7.         super().__init__(parser, "Pipeline Parameters")

第三个就是OptimizationParams,一些调参啥的:

  1. class OptimizationParams(ParamGroup):
  2.     def __init__(self, parser):
  3.         self.iterations = 30_000
  4.         self.position_lr_init = 0.00016
  5.         self.position_lr_final = 0.0000016
  6.         self.position_lr_delay_mult = 0.01
  7.         self.position_lr_max_steps = 30_000
  8.         self.feature_lr = 0.0025
  9.         self.opacity_lr = 0.05
  10.         self.scaling_lr = 0.005
  11.         self.rotation_lr = 0.001
  12.         self.percent_dense = 0.01
  13.         self.lambda_dssim = 0.2
  14.         self.lambda_dist = 0.0
  15.         self.lambda_normal = 0.05
  16.         self.opacity_cull = 0.05
  17.         self.densification_interval = 100
  18.         self.opacity_reset_interval = 3000
  19.         self.densify_from_iter = 500
  20.         self.densify_until_iter = 15_000
  21.         self.densify_grad_threshold = 0.0002
  22.         super().__init__(parser, "Optimization Parameters")

接下来,在获取了参数后,整个执行部分,最重要的就是执行了Training这个函数,Training整个函数呢输入的参数包括:模型的参数(数据集的位置)、优化器的参数、其他pipeline的参数,测试迭代次数、保存迭代次数 、检查点迭代次数 、开始检查点 、调试起点:

  1. def training(dataset, opt, pipe, testing_iterations, saving_iterations, checkpoint_iterations, checkpoint):
  2.     # 初始化迭代次数
  3.     first_iter = 0
  4.     # 设置 TensorBoard 写入器和日志记录器。
  5.     tb_writer = prepare_output_and_logger(dataset)
  6.     # -------------------------------------------------------------------------
  7.     #(重点看,需要转跳)创建一个 GaussianModel 类的实例,输入一系列参数,其参数取自数据集。
  8.     # -------------------------------------------------------------------------
  9.     gaussians = GaussianModel(dataset.sh_degree)
  10.     #(这个类的主要目的是处理场景的初始化、保存和获取相机信息等任务,)
  11.     # 创建一个 Scene 类的实例,使用数据集和之前创建的 GaussianModel 实例作为参数。
  12.     # 这里非常重要,此时已经初始化了整个高斯的点云。
  13.     scene = Scene(dataset, gaussians)
  14.     # 设置 GaussianModel 的训练参数
  15.     gaussians.training_setup(opt)
  16.     # if有预训练模型
  17.     if checkpoint:
  18.         # 通过 torch.load(checkpoint) 加载检查点的模型参数和起始迭代次数
  19.         (model_params, first_iter) = torch.load(checkpoint)
  20.         # 通过 gaussians.restore 恢复模型的状态。
  21.         gaussians.restore(model_params, opt)
  22.     # 设置背景颜色,根据数据集是否有白色背景来选择。
  23.     bg_color = [111if dataset.white_background else [000]
  24.     # 将背景颜色转化为 PyTorch Tensor,并移到 GPU 上。
  25.     background = torch.tensor(bg_color, dtype=torch.float32, device="cuda")
  26.     # 创建两个 CUDA 事件,用于测量迭代时间。
  27.     iter_start = torch.cuda.Event(enable_timing = True)
  28.     iter_end = torch.cuda.Event(enable_timing = True)
  29.     viewpoint_stack = None
  30.     ema_loss_for_log = 0.0
  31.     ema_dist_for_log = 0.0
  32.     ema_normal_for_log = 0.0
  33.     # 创建一个 tqdm 进度条,用于显示训练进度。
  34.     progress_bar = tqdm(range(first_iter, opt.iterations), desc="Training progress")
  35.     first_iter += 1
  36.     #  接下来开始循环迭代 -------------------------------------------------------------------------------------------------
  37.     for iteration in range(first_iter, opt.iterations + 1):        
  38.         # 用于测量迭代时间。
  39.         iter_start.record()
  40.         # 新学习率
  41.         gaussians.update_learning_rate(iteration)
  42.         # 每 1000 次迭代,增加球谐函数的阶数
  43.         if iteration % 1000 == 0:
  44.             gaussians.oneupSHdegree()
  45.         # 随机选择一个训练相机
  46.         if not viewpoint_stack:
  47.             viewpoint_stack = scene.getTrainCameras().copy()
  48.         viewpoint_cam = viewpoint_stack.pop(randint(0len(viewpoint_stack)-1))
  49.         render_pkg = render(viewpoint_cam, gaussians, pipe, background)
  50.         image, viewspace_point_tensor, visibility_filter, radii = render_pkg["render"], render_pkg["viewspace_points"], render_pkg["visibility_filter"], render_pkg["radii"]
  51.         # Loss Function 损失函数 写得挺乱 给拆开了
  52.         gt_image = viewpoint_cam.original_image.cuda()
  53.         Ll1 = l1_loss(image, gt_image)
  54.         loss = (1.0 - opt.lambda_dssim) * Ll1 + opt.lambda_dssim * (1.0 - ssim(image, gt_image))
  55.         
  56.         # 正则化
  57.         # 正态分布
  58.         lambda_normal = opt.lambda_normal if iteration > 7000 else 0.0
  59.         lambda_dist = opt.lambda_dist if iteration > 3000 else 0.0
  60.         rend_dist = render_pkg["rend_dist"]
  61.         rend_normal  = render_pkg['rend_normal']
  62.         surf_normal = render_pkg['surf_normal']
  63.         normal_error = (1 - (rend_normal * surf_normal).sum(dim=0))[None]
  64.         normal_loss = lambda_normal * (normal_error).mean()
  65.         dist_loss = lambda_dist * (rend_dist).mean()
  66.         # 总损失
  67.         total_loss = loss + dist_loss + normal_loss
  68.         # 反向传播
  69.         total_loss.backward()
  70.         # 测量总迭代时间
  71.         iter_end.record()
  72.         # 记录损失的指数移动平均值,并定期更新进度条
  73.         with torch.no_grad():
  74.             # Progress bar
  75.             ema_loss_for_log = 0.4 * loss.item() + 0.6 * ema_loss_for_log
  76.             ema_dist_for_log = 0.4 * dist_loss.item() + 0.6 * ema_dist_for_log
  77.             ema_normal_for_log = 0.4 * normal_loss.item() + 0.6 * ema_normal_for_log
  78.             if iteration % 10 == 0:
  79.                 loss_dict = {
  80.                     "Loss": f"{ema_loss_for_log:.{5}f}",
  81.                     "distort": f"{ema_dist_for_log:.{5}f}",
  82.                     "normal": f"{ema_normal_for_log:.{5}f}",
  83.                     "Points": f"{len(gaussians.get_xyz)}"
  84.                 }
  85.                 progress_bar.set_postfix(loss_dict)
  86.                 progress_bar.update(10)
  87.             if iteration == opt.iterations:
  88.                 progress_bar.close()
  89.             # 将 L1 loss、总体 loss 和迭代时间写入 TensorBoard。
  90.             if tb_writer is not None:
  91.                 tb_writer.add_scalar('train_loss_patches/dist_loss', ema_dist_for_log, iteration)
  92.                 tb_writer.add_scalar('train_loss_patches/normal_loss', ema_normal_for_log, iteration)
  93.             training_report(tb_writer, iteration, Ll1, loss, l1_loss, iter_start.elapsed_time(iter_end), testing_iterations, scene, render, (pipe, background))
  94.             # 如果达到保存迭代次数,保存场景
  95.             if (iteration in saving_iterations):
  96.                 print("\n[ITER {}] Saving Gaussians".format(iteration))
  97.                 scene.save(iteration)
  98.             # 在一定的迭代次数内进行密集化处理
  99.             if iteration < opt.densify_until_iter:
  100.                 # 将每个像素位置上的最大半径记录在 max_radii2D 中。这是为了密集化时进行修剪(pruning)操作时的参考。
  101.                 gaussians.max_radii2D[visibility_filter] = torch.max(gaussians.max_radii2D[visibility_filter], radii[visibility_filter])
  102.                 # 将与密集化相关的统计信息添加到 gaussians 模型中,包括视图空间点和可见性过滤器
  103.                 gaussians.add_densification_stats(viewspace_point_tensor, visibility_filter)
  104.                 # 在指定的迭代次数之后,每隔一定的迭代间隔进行以下密集化操作
  105.                 # 大于500次的时候,并且除以1000
  106.                 if iteration > opt.densify_from_iter and iteration % opt.densification_interval == 0:
  107.                     # 据当前迭代次数设置密集化的阈值。如果当前迭代次数大于 opt.opacity_reset_interval,则设置 size_threshold 为 20,否则为 None
  108.                     size_threshold = 20 if iteration > opt.opacity_reset_interval else None
  109.                     # 执行密集化和修剪操作,其中包括梯度阈值、密集化阈值、相机范围和之前计算的 size_threshold。
  110.                     gaussians.densify_and_prune(opt.densify_grad_threshold, opt.opacity_cull, scene.cameras_extent, size_threshold)
  111.                 # 在每隔一定迭代次数或在白色背景数据集上的指定迭代次数时,执行以下操作。
  112.                 if iteration % opt.opacity_reset_interval == 0 or (dataset.white_background and iteration == opt.densify_from_iter):
  113.                     # 重置模型中的某些参数,涉及到透明度的操作,具体实现可以在 reset_opacity 方法中找到。
  114.                     gaussians.reset_opacity()
  115.             # 执行优化器的步骤,然后清零梯度。
  116.             if iteration < opt.iterations:
  117.                 gaussians.optimizer.step()
  118.                 gaussians.optimizer.zero_grad(set_to_none = True)
  119.             # 如果达到检查点迭代次数,保存检查点
  120.             if (iteration in checkpoint_iterations):
  121.                 print("\n[ITER {}] Saving Checkpoint".format(iteration))
  122.                 torch.save((gaussians.capture(), iteration), scene.model_path + "/chkpnt" + str(iteration) + ".pth")
  123.         with torch.no_grad():        
  124.             if network_gui.conn == None:
  125.                 network_gui.try_connect(dataset.render_items)
  126.             while network_gui.conn != None:
  127.                 try:
  128.                     net_image_bytes = None
  129.                     custom_cam, do_training, keep_alive, scaling_modifer, render_mode = network_gui.receive()
  130.                     if custom_cam != None:
  131.                         render_pkg = render(custom_cam, gaussians, pipe, background, scaling_modifer)   
  132.                         net_image = render_net_image(render_pkg, dataset.render_items, render_mode, custom_cam)
  133.                         net_image_bytes = memoryview((torch.clamp(net_image, min=0, max=1.0) * 255).byte().permute(120).contiguous().cpu().numpy())
  134.                     metrics_dict = {
  135.                         "#": gaussians.get_opacity.shape[0],
  136.                         "loss": ema_loss_for_log
  137.                         # Add more metrics as needed
  138.                     }
  139.                     # Send the data
  140.                     network_gui.send(net_image_bytes, dataset.source_path, metrics_dict)
  141.                     if do_training and ((iteration < int(opt.iterations)) or not keep_alive):
  142.                         break
  143.                 except Exception as e:
  144.                     # raise e
  145.                     network_gui.conn = None

对于Training函数,我们就需要非常认真地逐行阅读了。

  1. # 初始化迭代次数
  2. first_iter = 0
  3. # 设置 TensorBoard 写入器和日志记录器。
  4. tb_writer = prepare_output_and_logger(dataset)

首先前两行不用细看。是一些基本参数的设置。然后就是这个函数:

gaussians = GaussianModel(dataset.sh_degree)

这个函数进行了一个Gaussian model的初始化。在scene/gaussian_model.py中定义了这个函数的初始化:

  1. class GaussianModel:
  2.     # 用于设置一些激活函数和变换函数
  3.     def setup_functions(self):
  4.         # 构建协方差矩阵,该函数接受 scaling(尺度)、scaling_modifier(尺度修正因子)、rotation(旋转)作为参数
  5.         # 与原文一致
  6.         """这个地方与3DGS不同"""
  7.         def build_covariance_from_scaling_rotation(center, scaling, scaling_modifier, rotation):
  8.             RS = build_scaling_rotation(torch.cat([scaling * scaling_modifier, torch.ones_like(scaling)], dim=-1), rotation).permute(0,2,1)
  9.             trans = torch.zeros((center.shape[0], 44), dtype=torch.float, device="cuda")
  10.             trans[:,:3,:3] = RS
  11.             trans[:, 3,:3] = center
  12.             trans[:, 33] = 1
  13.             return trans
  14.         # 将尺度激活函数设置为指数函数
  15.         # 原因可能: 缩放必须是正数,而指数函数的返回值一定是正数。
  16.         self.scaling_activation = torch.exp
  17.         # 将尺度逆激活函数设置为对数函数
  18.         self.scaling_inverse_activation = torch.log
  19.         # 将协方差激活函数设置为上述定义的 build_covariance_from_scaling_rotation 函数。
  20.         self.covariance_activation = build_covariance_from_scaling_rotation
  21.         # 将不透明度激活函数设置为 sigmoid 函数,保证(01
  22.         self.opacity_activation = torch.sigmoid
  23.         # 将不透明度逆激活函数设置为一个名为 inverse_sigmoid 的函数
  24.         self.inverse_opacity_activation = inverse_sigmoid
  25.         # 用于归一化旋转矩阵
  26.         self.rotation_activation = torch.nn.functional.normalize
  27.     def __init__(self, sh_degree : int):
  28.         # 球谐阶数
  29.         self.active_sh_degree = 0
  30.         # 最大球谐阶数
  31.         self.max_sh_degree = sh_degree
  32.         # 存储不同信息的张量(tensor)-------------
  33.         # 空间位置
  34.         self._xyz = torch.empty(0)
  35.         self._features_dc = torch.empty(0)
  36.         self._features_rest = torch.empty(0)
  37.         # 椭球形状尺度
  38.         self._scaling = torch.empty(0)
  39.         # 椭球的旋转
  40.         self._rotation = torch.empty(0)
  41.         # 不透明度
  42.         self._opacity = torch.empty(0)
  43.         self.max_radii2D = torch.empty(0)
  44.         self.xyz_gradient_accum = torch.empty(0)
  45.         self.denom = torch.empty(0)
  46.         # 初始化优化器
  47.         self.optimizer = None
  48.         # 初始化百分比密度
  49.         self.percent_dense = 0
  50.         # 初始化空间学习率
  51.         self.spatial_lr_scale = 0
  52.         # 调用setup_functions() 设置各种激活函数和变换函数
  53.         self.setup_functions()

我们这里只看初始化的部分。这里只输入了一个参数,就是球谐函数的阶数,这里设置的是3。在setup_functions这个函数中,设置了协方差矩阵。这里与文中是一样的,求出了RS之类的数据。并且设置了很多激活函数。具体的可以看我的注释。

接下来呢,就进入了本文的重中之重的第一个环节:

scene = Scene(dataset, gaussians)

我们找到scene/init.py这个文件,它定义了整个场景的初始化,也就是初始化了整个2DGS:

  1. class Scene:
  2.     gaussians : GaussianModel
  3.     def __init__(self, args : ModelParams, gaussians : GaussianModel, load_iteration=None, shuffle=True, resolution_scales=[1.0]):
  4.         """b
  5.         :param path: Path to colmap scene main folder.
  6.         """
  7.         self.model_path = args.model_path
  8.         self.loaded_iter = None
  9.         self.gaussians = gaussians
  10.         # 初始化时,未执行
  11.         # 首先,如果load_iteration参数不是None,Scene.__init__会在输出文件夹下的point_cloud/文件夹搜索迭代次数最大的iteration_xxx文件夹
  12.         # (例如有iteration_7000和iteration_30000的文件夹则选取后者),将最大的迭代次数记录到self.loaded_iter
  13.         if load_iteration:
  14.             if load_iteration == -1:
  15.                 self.loaded_iter = searchForMaxIteration(os.path.join(self.model_path, "point_cloud"))
  16.             else:
  17.                 self.loaded_iter = load_iteration
  18.             print("Loading trained model at iteration {}".format(self.loaded_iter))
  19.         self.train_cameras = {}
  20.         self.test_cameras = {}
  21.         # scene_info的信息有如下:
  22.         # point_cloud=pcd,
  23.         # train_cameras=train_cam_infos,
  24.         # test_cameras=test_cam_infos,
  25.         # nerf_normalization=nerf_normalization,
  26.         # ply_path=ply_path)
  27.         # 这里是判断读取的Colmap还是Blender
  28.         if os.path.exists(os.path.join(args.source_path, "sparse")):
  29.             scene_info = sceneLoadTypeCallbacks["Colmap"](args.source_path, args.images, args.eval)
  30.         elif os.path.exists(os.path.join(args.source_path, "transforms_train.json")):
  31.             print("Found transforms_train.json file, assuming Blender data set!")
  32.             scene_info = sceneLoadTypeCallbacks["Blender"](args.source_path, args.white_background, args.eval)
  33.         else:
  34.             assert False, "Could not recognize scene type!"
  35.         # 这里是None
  36.         # 先进入这个环节,填充相机COLMAP的所有内容
  37.         if not self.loaded_iter:
  38.             with open(scene_info.ply_path, 'rb') as src_file, open(os.path.join(self.model_path, "input.ply") , 'wb') as dest_file:
  39.                 dest_file.write(src_file.read())
  40.             json_cams = []
  41.             camlist = []
  42.             if scene_info.test_cameras:
  43.                 camlist.extend(scene_info.test_cameras)
  44.             if scene_info.train_cameras:
  45.                 camlist.extend(scene_info.train_cameras)
  46.             for id, cam in enumerate(camlist):
  47.                 json_cams.append(camera_to_JSON(id, cam))
  48.             with open(os.path.join(self.model_path, "cameras.json"), 'w') as file:
  49.                 json.dump(json_cams, file)
  50.         # 执行了随机相片的步骤。在3DGS内需要执行,但是对于4DGS可以不用
  51.         if shuffle:
  52.             random.shuffle(scene_info.train_cameras)  # Multi-res consistent random shuffling
  53.             random.shuffle(scene_info.test_cameras)  # Multi-res consistent random shuffling
  54.         # getNerfppNorm读取所有相机的中心点位置到最远camera的距离 * 1.1
  55.         self.cameras_extent = scene_info.nerf_normalization["radius"]
  56.         # 用【】填充一个camera_list
  57.         for resolution_scale in resolution_scales:
  58.             print("Loading Training Cameras")
  59.             self.train_cameras[resolution_scale] = cameraList_from_camInfos(scene_info.train_cameras, resolution_scale, args)
  60.             print("Loading Test Cameras")
  61.             self.test_cameras[resolution_scale] = cameraList_from_camInfos(scene_info.test_cameras, resolution_scale, args)
  62.         # 没有执行
  63.         # 如果self.loaded_iter有值,则直接读取对应的(已经迭代出来的)场景
  64.         if self.loaded_iter:
  65.             self.gaussians.load_ply(os.path.join(self.model_path,
  66.                                                            "point_cloud",
  67.                                                            "iteration_" + str(self.loaded_iter),
  68.                                                            "point_cloud.ply"))
  69.         else:
  70.         #执行的这里,点云高斯化
  71.         #给所有目前采集到的点云做初始值,也就是COLMAP的值直接就进来
  72.         #俩参数,一个是点云,一个是所有相机的中心点位置到最远camera的距离 * 1.1
  73.             self.gaussians.create_from_pcd(scene_info.point_cloud, self.cameras_extent)
  74.     def save(self, iteration):
  75.         point_cloud_path = os.path.join(self.model_path, "point_cloud/iteration_{}".format(iteration))
  76.         self.gaussians.save_ply(os.path.join(point_cloud_path, "point_cloud.ply"))
  77.     def getTrainCameras(self, scale=1.0):
  78.         return self.train_cameras[scale]
  79.     def getTestCameras(self, scale=1.0):
  80.         return self.test_cameras[scale]

这里通过读取了Colmap的点云、相机等等信息,初始化了点云。初始化主要用到的函数,是gaussian_model中的create_from_pcd函数:

  1. def create_from_pcd(self, pcd : BasicPointCloud, spatial_lr_scale : float):
  2.         # 所有相机的中心点位置到最远camera的距离 * 1.1
  3.         # 根据大量的3DGS解读,应该与学习率有关
  4.         # 防止固定的学习率适配不同尺度的场景时出现问题。
  5.         self.spatial_lr_scale = spatial_lr_scale
  6.         # 点云转tensor送入GPU,实际上就是稀疏点云的3D坐标
  7.         # (N, 3) 这里输出的是所有点云
  8.         fused_point_cloud = torch.tensor(np.asarray(pcd.points)).float().cuda()
  9.         # RGB转球谐函数送入GPU
  10.         # 也是(N,3),应为球谐的直流分量
  11.         # RGB2SH(x) = (x - 0.5) / 0.28209479177387814
  12.         # 0.282094791773878141 / (2*sqrt(pi)),是直流分量Y(l=0,m=0)的值
  13.         fused_color = RGB2SH(torch.tensor(np.asarray(pcd.colors)).float().cuda())
  14.         #  RGB三通道球谐的所有系数,大小为(N, 3, (最大球谐阶数 + 1)²), 这部分 3DGS与 2DGS毫无区别
  15.         features = torch.zeros((fused_color.shape[0], 3, (self.max_sh_degree + 1) ** 2)).float().cuda()
  16.         features[:, :30 ] = fused_color
  17.         features[:, 3:, 1:] = 0.0
  18.         print("Number of points at initialisation : ", fused_point_cloud.shape[0])
  19.         # 调用simple_knn的distCUDA2函数,计算点云中的每个点到与其最近的K个点的平均距离的平方
  20.         # dist2的大小应该是(N,)。
  21.         # 首先可以明确的是这句话用来初始化scale,且scale(的平方)不能低于1e-7
  22.         # 我阅读了一下submodules/simple-knn/simple_knn.cu,大致猜出来了这个是什么意思。
  23.         # distCUDA2函数由simple_knn.cu的SimpleKNN::knn函数实现。
  24.         # KNN意思是K-Nearest Neighbor,即求每一点最近的K个点。
  25.         # simple_knn.cu中令k=3,求得每一点最近的三个点距该点的平均距离。
  26.         # 原理是把3D空间中的每个点用莫顿编码(Morton Encoding)转化为一个1D坐标
  27.         # 用到了能够填满空间的Z曲线
  28.         # 然后对1D坐标进行排序,从而确定离每个点最近的三个点。
  29.         # simple_knn.cu实际上还用了一种加速策略,是将点集分为多个大小为1024的块(box),
  30.         # 在每个块内确定3个最近邻居和它们的平均距离。用平均距离作为Gaussian的scale。
  31.         dist2 = torch.clamp_min(distCUDA2(torch.from_numpy(np.asarray(pcd.points)).float().cuda()), 0.0000001)
  32.         #---------------------------------------------------------------------------------------------------------------
  33.         # 因为2DGS中只有2个缩放值
  34.         # 因为scale的激活函数是exp,所以这里存的也不是真的scale,而是ln(scale)。
  35.   # 注意dist2其实是距离的平方,所以这里要开根号。
  36.   # repeat(1, 2)标明两个方向上scale的初始值是相等的。
  37.   # scales的大小:(N, 2) 这是与3DGS完全不同的
  38.         scales = torch.log(torch.sqrt(dist2))[...,None].repeat(12)
  39.         #---------------------------------------------------------------------------------------------------------------
  40.         # 2DGS不是,2DGS使用[0,1]的均匀分布进行初始化
  41.         # 这里与3DGS有明显区别
  42.         rots = torch.rand((fused_point_cloud.shape[0], 4), device="cuda")
  43.         # 完全不同,这里使用:torch.log(x/(1-x)),而不是sigmoid。
  44.         # 因为输入时,透明度是(N, 1),这里统一后的初始值为-2.1972
  45.         # 原因不明,但这里最终的值,与3DGS保持一致(-2.197
  46.         opacities = self.inverse_opacity_activation(0.1 * torch.ones((fused_point_cloud.shape[0], 1), dtype=torch.float, device="cuda"))
  47.         # 初始化位置,sh系数(直接+剩余),缩放(3个轴),旋转(四元数),不透明度(逆sigmoid的值)
  48.         # ---------------------------------------------------------------------------------------------------------------
  49.         # 一些函数的解释:requires_grad=True 的作用是让 backward 可以追踪这个参数并且计算它的梯度。
  50.         # 最开始定义你的输入是 requires_grad=True ,那么后续对应的输出也自动具有 requires_grad=True ,如代码中无关联的数值 x ,其 requires_grad 仍等于 False。
  51.         # ---------------------------------------------------------------------------------------------------------------
  52.         # 这里就是直接初始化每个单独的点云。
  53.         # ---------------------------------------------------------------------------------------------------------------
  54.         # 一些函数的解释:nn.Parameter():
  55.         # 将一个不可训练的tensor转换成可以训练的类型parameter,并将这个parameter绑定到这个module里面。
  56.         # 即在定义网络时这个tensor就是一个可以训练的参数了。使用这个函数的目的也是想让某些变量在学习的过程中不断的修改其值以达到最优化。
  57.         # 输出点云坐标(N,3
  58.         self._xyz = nn.Parameter(fused_point_cloud.requires_grad_(True))
  59.         # RGB三个通道的直流分量,(N, 13), 3DGS是(N, 31
  60.         self._features_dc = nn.Parameter(features[:,:,0:1].transpose(12).contiguous().requires_grad_(True))
  61.         #  RGB三个通道的高阶分量,(N, (最大球谐阶数 + 1)² - 13), 这里不太一样,与上面相同后两位换了位置
  62.         self._features_rest = nn.Parameter(features[:,:,1:].transpose(12).contiguous().requires_grad_(True))
  63.         # 这里的缩放尺度,为(N,2
  64.         self._scaling = nn.Parameter(scales.requires_grad_(True))
  65.         # 旋转4原数 (N,4
  66.         self._rotation = nn.Parameter(rots.requires_grad_(True))
  67.         # (N.1)透明度
  68.         self._opacity = nn.Parameter(opacities.requires_grad_(True))
  69.         # 投影到2D时, 每个2D gaussian最大的半径,这里初始为(N,)
  70.         self.max_radii2D = torch.zeros((self.get_xyz.shape[0]), device="cuda")

我这里解释得非常详细哈。大家可以仔细看看。除此之外,最重要的,就是train环节中得填充致密化环节。

  1. # 在一定的迭代次数内进行密集化处理
  2.             if iteration < opt.densify_until_iter:
  3.                 # 将每个像素位置上的最大半径记录在 max_radii2D 中。这是为了密集化时进行修剪(pruning)操作时的参考。
  4.                 gaussians.max_radii2D[visibility_filter] = torch.max(gaussians.max_radii2D[visibility_filter], radii[visibility_filter])
  5.                 # 将与密集化相关的统计信息添加到 gaussians 模型中,包括视图空间点和可见性过滤器
  6.                 gaussians.add_densification_stats(viewspace_point_tensor, visibility_filter)
  7.                 # 在指定的迭代次数之后,每隔一定的迭代间隔进行以下密集化操作
  8.                 # 大于500次的时候,并且除以1000
  9.                 if iteration > opt.densify_from_iter and iteration % opt.densification_interval == 0:
  10.                     # 据当前迭代次数设置密集化的阈值。如果当前迭代次数大于 opt.opacity_reset_interval,则设置 size_threshold 为 20,否则为 None
  11.                     size_threshold = 20 if iteration > opt.opacity_reset_interval else None
  12.                     # 执行密集化和修剪操作,其中包括梯度阈值、密集化阈值、相机范围和之前计算的 size_threshold。
  13.                     gaussians.densify_and_prune(opt.densify_grad_threshold, opt.opacity_cull, scene.cameras_extent, size_threshold)
  14.                 # 在每隔一定迭代次数或在白色背景数据集上的指定迭代次数时,执行以下操作。
  15.                 if iteration % opt.opacity_reset_interval == 0 or (dataset.white_background and iteration == opt.densify_from_iter):
  16.                     # 重置模型中的某些参数,涉及到透明度的操作,具体实现可以在 reset_opacity 方法中找到。
  17.                     gaussians.reset_opacity()
  18.             # 执行优化器的步骤,然后清零梯度。
  19.             if iteration < opt.iterations:
  20.                 gaussians.optimizer.step()
  21.                 gaussians.optimizer.zero_grad(set_to_none = True)
  22.             # 如果达到检查点迭代次数,保存检查点
  23.             if (iteration in checkpoint_iterations):
  24.                 print("\n[ITER {}] Saving Checkpoint".format(iteration))
  25.                 torch.save((gaussians.capture(), iteration), scene.model_path + "/chkpnt" + str(iteration) + ".pth")

这部分,主要调用的是gaussian_model中的densify_and_split、densify_and_prune、densify_and_clone函数:

  1. def densify_and_split(self, grads, grad_threshold, scene_extent, N=2):
  2.         # 获取初始点的数量。
  3.         n_init_points = self.get_xyz.shape[0]
  4.         # 创建一个长度为初始点数量的梯度张量,并将计算得到的梯度填充到其中。
  5.         padded_grad = torch.zeros((n_init_points), device="cuda")
  6.         padded_grad[:grads.shape[0]] = grads.squeeze()
  7.         # 创建一个掩码,标记那些梯度大于等于指定阈值的点。
  8.         selected_pts_mask = torch.where(padded_grad >= grad_threshold, True, False)
  9.         # 一步过滤掉那些缩放(scaling)大于一定百分比的场景范围的点
  10.         # 这里是一个高斯分裂的过程:被分裂的Gaussians满足两个条件:
  11.         #   1. (平均)梯度过大;
  12.         #   2. 在某个方向的最大缩放大于一个阈值。
  13.         #   参照论文5.2节“On the other hand...”一段,大Gaussian被分裂成两个小Gaussians,
  14.         #   其放缩被除以φ=1.6,且位置是以原先的大Gaussian作为概率密度函数进行采样的。
  15.         selected_pts_mask = torch.logical_and(selected_pts_mask,
  16.                                               torch.max(self.get_scaling, dim=1).values > self.percent_dense*scene_extent)
  17.         # 为每个点生成新的样本,其中 stds 是点的缩放,means 是均值, 第一步是一样的
  18.         # 这里从新的点云中更新缩放因子,并且进行同样的复制一份
  19.         stds = self.get_scaling[selected_pts_mask].repeat(N,1)
  20.         # 这里我大致明白,本身获取的是(su, sv),为了与旋转矩阵相对应,构建(su,sv,0
  21.         stds = torch.cat([stds, 0 * torch.ones_like(stds[:,:1])], dim=-1)
  22.         # 这里就是一个同样大小的矩阵
  23.         means = torch.zeros_like(stds)
  24.         # 使用均值和标准差生成样本
  25.         samples = torch.normal(mean=means, std=stds)
  26.         # 为每个点构建旋转矩阵,并将其重复 N 次。
  27.         rots = build_rotation(self._rotation[selected_pts_mask]).repeat(N,1,1)
  28.         # 将旋转后的样本点添加到原始点的位置。
  29.         new_xyz = torch.bmm(rots, samples.unsqueeze(-1)).squeeze(-1) + self.get_xyz[selected_pts_mask].repeat(N, 1)
  30.         # 生成新的缩放参数。
  31.         new_scaling = self.scaling_inverse_activation(self.get_scaling[selected_pts_mask].repeat(N,1) / (0.8*N))
  32.         # 将旋转、原始点特征、等等重复N次
  33.         new_rotation = self._rotation[selected_pts_mask].repeat(N,1)
  34.         new_features_dc = self._features_dc[selected_pts_mask].repeat(N,1,1)
  35.         new_features_rest = self._features_rest[selected_pts_mask].repeat(N,1,1)
  36.         new_opacity = self._opacity[selected_pts_mask].repeat(N,1)
  37.         # 调用另一个方法 densification_postfix,该方法对新生成的点执行后处理操作(此处跟densify_and_clone一样)。
  38.         self.densification_postfix(new_xyz, new_features_dc, new_features_rest, new_opacity, new_scaling, new_rotation)
  39.         # 创建一个修剪(pruning)的过滤器,将新生成的点添加到原始点的掩码之后。
  40.         prune_filter = torch.cat((selected_pts_mask, torch.zeros(N * selected_pts_mask.sum(), device="cuda", dtype=bool)))
  41.         # 根据修剪过滤器,修剪模型中的一些参数。
  42.         self.prune_points(prune_filter)
  43.     def densify_and_clone(self, grads, grad_threshold, scene_extent):
  44.         # 建一个掩码,标记满足梯度条件的点。具体来说,对于每个点,计算其梯度的L2范数,如果大于等于指定的梯度阈值,则标记为True,否则标记为False。
  45.         # 提取出大于阈值`grad_threshold`且缩放参数较小(小于self.percent_dense * scene_extent)的Gaussians,在下面进行克隆
  46.         selected_pts_mask = torch.where(torch.norm(grads, dim=-1) >= grad_threshold, True, False)
  47.         selected_pts_mask = torch.logical_and(selected_pts_mask,
  48.                                               torch.max(self.get_scaling, dim=1).values <= self.percent_dense*scene_extent)
  49.         # 在上述掩码的基础上,进一步过滤掉那些缩放(scaling)大于一定百分比(self.percent_dense)的场景范围(scene_extent)的点。
  50.         # 这样可以确保新添加的点不会太远离原始数据。
  51.         # 根据掩码选取符合条件的点的其他特征,如颜色、透明度、缩放和旋转等。
  52.         new_xyz = self._xyz[selected_pts_mask]
  53.         new_features_dc = self._features_dc[selected_pts_mask]
  54.         new_features_rest = self._features_rest[selected_pts_mask]
  55.         new_opacities = self._opacity[selected_pts_mask]
  56.         new_scaling = self._scaling[selected_pts_mask]
  57.         new_rotation = self._rotation[selected_pts_mask]
  58.         self.densification_postfix(new_xyz, new_features_dc, new_features_rest, new_opacities, new_scaling, new_rotation)
  59.     # 执行密集化和修剪操作
  60.     def densify_and_prune(self, max_grad, min_opacity, extent, max_screen_size):
  61.         # 计算密度估计的梯度
  62.         grads = self.xyz_gradient_accum / self.denom
  63.         # 将梯度中的 NaN(非数值)值设置为零,以处理可能的数值不稳定性
  64.         grads[grads.isnan()] = 0.0
  65.         # 对under reconstruction的区域进行复制操作,为了稠密化
  66.         self.densify_and_clone(grads, max_grad, extent)
  67.         # 对over reconstruction的区域进行分裂操作,为了稠密化
  68.         self.densify_and_split(grads, max_grad, extent)
  69.         # 接下来移除一些Gaussians,它们满足下列要求中的一个:
  70.         # 1. 接近透明(不透明度小于min_opacity)
  71.         # 2. 在某个相机视野里出现过的最大2D半径大于屏幕(像平面)大小
  72.         # 3. 在某个方向的最大缩放大于0.1 * extent(也就是说很长的长条形也是会被移除的)
  73.         # 创建一个掩码,标记那些透明度小于指定阈值的点。.squeeze() 用于去除掩码中的单维度。
  74.         prune_mask = (self.get_opacity < min_opacity).squeeze()
  75.         # 设置相机的范围
  76.         if max_screen_size:
  77.             # 创建一个掩码,标记在图像空间中半径大于指定阈值的点。
  78.             big_points_vs = self.max_radii2D > max_screen_size
  79.             # 创建一个掩码,标记在世界空间中尺寸大于指定阈值的点。
  80.             big_points_ws = self.get_scaling.max(dim=1).values > 0.1 * extent
  81.             # 将这两个掩码与先前的透明度掩码进行逻辑或操作,得到最终的修剪掩码。
  82.             prune_mask = torch.logical_or(torch.logical_or(prune_mask, big_points_vs), big_points_ws)
  83.         # 根据修剪掩码,修剪模型中的一些参数
  84.         self.prune_points(prune_mask)
  85.         # 清理 GPU 缓存,释放一些内存
  86.         torch.cuda.empty_cache()
  87.     # 统计坐标的累积梯度和均值的分母(即迭代步数)
  88.     def add_densification_stats(self, viewspace_point_tensor, update_filter):
  89.         self.xyz_gradient_accum[update_filter] += torch.norm(viewspace_point_tensor.grad[update_filter], dim=-1, keepdim=True)
  90.         self.denom[update_filter] += 1

上述代码包含了密集化、修建、分裂等步骤。除此之外,我认为最重要的,就是Splatting的渲染过程。这部分在submodules/diff-surfel-rasterization/cuda_rasterizer/forward.cu中。2DGS在这部分,与3DGS有着明显的不同,因此也可以细细品味这部分:

  1. #include "forward.h"
  2. #include "auxiliary.h"
  3. #include <cooperative_groups.h>
  4. #include <cooperative_groups/reduce.h>
  5. namespace cg = cooperative_groups;
  6. // 该代码实现了一个名为 `computeColorFromSH` 的函数,它用于计算基于 SH (Surface Hemi-Sphere) 光线着色模型的颜色
  7. __device__ glm::vec3 computeColorFromSH(int idx, int deg, int max_coeffs, const glm::vec3* means, glm::vec3 campos, const float* shs, bool* clamped)
  8. {
  9. /*
  10. * `idx`:索引,表示在数组中的索引。
  11. * `deg`:光线着色模型的阶数。
  12. * `max_coeffs`:SH 函数的系数数量。
  13. * `means`:包含模型中每个点的平均颜色。
  14. * `campos`:观察者的位置。
  15. * `shs`:包含 SH 函数系数的指针。
  16. * `clamped`:一个 bool 数组,用于记录是否颜色被限制
  17. */
  18. /*
  19. 1. **计算点位置和方向向量:**计算点与观察者的距离和方向向量,并标准化方向向量。
  20. 2. **获取 SH 函数系数:**根据索引从 `shs` 中获取相应的 SH 函数系数。
  21. 3. **计算颜色:**根据光线着色模型的阶数,逐步计算颜色。
  22. 4. **限制颜色:**如果颜色值小于 0,则将其限制为 0,并记录是否颜色被限制。
  23. 5. **返回颜色:**返回计算出的颜色,以及是否颜色被限制。
  24. */
  25.  glm::vec3 pos = means[idx];
  26.  glm::vec3 dir = pos - campos;
  27.  dir = dir / glm::length(dir);
  28.  glm::vec3* sh = ((glm::vec3*)shs) + idx * max_coeffs;
  29.  glm::vec3 result = SH_C0 * sh[0];
  30.  if (deg > 0)
  31.  {
  32.   float x = dir.x;
  33.   float y = dir.y;
  34.   float z = dir.z;
  35.   result = result - SH_C1 * y * sh[1] + SH_C1 * z * sh[2] - SH_C1 * x * sh[3];
  36.   if (deg > 1)
  37.   {
  38.    float xx = x * x, yy = y * y, zz = z * z;
  39.    float xy = x * y, yz = y * z, xz = x * z;
  40.    result = result +
  41.     SH_C2[0] * xy * sh[4] +
  42.     SH_C2[1] * yz * sh[5] +
  43.     SH_C2[2] * (2.0f * zz - xx - yy) * sh[6] +
  44.     SH_C2[3] * xz * sh[7] +
  45.     SH_C2[4] * (xx - yy) * sh[8];
  46.    if (deg > 2)
  47.    {
  48.     result = result +
  49.      SH_C3[0] * y * (3.0f * xx - yy) * sh[9] +
  50.      SH_C3[1] * xy * z * sh[10] +
  51.      SH_C3[2] * y * (4.0f * zz - xx - yy) * sh[11] +
  52.      SH_C3[3] * z * (2.0f * zz - 3.0f * xx - 3.0f * yy) * sh[12] +
  53.      SH_C3[4] * x * (4.0f * zz - xx - yy) * sh[13] +
  54.      SH_C3[5] * z * (xx - yy) * sh[14] +
  55.      SH_C3[6] * x * (xx - 3.0f * yy) * sh[15];
  56.    }
  57.   }
  58.  }
  59.  result += 0.5f;
  60.  // RGB colors are clamped to positive values. If values are
  61.  // clamped, we need to keep track of this for the backward pass.
  62.  clamped[3 * idx + 0] = (result.x < 0);
  63.  clamped[3 * idx + 1] = (result.y < 0);
  64.  clamped[3 * idx + 2] = (result.z < 0);
  65.  return glm::max(result, 0.0f);
  66. }
  67. // 计算仿射变换齐次矩阵------------------------------------------------------------------------------------------------------------
  68. // Compute a 2D-to-2D mapping matrix from a tangent plane into a image plane
  69. // given a 2D gaussian parameters.
  70. // glm::mat 生成矩阵 后面+数字表示维度
  71. // glm::vec 生成向量 后面+数字表示维度
  72. __device__ void compute_transmat(
  73.  const float3& p_orig,
  74.  const glm::vec2 scale,
  75.  float mod,
  76.  const glm::vec4 rot,
  77.  const float* projmatrix,
  78.  const float* viewmatrix,
  79.  const int W,
  80.  const int H, 
  81.  glm::mat3 &T,
  82.  float3 &normal
  83. ) {
  84.     // rot转换为旋转矩阵R
  85.  glm::mat3 R = quat_to_rotmat(rot);
  86.  // 函数将缩放向量 `scale` 和缩放因子 `mod` 转换为缩放矩阵 `S`
  87.  glm::mat3 S = scale_to_mat(scale, mod);
  88.  // 计算变换矩阵 `L`
  89.  glm::mat3 L = R * S;
  90.  // 计算世界坐标到 NDC 的矩阵
  91.  // splat2world矩阵 将 Gaussians 的中心从局部坐标转换为相机坐标。
  92.  glm::mat3x4 splat2world = glm::mat3x4(
  93.   glm::vec4(L[0], 0.0),
  94.   glm::vec4(L[1], 0.0),
  95.   glm::vec4(p_orig.x, p_orig.y, p_orig.z, 1)
  96.  );
  97.     // world2ndc矩阵 将世界坐标转换为 NDC坐标
  98.  glm::mat4 world2ndc = glm::mat4(
  99.   projmatrix[0], projmatrix[4], projmatrix[8], projmatrix[12],
  100.   projmatrix[1], projmatrix[5], projmatrix[9], projmatrix[13],
  101.   projmatrix[2], projmatrix[6], projmatrix[10], projmatrix[14],
  102.   projmatrix[3], projmatrix[7], projmatrix[11], projmatrix[15]
  103.  );
  104.     // 矩阵将 NDC坐标转换为像素坐标
  105.  glm::mat3x4 ndc2pix = glm::mat3x4(
  106.   glm::vec4(float(W) / 2.00.00.0, float(W-1) / 2.0),
  107.   glm::vec4(0.0, float(H) / 2.00.0, float(H-1) / 2.0),
  108.   glm::vec4(0.00.00.01.0)
  109.  );
  110.     // 计算传输矩阵 T
  111.  T = glm::transpose(splat2world) * world2ndc * ndc2pix;
  112.  // 计算法线 normal
  113.  normal = transformVec4x3({L[2].x, L[2].y, L[2].z}, viewmatrix);
  114. }
  115. // --------------------------------------------------------------------------------------------------------------------
  116. // 该代码计算 2D 高斯分布的边界框和中心,并将中心用于创建低通滤波器
  117. // --------------------------------------------------------------------------------------------------------------------
  118. /*
  119. `T`:3x3 矩阵,用于转换图像坐标到特征空间。上一个函数已经计算了
  120. * `cutoff`: 高斯分布的截止频率。
  121. * `point_image`: 指标图像上的点坐标。
  122. * `extent`:bounding box 的扩展。
  123. */
  124. __device__ bool compute_aabb(
  125.  glm::mat3 T, 
  126.  float cutoff, 
  127.  float2& point_image,
  128.  float2 & extent
  129. ) {
  130.     // 计算 T 矩阵的逆向,并将 T0、T1 和 T3 值计算
  131.     // T0、T1 和 T3 值是 T 矩阵的第 0、第 1 和第 2 行,分别对应特征空间坐标的三个维度
  132.  float3 T0 = {T[0][0], T[0][1], T[0][2]};
  133.  float3 T1 = {T[1][0], T[1][1], T[1][2]};
  134.  float3 T3 = {T[2][0], T[2][1], T[2][2]};
  135.  // 计算 AABB
  136.  // 计算 temp_point 值
  137.  // temp_point 值为 (cutoff * cutoff, cutoff * cutoff, -1.0f),其中cutoff 是高斯分布的截止频率
  138.  float3 temp_point = {cutoff * cutoff, cutoff * cutoff, -1.0f};
  139.  // 计算 distance 和 f 值
  140.  // distance 是从 T3 到 temp_point 的距离。
  141.  // f 值是 distance 的倒数,乘以 temp_point。
  142.  float distance = sumf3(T3 * T3 * temp_point);
  143.  float3 f = (1 / distance) * temp_point;
  144.  if (distance == 0.0return false;
  145.     // `sumf3` 和 `maxf2` 等函数用于计算向量和矩阵的和、最大值等操作。
  146.  point_image = {
  147.   sumf3(f * T0 * T3),
  148.   sumf3(f * T1 * T3)
  149.  };  
  150.  
  151.  float2 temp = {
  152.   sumf3(f * T0 * T0),
  153.   sumf3(f * T1 * T1)
  154.  };
  155.  float2 half_extend = point_image * point_image - temp;
  156.  extent = sqrtf2(maxf2(1e-4, half_extend));
  157.  return true;
  158. }
  159. // 名为 `preprocessCUDA`,它负责每个 Gaussian 前处理,并将数据转换为 raster 化
  160. template<int C>
  161. __global__ void preprocessCUDA(int P, int D, int M,
  162.  const float* orig_points,
  163.  const glm::vec2* scales,
  164.  const float scale_modifier,
  165.  const glm::vec4* rotations,
  166.  const float* opacities,
  167.  const float* shs,
  168.  bool* clamped,
  169.  const float* transMat_precomp,
  170.  const float* colors_precomp,
  171.  const float* viewmatrix,
  172.  const float* projmatrix,
  173.  const glm::vec3* cam_pos,
  174.  const int W, int H,
  175.  const float tan_fovx, const float tan_fovy,
  176.  const float focal_x, const float focal_y,
  177.  int* radii,
  178.  float2* points_xy_image,
  179.  float* depths,
  180.  float* transMats,
  181.  float* rgb,
  182.  float4* normal_opacity,
  183.  const dim3 grid,
  184.  uint32_t* tiles_touched,
  185.  bool prefiltered)
  186. {
  187.  auto idx = cg::this_grid().thread_rank();
  188.  if (idx >= P)
  189.   return;
  190.  // Initialize radius and touched tiles to 0. If this isn't changed,
  191.  // this Gaussian will not be processed further.
  192.  radii[idx] = 0;
  193.  tiles_touched[idx] = 0;
  194.  // Perform near culling, quit if outside.
  195.  float3 p_view;
  196.  if (!in_frustum(idx, orig_points, viewmatrix, projmatrix, prefiltered, p_view))
  197.   return;
  198.  
  199.  // Compute transformation matrix
  200.  glm::mat3 T;
  201.  float3 normal;
  202.  if (transMat_precomp == nullptr)
  203.  {
  204.   compute_transmat(((float3*)orig_points)[idx], scales[idx], scale_modifier, rotations[idx], projmatrix, viewmatrix, W, H, T, normal);
  205.   float3 *T_ptr = (float3*)transMats;
  206.   T_ptr[idx * 3 + 0] = {T[0][0], T[0][1], T[0][2]};
  207.   T_ptr[idx * 3 + 1] = {T[1][0], T[1][1], T[1][2]};
  208.   T_ptr[idx * 3 + 2] = {T[2][0], T[2][1], T[2][2]};
  209.  } else {
  210.   glm::vec3 *T_ptr = (glm::vec3*)transMat_precomp;
  211.   T = glm::mat3(
  212.    T_ptr[idx * 3 + 0], 
  213.    T_ptr[idx * 3 + 1],
  214.    T_ptr[idx * 3 + 2]
  215.   );
  216.   normal = make_float3(0.00.01.0);
  217.  }
  218. #if DUAL_VISIABLE
  219.  float cos = -sumf3(p_view * normal);
  220.  if (cos == 0return;
  221.  float multiplier = cos > 0 ? 1-1;
  222.  normal = multiplier * normal;
  223. #endif
  224. #if TIGHTBBOX // no use in the paper, but it indeed help speeds.
  225.  // the effective extent is now depended on the opacity of gaussian.
  226.  float cutoff = sqrtf(max(9.f + 2.f * logf(opacities[idx]), 0.000001));
  227. #else
  228.  float cutoff = 3.0f;
  229. #endif
  230.  // Compute center and radius
  231.  float2 point_image;
  232.  float radius;
  233.  {
  234.   float2 extent;
  235.   bool ok = compute_aabb(T, cutoff, point_image, extent);
  236.   if (!ok) return;
  237.   radius = ceil(max(extent.x, extent.y));
  238.  }
  239.  uint2 rect_min, rect_max;
  240.  getRect(point_image, radius, rect_min, rect_max, grid);
  241.  if ((rect_max.x - rect_min.x) * (rect_max.y - rect_min.y) == 0)
  242.   return;
  243.  // Compute colors 
  244.  if (colors_precomp == nullptr) {
  245.   glm::vec3 result = computeColorFromSH(idx, D, M, (glm::vec3*)orig_points, *cam_pos, shs, clamped);
  246.   rgb[idx * C + 0] = result.x;
  247.   rgb[idx * C + 1] = result.y;
  248.   rgb[idx * C + 2] = result.z;
  249.  }
  250.  depths[idx] = p_view.z;
  251.  radii[idx] = (int)radius;
  252.  points_xy_image[idx] = point_image;
  253.  normal_opacity[idx] = {normal.x, normal.y, normal.z, opacities[idx]};
  254.  tiles_touched[idx] = (rect_max.y - rect_min.y) * (rect_max.x - rect_min.x);
  255. }
  256. // Main rasterization method. Collaboratively works on one tile per
  257. // block, each thread treats one pixel. Alternates between fetching 
  258. // and rasterizing data.
  259. template <uint32_t CHANNELS>
  260. __global__ void __launch_bounds__(BLOCK_X * BLOCK_Y)
  261. renderCUDA(
  262.  const uint2* __restrict__ ranges,
  263.  const uint32_t* __restrict__ point_list,
  264.  int W, int H,
  265.  float focal_x, float focal_y,
  266.  const float2* __restrict__ points_xy_image,
  267.  const float* __restrict__ features,
  268.  const float* __restrict__ transMats,
  269.  const float* __restrict__ depths,
  270.  const float4* __restrict__ normal_opacity,
  271.  float* __restrict__ final_T,
  272.  uint32_t* __restrict__ n_contrib,
  273.  const float* __restrict__ bg_color,
  274.  float* __restrict__ out_color,
  275.  float* __restrict__ out_others)
  276. {
  277.  // Identify current tile and associated min/max pixel range.
  278.  auto block = cg::this_thread_block();
  279.  uint32_t horizontal_blocks = (W + BLOCK_X - 1) / BLOCK_X;
  280.  uint2 pix_min = { block.group_index().x * BLOCK_X, block.group_index().y * BLOCK_Y };
  281.  uint2 pix_max = { min(pix_min.x + BLOCK_X, W), min(pix_min.y + BLOCK_Y , H) };
  282.  uint2 pix = { pix_min.x + block.thread_index().x, pix_min.y + block.thread_index().y };
  283.  uint32_t pix_id = W * pix.y + pix.x;
  284.  float2 pixf = { (float)pix.x, (float)pix.y};
  285.  // Check if this thread is associated with a valid pixel or outside.
  286.  bool inside = pix.x < W&& pix.y < H;
  287.  // Done threads can help with fetching, but don't rasterize
  288.  bool done = !inside;
  289.  // Load start/end range of IDs to process in bit sorted list.
  290.  uint2 range = ranges[block.group_index().y * horizontal_blocks + block.group_index().x];
  291.  const int rounds = ((range.y - range.x + BLOCK_SIZE - 1) / BLOCK_SIZE);
  292.  int toDo = range.y - range.x;
  293.  // Allocate storage for batches of collectively fetched data.
  294.  __shared__ int collected_id[BLOCK_SIZE];
  295.  __shared__ float2 collected_xy[BLOCK_SIZE];
  296.  __shared__ float4 collected_normal_opacity[BLOCK_SIZE];
  297.  __shared__ float3 collected_Tu[BLOCK_SIZE];
  298.  __shared__ float3 collected_Tv[BLOCK_SIZE];
  299.  __shared__ float3 collected_Tw[BLOCK_SIZE];
  300.  // Initialize helper variables
  301.  float T = 1.0f;
  302.  uint32_t contributor = 0;
  303.  uint32_t last_contributor = 0;
  304.  float C[CHANNELS] = { 0 };
  305. #if RENDER_AXUTILITY
  306.  // render axutility ouput
  307.  float N[3] = {0};
  308.  float D = { 0 };
  309.  float M1 = {0};
  310.  float M2 = {0};
  311.  float distortion = {0};
  312.  float median_depth = {0};
  313.  // float median_weight = {0};
  314.  float median_contributor = {-1};
  315. #endif
  316.  // Iterate over batches until all done or range is complete
  317.  for (int i = 0; i < rounds; i++, toDo -= BLOCK_SIZE)
  318.  {
  319.   // End if entire block votes that it is done rasterizing
  320.   int num_done = __syncthreads_count(done);
  321.   if (num_done == BLOCK_SIZE)
  322.    break;
  323.   // Collectively fetch per-Gaussian data from global to shared
  324.   int progress = i * BLOCK_SIZE + block.thread_rank();
  325.   if (range.x + progress < range.y)
  326.   {
  327.    int coll_id = point_list[range.x + progress];
  328.    collected_id[block.thread_rank()] = coll_id;
  329.    collected_xy[block.thread_rank()] = points_xy_image[coll_id];
  330.    collected_normal_opacity[block.thread_rank()] = normal_opacity[coll_id];
  331.    collected_Tu[block.thread_rank()] = {transMats[9 * coll_id+0], transMats[9 * coll_id+1], transMats[9 * coll_id+2]};
  332.    collected_Tv[block.thread_rank()] = {transMats[9 * coll_id+3], transMats[9 * coll_id+4], transMats[9 * coll_id+5]};
  333.    collected_Tw[block.thread_rank()] = {transMats[9 * coll_id+6], transMats[9 * coll_id+7], transMats[9 * coll_id+8]};
  334.   }
  335.   block.sync();
  336.   // Iterate over current batch
  337.   for (int j = 0; !done && j < min(BLOCK_SIZE, toDo); j++)
  338.   {
  339.    // Keep track of current position in range
  340.    contributor++;
  341.    // Fisrt compute two homogeneous planes, See Eq. (8)
  342.    const float2 xy = collected_xy[j];
  343.    const float3 Tu = collected_Tu[j];
  344.    const float3 Tv = collected_Tv[j];
  345.    const float3 Tw = collected_Tw[j];
  346.    float3 k = pix.x * Tw - Tu;
  347.    float3 l = pix.y * Tw - Tv;
  348.    float3 p = cross(k, l);
  349.    if (p.z == 0.0continue;
  350.    float2 s = {p.x / p.z, p.y / p.z};
  351.    float rho3d = (s.x * s.x + s.y * s.y); 
  352.    float2 d = {xy.x - pixf.x, xy.y - pixf.y};
  353.    float rho2d = FilterInvSquare * (d.x * d.x + d.y * d.y); 
  354.    // compute intersection and depth
  355.    float rho = min(rho3d, rho2d);
  356.    float depth = (rho3d <= rho2d) ? (s.x * Tw.x + s.y * Tw.y) + Tw.z : Tw.z; 
  357.    if (depth < near_n) continue;
  358.    float4 nor_o = collected_normal_opacity[j];
  359.    float normal[3] = {nor_o.x, nor_o.y, nor_o.z};
  360.    float opa = nor_o.w;
  361.    float power = -0.5f * rho;
  362.    if (power > 0.0f)
  363.     continue;
  364.    // Eq. (2) from 3D Gaussian splatting paper.
  365.    // Obtain alpha by multiplying with Gaussian opacity
  366.    // and its exponential falloff from mean.
  367.    // Avoid numerical instabilities (see paper appendix). 
  368.    float alpha = min(0.99f, opa * exp(power));
  369.    if (alpha < 1.0f / 255.0f)
  370.     continue;
  371.    float test_T = T * (1 - alpha);
  372.    if (test_T < 0.0001f)
  373.    {
  374.     done = true;
  375.     continue;
  376.    }
  377.    float w = alpha * T;
  378. #if RENDER_AXUTILITY
  379.    // Render depth distortion map
  380.    // Efficient implementation of distortion loss, see 2DGS' paper appendix.
  381.    float A = 1-T;
  382.    float m = far_n / (far_n - near_n) * (1 - near_n / depth);
  383.    distortion += (m * m * A + M2 - 2 * m * M1) * w;
  384.    D  += depth * w;
  385.    M1 += m * w;
  386.    M2 += m * m * w;
  387.    if (T > 0.5) {
  388.     median_depth = depth;
  389.     // median_weight = w;
  390.     median_contributor = contributor;
  391.    }
  392.    // Render normal map
  393.    for (int ch=0; ch<3; ch++) N[ch] += normal[ch] * w;
  394. #endif
  395.    // Eq. (3) from 3D Gaussian splatting paper.
  396.    for (int ch = 0; ch < CHANNELS; ch++)
  397.     C[ch] += features[collected_id[j] * CHANNELS + ch] * w;
  398.    T = test_T;
  399.    // Keep track of last range entry to update this
  400.    // pixel.
  401.    last_contributor = contributor;
  402.   }
  403.  }
  404.  // All threads that treat valid pixel write out their final
  405.  // rendering data to the frame and auxiliary buffers.
  406.  if (inside)
  407.  {
  408.   final_T[pix_id] = T;
  409.   n_contrib[pix_id] = last_contributor;
  410.   for (int ch = 0; ch < CHANNELS; ch++)
  411.    out_color[ch * H * W + pix_id] = C[ch] + T * bg_color[ch];
  412. #if RENDER_AXUTILITY
  413.   n_contrib[pix_id + H * W] = median_contributor;
  414.   final_T[pix_id + H * W] = M1;
  415.   final_T[pix_id + 2 * H * W] = M2;
  416.   out_others[pix_id + DEPTH_OFFSET * H * W] = D;
  417.   out_others[pix_id + ALPHA_OFFSET * H * W] = 1 - T;
  418.   for (int ch=0; ch<3; ch++) out_others[pix_id + (NORMAL_OFFSET+ch) * H * W] = N[ch];
  419.   out_others[pix_id + MIDDEPTH_OFFSET * H * W] = median_depth;
  420.   out_others[pix_id + DISTORTION_OFFSET * H * W] = distortion;
  421.   // out_others[pix_id + MEDIAN_WEIGHT_OFFSET * H * W] = median_weight;
  422. #endif
  423.  }
  424. }
  425. void FORWARD::render(
  426.  const dim3 grid, dim3 block,
  427.  const uint2* ranges,
  428.  const uint32_t* point_list,
  429.  int W, int H,
  430.  float focal_x, float focal_y,
  431.  const float2* means2D,
  432.  const float* colors,
  433.  const float* transMats,
  434.  const float* depths,
  435.  const float4* normal_opacity,
  436.  float* final_T,
  437.  uint32_t* n_contrib,
  438.  const float* bg_color,
  439.  float* out_color,
  440.  float* out_others)
  441. {
  442.  renderCUDA<NUM_CHANNELS> << <grid, block >> > (
  443.   ranges,
  444.   point_list,
  445.   W, H,
  446.   focal_x, focal_y,
  447.   means2D,
  448.   colors,
  449.   transMats,
  450.   depths,
  451.   normal_opacity,
  452.   final_T,
  453.   n_contrib,
  454.   bg_color,
  455.   out_color,
  456.   out_others);
  457. }
  458. void FORWARD::preprocess(int P, int D, int M,
  459.  const float* means3D,
  460.  const glm::vec2* scales,
  461.  const float scale_modifier,
  462.  const glm::vec4* rotations,
  463.  const float* opacities,
  464.  const float* shs,
  465.  bool* clamped,
  466.  const float* transMat_precomp,
  467.  const float* colors_precomp,
  468.  const float* viewmatrix,
  469.  const float* projmatrix,
  470.  const glm::vec3* cam_pos,
  471.  const int W, const int H,
  472.  const float focal_x, const float focal_y,
  473.  const float tan_fovx, const float tan_fovy,
  474.  int* radii,
  475.  float2* means2D,
  476.  float* depths,
  477.  float* transMats,
  478.  float* rgb,
  479.  float4* normal_opacity,
  480.  const dim3 grid,
  481.  uint32_t* tiles_touched,
  482.  bool prefiltered)
  483. {
  484.  preprocessCUDA<NUM_CHANNELS> << <(P + 255) / 256256 >> > (
  485.   P, D, M,
  486.   means3D,
  487.   scales,
  488.   scale_modifier,
  489.   rotations,
  490.   opacities,
  491.   shs,
  492.   clamped,
  493.   transMat_precomp,
  494.   colors_precomp,
  495.   viewmatrix, 
  496.   projmatrix,
  497.   cam_pos,
  498.   W, H,
  499.   tan_fovx, tan_fovy,
  500.   focal_x, focal_y,
  501.   radii,
  502.   means2D,
  503.   depths,
  504.   transMats,
  505.   rgb,
  506.   normal_opacity,
  507.   grid,
  508.   tiles_touched,
  509.   prefiltered
  510.   );
  511. }

代码+注释下载

所有的注释,我基本上对应了原文中,进行了标注。我打包后已经上传到CSDN平台和百度云平台,供大家下载查看。后续我会更新一下VastGaussian、GaussianPRO以及4DGS等环节,欢迎大家关注我。

请注意,我上传的版本,是带有查看器的版本。其中,diff-surfel-rasterization和simple-knn我都是安装好了的。所有运行方式请查看2DGS的Github代码主页。

CSDN版本(不带数据集):

404
download.csdn.net/download/m0_57628341/89537380

百度云盘链接(带DTU数据集):

百度云下载地址
pan.baidu.com/s/11MDbtQ9KKAm0Pr1GE9Mtug?pwd=lazp
密码:lazp

投稿作者为『自动驾驶之心知识星球』特邀嘉宾,欢迎加入交流!重磅,自动驾驶之心科研论文辅导来啦,申博、CCF系列、SCI、EI、毕业论文、比赛辅导等多个方向,欢迎联系我们!

0d510236ea816b7999efec97dc14b314.jpeg

① 全网独家视频课程

BEV感知、BEV模型部署、BEV目标跟踪、毫米波雷达视觉融合多传感器标定多传感器融合多模态3D目标检测车道线检测轨迹预测在线高精地图世界模型点云3D目标检测目标跟踪Occupancy、cuda与TensorRT模型部署大模型与自动驾驶Nerf语义分割自动驾驶仿真、传感器部署、决策规划、轨迹预测等多个方向学习视频(扫码即可学习

b58301c5bc7bb54f0f07943347727689.png

网页端官网:www.zdjszx.com

② 国内首个自动驾驶学习社区

国内最大最专业,近3000人的交流社区,已得到大多数自动驾驶公司的认可!涉及30+自动驾驶技术栈学习路线,从0到一带你入门自动驾驶感知2D/3D检测、语义分割、车道线、BEV感知、Occupancy、多传感器融合、多传感器标定、目标跟踪)、自动驾驶定位建图SLAM、高精地图、局部在线地图)、自动驾驶规划控制/轨迹预测等领域技术方案大模型、端到端等,更有行业动态和岗位发布!欢迎扫描下方二维码,加入自动驾驶之心知识星球,这是一个真正有干货的地方,与领域大佬交流入门、学习、工作、跳槽上的各类难题,日常分享论文+代码+视频

4aded1a04d043d2d7fe8f468078f4f57.png

③【自动驾驶之心】技术交流群

自动驾驶之心是首个自动驾驶开发者社区,聚焦感知、定位、融合、规控、标定、端到端、仿真、产品经理、自动驾驶开发、自动标注与数据闭环多个方向,目前近60+技术交流群,欢迎加入!扫码添加汽车人助理微信邀请入群,备注:学校/公司+方向+昵称(快速入群方式)

55ab2a02175291db33b59580f3b1515f.jpeg

④【自动驾驶之心】全平台矩阵

4bbaf03b945274470e2f285406b661f1.png

声明:本文内容由网友自发贡献,不代表【wpsshop博客】立场,版权归原作者所有,本站不承担相应法律责任。如您发现有侵权的内容,请联系我们。转载请注明出处:https://www.wpsshop.cn/w/繁依Fanyi0/article/detail/904545
推荐阅读
相关标签
  

闽ICP备14008679号