深度学习在图像处理中的应用学习笔记

这篇学习笔记用于记录本人在读研期间的学习内容
在刚入学不久,发现一个B站up主对这方面进行了一系列的整理+总结,并上传了代码,并且非常成体系
因此本人打算跟着这位up主的步骤,对这方面进行学习并且做一个记录,同时也会写下自己一些心得,后续也会不断的更新博客内容,打算这里放链接,编辑的内容放在博客园。
在此放上up主的链接(点我)以及GitHub链接
在这里插入图片描述

大致内容分为图像分类,目标检测,语义分割,实例分割以及关键点检测几个内容

所需环境

这篇所涉及的项目都使用Pytorch完成

  • Anaconda3(建议使用)
  • python=3.6/3.7/3.8
  • pycharm (IDE)
  • pytorch=1.11.0 (pip package)
  • torchvision=0.12.0 (pip package)
  • cudatoolkit=11.3(pip下载pytorch时)
conda install pytorch==1.11.0 torchvision=0.12.0 cudatoolkit=11.3 -c pytorch `

插一块验证pytorch是否安装好的代码

import torch
a = torch.cuda.is_available()
print(a)
ngpu= 1
device = torch.device("cuda:0" if (torch.cuda.is_available() and ngpu > 0) else "cpu")
print(device)
print(torch.cuda.get_device_name(0))
print(torch.rand(3,3).cuda())

运行后的结果
在这里插入图片描述

图像分类

图像分类都采用5类花的分类
在这里插入图片描述

LeNet

1998年
论文:《Gradient-Based Learning Applied to Document Recognition》
应用:PyTorch复现LeNet-5学习笔记

AlexNet

2012年
论文:《ImageNet Classification with Deep Convolutional Neural Networks》
应用:PyTorch复现AlexNet学习笔记

VGG

2015年
论文:《VERY DEEP CONVOLUTIONAL NETWORKS FOR LARGE-SCALE IMAGE RECOGNITION》
应用:PyTorch复现VGG学习笔记

GoogLeNet

inception-v1

2015年
论文:《Going Deeper with Convolutions》
应用:PyTorch复现GoogleNet学习笔记
inception-v2
2015年
论文:《Batch Normalization: Accelerating Deep Network Training by Reducing Internal Covariate Shift》
应用:以后补上
inception-v3
2015年
论文:《Rethinking the Inception Architecture for Computer Vision》
应用:
inception-v4
2016年
论文:《Inception-v4, Inception-ResNet and the Impact of Residual Connections on Learning》
应用:

ResNet

2015年
论文:《Deep Residual Learning for Image Recognition》
应用:PyTorch复现ResNet学习笔记

注意:之后这篇博客只用来记录完成的进度,学习笔记就先不写了

ResNeXt

2017 IEEE.CVPR
论文:《Aggregated Residual Transformations for Deep Neural Networks》
应用:PyTorch复现ResNeXt √
--------------------------------------2023.1.2(到目前完成的)----------------------------------------

MobilNet

v1

2017.4.17
论文:《MobileNets: Efficient Convolutional Neural Networks for Mobile Vision
Applications》

v2

2018 IEEE.CVPR
论文:《MobileNetV2: Inverted Residuals and Linear Bottleneck》
应用:PyTorch复现MobilNet_v2√

v3

2019.11.20
论文:《Searching for MobileNetV3》
应用:PyTorch复现MobilNet_v3√

ShuffleNet

v1

2017.12.7
论文:《ShuffleNet: An Extremely Efficient Convolutional Neural Network for Mobile
Devices》

v2

2018.7.30
论文:《ShuffleNet V2: Practical Guidelines for Efficient CNN Architecture Design》
应用:PyTorch复现ShuffleNet_v2√

Transfomer

2017.12.6
论文:《Attention Is All You Nee》

EfficientNet

v1

2019.9.11 CVPR
论文:《EfficientNet: Rethinking Model Scaling for Convolutional Neural Networks》
应用:PyTorch复现EfficientNet_v1√

v2

2021.6.23 2021.CVPR
论文:《EfficientNetV2: Smaller Models and Faster Training》
应用:PyTorch复现EfficientNet_v2√

RepVGG

2021.5.29 CVPR
论文:《RepVGG: Making VGG-style ConvNets Great Again》
应用:PyTorch复现RepVGG√

Vsion Transformer

2021.6.3 ICLR
论文:《AN IMAGE IS WORTH 16X16 WORDS: TRANSFORMERS FOR IMAGE RECOGNITION AT SCALE》
应用:PyTorch复现Vsion Transformer√

Swin Transformer

2021.8.17 ICCV
论文:《Swin Transformer: Hierarchical Vision Transformer using Shifted Windows》
应用:PyTorch复现Swin Transformer√

ConvNeXt

2022.5.2 CVPR
论文:《A ConvNet for the 2020s》
应用:PyTorch复现ConvNeXt√

--------------------------------------2023.3.15(到目前完成的----------------------------------------

MobileViT

2022.ICLR
论文:《MOBILEVIT: LIGHT-WEIGHT, GENERAL-PURPOSE,AND MOBILE-FRIENDLY VISION TRANSFORMER》
应用:PyTorch复现MobileViT √

目标检测

数据集:
训练集:PASCALVOC-2012train(5717)
测试集:PASCALVOC-2012val(5823)

R-CNN

2014.CVPR
论文:《Rich feature hierarchies for accurate object detection and semantic segmentation》

Fast R-CNN

2015.ICCV
论文:《Fast R-CNN》

Faster R-CNN

2016.CVPR
论文:《Faster R-CNN: Towards Real-Time Object Detection with Region Proposal Networks》
复现:resnet50-fpn,换backbone √

FPN

2017.IEEE
论文:《Feature Pyramid Networks for Object Detection》
复现:应用于Faster R-CNN √

--------------------------------------2023.4.20(到目前完成的)----------------------------------------

SSD

2016 ECCV
论文:《SSD: Single Shot MultiBox Detector》
复现:resnet50为backbone√

RetiNet

2017 CVPR
论文:《Focal Loss for Dense Object Detection》
复现:PyTorch复现RetiNet √

Fcos

2019 CVPR
论文:《FCOS: A Simple and Strong Anchor-free Object Detector》
复现:PyTorch复现Fcos √

YOLO系列

v1

2016 CVPR
论文:《You Only Look Once:Unified, Real-Time Object Detection》

v2

2017 CVPR
论文:《YOLO9000:Better, Faster, Stronger》

v3

2018 CVPR
论文:《YOLOv3: An Incremental Improvement》
复现:yolov3-spp√

v4

2020 CVPR
论文:《YOLOv4: Optimal Speed and Accuracy of Object Detection》
复现:yolov4√

v5

论文:无论文
复现:yolov5√
--------------------------------------2023.6.9(到目前完成的)----------------------------------------

X

2021 CVPR
论文:《YOLOX: Exceeding YOLO Series in 2021》
复现:yolovx√

v6

2022.9.7 CVPR
论文:《YOLOv6: A Single-Stage Object Detection Framework for Industrial Applications》
复现:yolov6(mmyolo框架)√

v7

2022.7.6 CVPR
论文:《YOLOv7: Trainable bag-of-freebies sets new state-of-the-art for real-time object detectors》
复现:yolov7√

v8

2023.1.10 代码开源
论文:无
复现:yolov8(mmyolo)√

YOLO综述

2023.6.12 CVPR
论文:《A COMPREHENSIVE REVIEW OF YOLO: FROM YOLOV1 AND BEYOND》
--------------------------------------2023.7.10(到目前完成的)----------------------------------------

  • 2
    点赞
  • 4
    收藏
    觉得还不错? 一键收藏
  • 4
    评论

“相关推荐”对你有帮助么?

  • 非常没帮助
  • 没帮助
  • 一般
  • 有帮助
  • 非常有帮助
提交
评论 4
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包
实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值