PyTorch
文章平均质量分 59
pytorch深度学习相关
3D_DLW
这个作者很懒,什么都没留下…
展开
专栏收录文章
- 默认排序
- 最新发布
- 最早发布
- 最多阅读
- 最少阅读
-
在CUDA12.4下构建pointcept运行环境
CUDA12.4下构建Pointcept运行环境,避坑指南。原创 2025-01-08 22:26:09 · 974 阅读 · 0 评论 -
整理Ubuntu深度学习服务器初始化操作
这两年总是换服务器,每次配置都挺麻烦的要搜一堆东西,干脆直接整理一下供自己以后参考。原创 2022-12-01 20:13:15 · 1606 阅读 · 0 评论 -
PointTransformer编译pointops_cuda报错fatal error: THC/THC.h: No such file or directory
尝试运行PointTransformer代码, 编译pointops_cuda的时候报错原创 2022-11-27 20:34:27 · 6409 阅读 · 13 评论 -
mmDetection mmSegmentation 使用不同的学习率下降策略
mmcv / mmDetection / mmSegmentation 的官方文档讲的很粗略(2022-04-23), 故写一篇来总结用法。注: 举例的迭代方式为iter, 使用epoch的话其实是一样的。原创 2022-04-23 16:11:37 · 1427 阅读 · 0 评论 -
mmSegmentation 支持输入多波段图像 并使用随机窗口采样
前言我需要使用mmSeg做遥感图像分割, 输入的图像有17个波段, 已经将数据转换成npy格式; 标签图像为png格式。一张图像的大小约为512x512, 共约40张影像。由于数据量较少, 因此希望输入的数据为随机增强裁剪的大小为128x128的图像, 以最大程度利用数据增强的功能。配置文件基于ISPRSDataset-Vaihingen(configs/_base_/datasets/vaihingen.py)修改而来, mmSeg中对遥感影像处理方式就是直接裁切(tools/convert_dat原创 2022-04-22 01:50:58 · 2667 阅读 · 9 评论 -
mmSegmentation 自定义验证钩子(eval_hooks)
前言mmSegmentation 中的验证流程不满足需求, 因此自定义验证流程。验证流程在 config 文件中配置如下, 属于 schedule 配置。evaluation = dict(interval=16000, metric='mIoU', pre_eval=True) # 每 16000 个迭代周期进行一次评估,评估指标为 mIoU每当 interval 个 iter 训练完成后, 启用一次 evaluation。版本信息mmcv 1.4.8mmsegmentation 0.2原创 2022-04-22 01:30:03 · 1369 阅读 · 0 评论 -
复现 DemystifyLocalViT Segmentation
本文记录复现 DemystifyLocalViT 在图像语义分割中的应用过程。原创 2022-04-18 17:29:26 · 1384 阅读 · 0 评论 -
pytorch数值溢出的几种原因
错误信息一般的错误表述如下:xxx.py:xxx: RuntimeWarning: overflow encountered in reducexxx.py:xxx: RuntimeWarning: invalid value encountered in true_divide...xxx.cu:xxx: block: [xxx,0,0], thread: [0,0,0] Assertion `input_val >= zero && input_val <= xxx原创 2021-11-11 11:35:52 · 9564 阅读 · 3 评论 -
RuntimeError: cuda runtime error (801) : operation not supported at ..
错误信息THCudaCheck FAIL file=..\torch/csrc/THCudaChgeneck FAeric/StoragITHL Cuefile=Sha.da.\rCinhtoregcch.k cpp /csrcline=24F/gAI9 errL file=oe..\tor=nr801 : eoric/Stopch/ceration not susrcpporte/genderic/StorageSharing.cpp rageSharing.cpp line=249 error=80原创 2021-11-08 23:10:55 · 3997 阅读 · 2 评论 -
pytorch 自定义 Dataset 出现错误 NotImplementedError: Variable is not picklable
参考: https://github.com/pytorch/vision/issues/689报错信息Traceback (most recent call last): File "G:/EddyPredict/train.py", line 108, in <module> for batch in training_loader: File "D:\Miniconda3\envs\dl\lib\site-packages\torch\utils\data\data.原创 2021-11-04 10:19:33 · 1735 阅读 · 0 评论 -
记录一次 NaN in Loss 的解决过程
前言训练的模型经常数十个epoch后Loss中出现NaN,困扰了很久终于解决了,记录一下。检测我通常会在计算loss.backward()后optimizer.step()前,添加条件判断是否出现NaN:if loss != loss: raise Exception('NaN in loss, crack!')定位输出参数和梯度同样放在loss.backward()后optimizer.step()前。用于打印网络所有层参数和梯度的最大和最小值,仅在Debug时使用:# pri原创 2021-08-08 10:37:33 · 7091 阅读 · 0 评论 -
pytorch BatchNorm1d 输入二维和三维数据的区别
在阅读KPConv-PyTorch源码时,发现其对torch.nn.BatchNorm1d进行了封装。class BatchNormBlock(nn.Module): def __init__(self, in_dim, use_bn, bn_momentum): """ Initialize a batch normalization block. If network does not use batch normalization, replace with原创 2021-07-19 19:21:59 · 4027 阅读 · 0 评论 -
pytorch DataParallel 数据对象分割问题
报错信息:RuntimeError: Expected all tensors to be on the same device, but found at least two devices, cuda:0 and cuda:1!问题原因:传入模型的数据格式为对象(object),原创 2021-06-16 16:25:16 · 1690 阅读 · 0 评论 -
使用Colab进行点云语义分割模型训练
前言由于Colab免费版的内存过小,本文基于Colab Pro运行。使用代码https://github.com/DLW3D/point_edg由https://github.com/yanx27/Pointnet_Pointnet2_pytorch修改而来。可以直接使用Colab记事本打开。运行步骤Colab准备加载硬盘,用于储存模型。from google.colab import drivedrive.mount('/content/drive')查看版本!python --ve原创 2021-06-11 16:29:55 · 1086 阅读 · 2 评论 -
pytorch 批标准化模块 torch.nn.BatchNorm1d
官方文档: https://pytorch.org/docs/stable/generated/torch.nn.BatchNorm1d.htmlclass torch.nn.BatchNorm1d(num_features, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)输入: (N,C) 或 (N,C,L)输出: (N,C) 或 (N,C,L) (与输入相同的形状)参数:num_features:.原创 2021-02-16 03:04:12 · 1484 阅读 · 0 评论
分享