
pytorch
文章平均质量分 61
三寸光阴___
这个作者很懒,什么都没留下…
展开
-
HRNet-Semantic-Segmentation图像,视频推理
源码:https://github.com/HRNet/HRNet-Semantic-Segmentation/,我用的是pytorchv1.1分支。这么好的项目居然没有inference代码,于是自己整理了一个简单的demo。jit和onnx model导出jit模型需要torch>=1.8import torchimport torchvisionimport argparseimport _init_pathsfrom config import configfrom conf原创 2021-06-10 20:22:42 · 1166 阅读 · 0 评论 -
pytorch量化方法总结
参考文章:https://zhuanlan.zhihu.com/p/144025236https://zhuanlan.zhihu.com/p/352060808https://pytorch.apachecn.org/docs/1.4/88.html量化方法Post Training Dynamic Quantization:这是最简单的一种量化方法,Post Training指的是在浮点模型训练收敛之后进行量化操作,其中weight被提前量化,而activation在前向推理过程中被动态量原创 2021-05-07 20:45:21 · 6387 阅读 · 0 评论 -
DoreFa-Net低bit量化学习
参考文章:https://zhuanlan.zhihu.com/p/163707781tensorflow实现:https://github.com/tensorpack/tensorpack/tree/master/examples/DoReFa-Netpytorch实现:https://github.com/666DZY666/model-compression原创 2020-09-29 18:08:38 · 524 阅读 · 0 评论 -
pytorch Resnet50分类模型剪枝
Resnet50网络结构:https://www.jianshu.com/p/993c03c22d52剪枝方式1.基于network-slimming论文的方法:pytorch版代码:https://github.com/Eric-mingjie/network-slimming思路:去掉downsample里面的BN层,为了方便采用Resnetv2的结构:BN-Conv-ReLU,在每一个bottleneck的第一个BN后自定义一个通道选择层(全1层),训练过程中不影响,剪枝时先生成BN的通道ma原创 2020-07-29 18:25:00 · 7017 阅读 · 30 评论 -
C++调用pytorch模型,libtorch ubuntu/windows配置
参考博客:https://blog.youkuaiyun.com/tlzhatao/article/details/86555269?depth_1-utm_source=distribute.pc_relevant.none-task&utm_source=distribute.pc_relevant.none-task将PyTorch模型转化为Torch Script的两种方法tracing...原创 2020-03-09 17:17:24 · 865 阅读 · 0 评论 -
ubuntu tensorRT5.1.5.0 sample yolov3转onnx转trt,pytorch转onnx转trt推理
tensorRT5.1.5.0安装官网安装并解压:https://developer.nvidia.com/nvidia-tensorrt-5x-download添加环境变量:export LD_LIBRARY_PATH=$LD_LIBRARY_PATH:/home/wxy/TensorRT-5.1.5.0/libpip安装python版本,装在你的python环境下cd Tensor...原创 2020-02-29 14:13:51 · 2032 阅读 · 0 评论 -
RetinaFace Pytorch实现训练、测试,pytorch模型转onnx转ncnn C++推理
首先感谢大佬的开源:RetinaFace Pytorch:https://github.com/biubug6/Pytorch_Retinafacepytorch转onnx转ncnn C++推理:https://github.com/biubug6/Face-Detector-1MB-with-landmarkRetinaFace Pytorch训练和评估直接看github项目里的就可以了...原创 2020-02-21 21:30:13 · 4645 阅读 · 3 评论 -
阿里巴巴优酷视频增强和超分辨率挑战赛记录
之前做过超分辨率,刚好有这个比赛,拿来记录一下,截止目前初赛,score=40.22,排名46。数据官方给的txt,用于获取:y4m 格式介绍:https://wiki.multimedia.cx/index.php/YUV4MPEG2y4m 与 yuv(yuv420 8bit planar) 互转命令: y4mtoyuv: ffmpeg -i xx.y4m -vsync 0 xx...原创 2019-06-24 16:02:39 · 1459 阅读 · 4 评论 -
最新语义分割算法MS R-CNN、YOLACT小结
Mask Scoring R-CNN论文:https://arxiv.org/abs/1903.00241GitHub地址:https://github.com/zjhuang22/maskscoring_rcnnYOLACT论文:https://arxiv.org/abs/1904.02689GitHub地址: https://github.com/dbolya/yolact自己先简单做...原创 2019-05-16 11:12:36 · 7832 阅读 · 4 评论 -
基于深度学习的目标跟踪(Yolov3+deepsort)
最近有个计数的项目刚好可以用到目标跟踪,先跑通测试一下,感觉还不错。项目代码在这里。主要参考的是一下两个项目改的:deep_sort:https://github.com/nwojke/deep_sortkeras-yolov 3:https://github.com/qqwweee/keras-yolo3先下载这个项目:https://github.com/Qidian213/deep_...原创 2019-04-22 17:54:02 · 28002 阅读 · 54 评论 -
ECCV2018 | 论文阅读CornerNet: Detecting Objects as Paired Keypoints
本文转自:https://blog.youkuaiyun.com/LLyj_/article/details/88900615 CornerNet论文阅读——CornerNet: Detecting Objects as Paired Keypoints文章目录CornerNet论文阅读——Corne...转载 2019-04-25 21:35:17 · 740 阅读 · 0 评论 -
目标检测yolo v1-v5总结
yolo v1这篇文章写的已经很好了,拿来做个笔记。核心步骤1.算法首先把输入图像划分成SS的格子,然后对每个格子都预测B个bounding boxes,每个bounding box都包含5个预测值:x,y,w,h和confidence。x,y就是bounding box的中心坐标,与grid cell对齐(即相对于当前grid cell的偏移值),使得范围变成0到1;w和h进行归一化(分别...原创 2019-04-15 17:49:35 · 3746 阅读 · 5 评论 -
pytorch框架使用小结
pytorch框架已经使用一段时间了,做个小结建立模型的几种方法:1.直接建立import torchimport torch.nn.functional as Fclass Net1(torch.nn.Module): def __init__(self): super(Net1, self).__init__() self.conv1 = t...原创 2019-03-29 16:13:53 · 644 阅读 · 0 评论