
GoAI
2023/03/19阅读:20主题:全栈蓝
深度学习系列资料总结(二)

❝👨💻「作者简介:」 大数据专业硕士在读,CSDN人工智能领域博客专家,阿里云专家博主,专注大数据与人工智能知识分享。「公众号:」 GoAI的学习小屋,免费分享书籍、简历、导图等资料,更有交流群分享AI和大数据,加群方式公众号回复“加群”或➡️点击链接。
🎉「专栏推荐:」 目前在写一个CV方向专栏,后期会更新不限于目标检测、OCR、图像分类、图像分割等方向,目前活动仅19.9,虽然付费但会长期更新且价格便宜,感兴趣的小伙伴可以关注下,有擅长CV的大佬可以联系我合作一起写。➡️专栏地址
🎉「学习者福利:」 强烈推荐一个优秀AI学习网站,包括机器学习、深度学习等理论与实战教程,非常适合AI学习者。➡️网站链接。
🎉「技术控福利:」 程序员兼职社区招募!技术范围广,CV、NLP方向均可,要求有一定基础,最好是研究生及以上或有工作经验,欢迎大佬加入!群内Python、c++、Matlab等各类编程语言单应有尽有, 资源靠谱、费用自谈,有意向者直接➡️访问。
❞
深度学习系列最全资料总结
❝「说明:本系列深度学习资料集合包含机器学习、深度学习等各系列教程,主要以计算机视觉资料为主,包括图像识别、分类、检测、分割等,内容参考Github及网络资源,仅供个人学习。侵权联系删除!」
❞
深度学习基础
基础教程
-
机器学习与深度学习基础概念介绍 link
-
怎样写一个深度学习框架 link
-
深度学习算法地图 link
-
卷积神经网络的感受野 link
-
「深」为什么重要,以及还有什么深的网络 link
-
深度学习入门之激活层及其选择的建议 link
-
深度学习如何优化神经网络结构|架构 link
-
深度学习“科学炼丹”手册 link
-
「深度学习训练tricks整理 数据增强等技巧」 link
-
pytorch图卷积库 github
-
AI模型序列化总结 github
-
AiLearning 传统机器学习的讲解、分析和代码github
-
CNN真的需要下采样(上采样)吗? link
-
构建深度神经网络,我有20条「不成熟」的小建议 link
-
feature map 相加和拼接的不同 link
-
你有哪些deep learning(rnn、cnn)调参的经验? link
官方文档类
-
numpy-ml github -
AI实战-practicalAI 中文版 github -
TensorFlow 2.0 Tutorials github -
PaddlePaddle V2教程 github -
深度学习课程(第四梯)所设计的课程实作 github -
TensorFlow 内核剖析 github -
各类算法综述 github
综述类文章
-
目标检测的综述 link
-
常见的模型算法评估指标 link
-
GAN万字长文综述 link
-
神经网络压缩综述 link
-
细粒度图像分析综述 link
-
人脸识别损失函数综述 link
-
OCR papernote github
-
图像分割综述 link
-
图像内容鉴黄算法综述 link
-
AI技术三大应用领域:智能医疗、自动驾驶、智慧营销产业发展现状分析 link
-
深度学习模型在各大公司实际生产环境的应用讲解文章 github
-
论文与代码
-
论文代码合集 github -
CVPR 2021 论文和开源项目合集(Papers with Code) github -
深度学习 论文解读 CV_PaperDaily github -
发布研究论文代码技巧 github
深度学习模型
-
项目地址:https://github.com/SnailTyan/deep-learning-papers-translation
图像分类 Image Classification
经典网络模型
-
AlexNet
ImageNet Classification with Deep Convolutional Neural Networks 中文版 中英文对照 -
VGG
Very Deep Convolutional Networks for Large-Scale Image Recognition 中文版 中英文对照 -
ResNet
Deep Residual Learning for Image Recognition 中文版 中英文对照 -
GoogLeNet
Going Deeper With Convolutions 中文版 中英文对照 -
BN-GoogLeNet
Batch Normalization: Accelerating Deep Network Training by Reducing Internal Covariate Shift 中文版 中英文对照 -
Inception-v3
Rethinking the Inception Architecture for Computer Vision 中文版 中英文对照 -
Transformers
-
Vision Transformer link -
SETR:基于Transformer的语义分割 link -
End-to-End Object Detection with Transformers link -
Tokens-to-Token ViT: Training Vision Transformers from Scratch on ImageNet github -
vision-transformer-pytorch -
如何简单高效地加速基于BERT的序列标注模型?细粒度早退机制可能会优于模型蒸馏 link -
当Transformer遇见U-Net! link
轻量网络
Mobile
-
轻量级卷积神经网络的设计技巧 link
-
MixNet-Pytorch github
-
-
ShuffleNet 官方开源github
-
为什么MobileNet及其变体如此之快 github
-
dabnn 二值网络 github
-
神经网络量化简介 github
-
手机端高性能卷积神经网络推理引擎概览 github
蒸馏 剪枝 量化
-
模型加速概述与模型裁剪算法技术解析 link -
Tensorflow模型量化(Quantization)原理及其实现方法 link -
基于Pytorch的卷积神经网络剪枝 link -
用FPGA加速卷积神经网络CNN运算 github -
模型压缩 link -
神经网络量化简介 link -
模型转换、模型压缩工具汇总 link -
模型压缩总览 link -
AIMET是一个为经过训练的神经网络模型提供高级量化和压缩技术的库 github -
Pytorch实现卷积神经网络训练量 link -
深入了解NNIE量化技术 link -
Knowledge Distillation知识蒸馏简单实现 link -
神经网络量化入门--量化感知训练 github -
EagleEye:一种用模型剪枝的快速衡量子网络性能的方法 link
激活函数与优化函数
学习参考(强推):link
损失函数
-
损失函数技术总结 link
-
根据标签分布来选择损失函数 link
-
深度学习多目标优化的多个loss应该如何权衡 link
-
归一化方法总结 link
-
Kaggle图像分割比赛中的损失函数及keras实现 link
-
11个重要的机器学习模型评估指标 link
-
IQA-optimization 图像质量的损失函数 github
-
regression-losses-pytorch github
-
分类回归损失函数汇总 link
-
Learned Perceptual Image Patch Similarity (LPIPS) metric github
-
超分损失函数小结 link
-
DataGene - 识别数据集之间的相似度 github
-
-
FAT:一种快速的Triplet Loss近似方法,学习更鲁棒的特征表示,并进行有噪声标签的提纯 link github
-
用于医学图像分割的损失函数 link
-
目标检测回归损失函数简介:SmoothL1/IoU/GIoU/DIoU/CIoU Loss [link]
分类
-
CNN模型合集 link
-
分类实现合集 pytorch github
-
让CNN有了平移不变性 link
-
lottery-ticket-hypothesis github
-
pytorch_image_classification github
-
deeplearning-modelsgithub
-
EfficientNets-PyTorch 2019 github
-
ML_GCN PyTorch implementation of Multi-Label Image Recognition with Graph Convolutional Networks, CVPR 2019 github
-
pytorch_highway_networks github
-
推崇的CNN架构 link
-
图卷积网络Numpy实现 link
-
PeleeNet-基于手机系统的实时网络 link
-
TResNet: High Performance GPU-Dedicated Architecture github
-
ResNeSt 李沐团队提出最强ResNet改进版,多项任务达到SOTA github
-
SCNet - PyTorch官方实现CVPR 2020论文“使用自校准卷积改进卷积网络” github
-
SimCLR 对比学习得到一个好的视觉预训练模型 link
-
SimCLR框架的理解和代码实现以及代码讲解 link
-
RepVGG 2021 link
深度学习框架
Tensorflow
-
《30天吃掉那只 TensorFlow2.0 》开篇辞 github
pytorch
github nightly torch_stable pytorch_lightning
-
《动手学深度学习》(Dive into Deep Learning)PyTorch github -
eat_pytorch_in_20_days eat_pytorch_in_20_days -
pytorch-inference github -
Pytorch 学习流程汇总 link -
PyTorch 官方中文教程 github -
在PyTorch中实现的语义分割模型,数据集和损失 github -
Fast-Pytorch github -
《动手学深度学习》例子的PyTorch实现 github -
9大主题卷积神经网络(CNN)的PyTorch实现 github -
PyTorch-Models github -
pytorch-image-models Pytorch Image Models (rwightman.github.io) -
如何将其他框架训练模型导入到pytorch中 link link2 -
torchcv github -
Pytorch之contiguous函数 link -
Awesome-Pytorch-list github -
一组有关pytorch功能的Jupyter笔记本和示例 github -
pytorch 小技巧 -
pytorch-memonger 减少内存 github -
具有SOTA实时性能和预先训练的权重的EfficientDet官方pytorch重现 github -
Pytorch的4种并行训练方法(单机多卡) github -
PyTorch的深度学习项目模板(支持分布式学习) github -
使用PyTorch手写代码从头构建LSTM,更深入的理解其工作原理 github
Paddlepaddle
-
基于PaddlePaddle的高性能对象检测和人脸检测工具包 github -
PaddleSlim
ONNX
tensorRT
-
Pytorch通过保存为ONNX模型转TensorRT5 link -
onnx-tensorrt github -
PyTorch转TensorRT流程 link -
windows环境下安装TensorRT 5.0教程(win10) link -
TensorRT-7 Network Lib 包括常用目标检测、关键点检测、人脸检测、OCR等 github
其他框架
工具类
绘图工具
-
画网络图等tensorwatch link github -
教程 | 如何使用Keras、Redis、Flask和Apache把深度学习模型部署到生产环境? link -
pytorch可视化 github -
FlashTorch 特征可视化 link -
画卷积网络 github -
netron 网络结构图显示 github -
画图工具 github -
netron 查看网络工具 github -
Model Zoo link -
神经网络模型图示 github -
combo:「Python机器学习模型合并工具库」 github
数据工具
-
labelImg github -
modelsummary github -
pytorch-experiments-template github -
m2cgen Transform ML models into a native code (Java, C, Python, etc.) with zero dependencies github -
PyTorch工具、最佳实践、代码风格指南 github -
FLAT - 人脸特征点标注工具 github -
把Caffe的模型转换为Pytorch模型 link 13.Torchcam: PyTorch模型类激活图浏览器 github -
PopGen是用PyTorch编写的生成建模工具包 github -
Lucent:适用于 PyTorch 的 Lucid 深度网络可视化/可解释性开发库 github
CV方向
图像处理
-
opencv基础教程csdn
-
OpenCV中文官方文档 link
-
facechanging 变脸 github
-
AI美颜系列 CSDN
-
图像处理算法 博客园
-
图像的模糊检测方法 link
-
图像保边滤波算法集锦系列 github
-
只(挚)爱图像处理 link
-
Photoshop 算法原理 link
-
图像处理初学者设计的 100 个问题 github
物体检测Object Detection
-
YOLO
You Only Look Once: Unified, Real-Time Object Detection 中文版 中英文对照 -
-
YOLO9000
YOLO9000: Better, Faster, Stronger 中文版 中英文对照 -
Deformable-ConvNets
Deformable Convolutional Networks 中文版 中英文对照 -
Faster R-CNN
Faster R-CNN: Towards Real-Time Object Detection with Region Proposal Networks 中文版 中英文对照 -
R-FCN
R-FCN: Object Detection via Region-based Fully Convolutional Networks 中文版 中英文对照 -
目标检测

-
目标检测之Neck选择 link
-
详解目标检测中边界框的回归策略 link
-
目标检测中的特征冲突与不对齐问题 link
-
小目标检测学习汇总 link
-
-
在物体检测中搞定小目标 link
-
-
在目标检测中如何解决小目标的问题? link
视频目标检测
-
基于视频的目标检测算法研究github
基于坐标点做目标检测
-
Centernet相关---尤其有关heatmap相关解释 link -
FreeAnchor: Learning to Match Anchors for Visual Object Detection (NeurIPS 2019) github -
用于实时物体检测并且训练时间友好的网络 - TTFNet github -
CenterNet——Objects as Points论文解读 2019 link -
ExtremeNet pytorch 2019 link github -
morph-net 2019 keras github -
CenterNet 2019 pytorch github -
FCOS 2019 github FCOS_GluonCVgithub -
CenterNet 2019 github -
PaperReadingGroup-10-CenterNet之理解 link -
FoveaBox 2019 link -
RepPoints V2 github link -
AdelaiDet github link -
pytorch_simple_CenterNet_45 -
When Anchor-free Beyond the Object Detection -
PPDet:减少Anchor-free目标检测中的标签噪声,小目标检测提升明显 2020 github -
轻量级Anchor-Free目标检测模型NanoDet github -
centerX github -
NanoDet-PyTorch github -
LFD-A-Light-and-Fast-Detector github -
Centernet link
基于分割
Image Segmentation
-
DenseBox pytorch github link -
写给小白的YOLO介绍 link -
OneNet:一阶段的端到端物体检测器,无需NMS link -
Object Detection Made Simpler by Eliminating Heuristic NMS github
基于候选框做目标检测
-
-
目标检测中Anchor的本质分析 github
-
利用YOLOv3结合行人重识别模型,实现行人的检测识别,查找特定行人 github
-
CBNet:一种用于目标检测的复合骨干网络体系结构 2019 github
-
单级目标检测:YOLO与SSD,我选SSD!!! link
-
【SSD算法】史上最全代码解析-核心篇 github
-
MXNet的一个开源项目gluoncv里的yolov3代码,写了一份中文注解 github
-
faster-rcnn pytorch github
-
-
Why anchor link
-
Double-Head RCNN 通过增加多个head提升准确率github
-
对YOLOv3做模型剪枝 pytorch 2019 github
-
simpledet NAS-FPN 2019 mxnetgithub
-
-
PoolNet pytorch 2019 github
-
-
2018云从人头技术 冠军方案分享 github
-
目标检测进化史 link
-
ThunderNet: 轻量级实时检测网络
-
mmdetection github
-
Rapid satellite imagery object detection 2018 github
-
Yolo系列检测器的pytorch实现 github
-
awesome-object-detection github
-
deep_learning_object_detection github
-
RFCN_CoupleNet pytorch github
-
Yolo-v2 pytorch github
-
RFBNet pytorch github
-
CFENet pytorch github
-
BiSeNet pytorch github
-
kaggle 大白鲸目标检测 github
-
R-FCN+ResNet-50用自己的数据集训练模型 link
-
trident net + refinedet 目标检测 github
-
基于SSD框架在建筑工地上检测安全帽的佩戴并识别安全帽的相应颜色 link
-
基于 Mask R-CNN 的街景广告检测与模糊 tensorflow github
-
yolov3通道和图层修剪 github
-
YOLOv3+ASFF(自适应空间特征融合)组合,性能优于CornerNet和CenterNet等 github
-
使用通道修剪的Stronger-Yolo的Pytorch实现 github
-
Gaussian YOLOv3的PyTorch实现 github
-
PyTorch实现的EfficientDet(可扩展且高效的对象检测) github
-
Kaggle RSNA肺炎检测挑战赛中第一名解决方案的代码 github
-
-
-
天池大赛项目:天池新品实验室 - 淘宝直播商品识别 github
-
只用一页jupyter notebook完成Faster RCNN github
-
Pytorch版本中的Faster RCNN模型,已在ResGen 101的Visual Genome上进行了预训练 github
-
-
Faster-Rcnn:Two-Stage目标检测模型在Pytorch当中的实现 github
-
Scale-equalizing Pyramid Convolution for object detection github link
-
End-to-End Object Detection with Transformers 2020 github
-
yolov5 github
-
-
YOLOv3使用笔记——Kmeans聚类计算anchor boxes link
-
YOLO v4训练自己的数据集 link
-
深入浅出Yolo系列之Yolov3&Yolov4&Yolov5核心基础知识完整讲解 link
-
深入浅出Yolo系列之Yolov5核心基础知识完整讲解 link
-
You Only Look Twice: Rapid Multi-Scale Object Detection In Satellite Imagery 卫星图片多尺寸物体检测 link github
-
目标检测和感受野的总结和想法 link
-
目标检测算法anchor聚类实现(coco+voc)
-
小目标检测学习 link
-
BBAVectors:一种Anchor Free的旋转物体检测方法 link
-
Repulsion Loss 遮挡场景下的目标检测 link
-
mmdetection-mini github
-
1.8M超轻量目标检测模型NanoDet link
-
-
-
基于密度图的航空物体检测 link
语义分割
Image-Level 弱监督图像语义分割汇总简析 link
交互式语义分割
-
Interactive_Segmentation_Models github -
DeepGrabCut-PyTorch github -
Deep Extreme Cut tensorflow github pytorch github -
U-Net-Interactive-Object-Selection github -
Interactive Image Segmentation with Latent Diversity github -
深度学习在交互式图像分割中的应用 link -
Curve-GCN:图卷积网络用于活动轮廓演变 github
像素分类分割
-
ICNet 搞笑分割模型 link -
移动设备高性能实时网络/语义分割论文资源列表 github -
FSS-1000, A 1000-class Dataset For Few-shot Segmentation github -
12篇文章带你逛遍主流分割网络 link -
Fast-SCNN的PyTorch实现:快速语义分割网络 github -
Code awesome-semantic-segmentation github -
常用的语义分割架构结构综述以及代码复现 github -
实时语义分割模型集合 [github](https://github.com/xiaoyufenfei/Real-Time-Semantic-Segmentation) -
无监督和超像素语义分割 linkgithub github -
ReDO 通过对抗网络 2019 github -
12篇文章带你逛遍主流分割网络 link -
DeepLab 语义分割模型 v1、v2、v3、v3+ 概要(附 Pytorch 实现) link -
Lightweight-Segmentation github -
研习U-Net link -
用于语义分割的树形结构Kronecker卷积网络 pytorch 2019 github -
AutoDeeplab pytorch github -
DUpsampling github -
yolact 2019 pytorch link github -
FastFCN 2019 pytorch github -
Semantic Segmentation Suite图像分割开源工程 github -
awesome-semantic-segmentation github -
Context Encoding for Semantic Segmentation 2018_CVPR pytorch github 模型讲解link -
CCNet CVPR2018 pytorch github -
AUNet for Panoptic Segmentation -
multi-task-refinenet pytorch github -
BiSeNet pytorch github -
ESPNet 速度快,准确率有下降ECCV2018 link -
LightNet 轻量级 2018年 github -
UPSNet: A Unified Panoptic Segmentation Network 2019 github -
segmentation_models.pytorch github -
用于高效序列建模的Seq-U-Net的官方实现 github -
Cellpose:细胞分割通用算法 github -
图像分割-常规超像素分割和中心检测及区域增长 pyImSegm github -
背景抠图 - 无需绿幕,即可实现视频抠图 github -
openseg.pytorch github -
图像标签的单阶段语义分割 github -
基于网络模块化的语义分割框架 github -
使用Keras实现深度学习中的一些语义分割模型和各种损失函数 github -
Non-local U-Nets for Biomedical Image Seg 2020 github link -
图像分割涨点技巧!从39个Kaggle竞赛中总结出的分割Tips和Tricks link -
SOLQ:无需任何后处理的端到端实例分割 link
无监督分割
-
单张图片的无监督语义分割,理解算法,并改良原始代码(从30秒改到5秒)link -
SegSort: Segmentation by Discriminative Sorting of Segments github -
Zero-Shot Semantic Segmentation link github
医学分割
-
医学图像分割优质开源代码 link -
nnUNet 医学分割 github -
医学图像分割-Attention Unet link -
NAS-Unet:用于医学图像分割的神经体系结构搜索 github -
基于深度学习的视网膜血管分割算法研究 link github
实例分割
-
DeepMask pytorch github -
Mask_RCNN_Pytorch github -
The First Place Solution of iMaterialist (Fashion) 2019 github -
Pixellib 是一个图像分割库,支持语义分割和实例分割 github -
PolarMask
跟踪Tracking
-
基于孪生网络(SiamNet)的单目标跟踪算法 github -
再谈多目标追踪--快速应用部署 link -
pysot PyTorch github -
SiamDW pytorch github -
ATOM tracker PyTracking pytorch 2019github -
SiamFC -
DaSiamRPN -
SiamMask github -
SiamRPN++ -
目标跟踪初探(DeepSORT) link -
Siam R-CNN两级再检测器,用于视觉目标跟踪 github -
于跟踪车辆的多目标跟踪, 自定义数据进行单类别多目标实时跟踪 github -
单阶段实时多类别多目标跟踪 github
业务模型
显著性检测Saliency Detection
-
显著性检测(Saliency )link -
PoolNet github -
CPD github -
BASNet 2019 github -
U-2-Net 2020 github -
用于显著性检测的边缘引导网络 github -
SOD100K 仅有 100k 参数的高效显著性目标检测方法 github
细粒度识别
-
基于Pytorch的细粒度图像分类实战 BCNN Link-code -
细粒度分类网络之WS-DAN论文阅读附代码 link -
NTS-Net pytorch 2018 githublink -
通过渐进式多粒度拼图训练进行细粒度视觉分类 github
边缘检测算法
人脸检测和特征点定位
-
Ultra-Light-Fast-Generic-Face-Detector-1MB github -
利用Keras进行人脸分析的深度学习框架集合 github -
RetinaFace的PyTorch实现:室外的单阶段密集人脸定位 github -
MTCNN 人脸检测和跟踪 github link -
Deep Convolutional Network Cascade for Facial Point Detection link -
Multi-task face recognition framework based on PyTorch github -
A-Light-and-Fast-Face-Detector-for-Edge-Devices 2019 github -
S3FD代码及论文解读 2017 link github -
Dual Shot Face Detector 人脸检测的一个PyTorch实现 github -
PyTorch_BlazeFace github link -
FaceKit github -
PCN in Pytorch github -
基于Heat Map的人脸特征点检测 link -
Hourglass+heatmap解决掌纹回归问题 link -
FaceDetection-DSFD 腾讯优图 CVPR 2019 github -
人脸特征点 2019 github -
libfacedetection caffe 静态C++代码 github -
PyramidBox: 用pytorch实现上下文辅助单镜头人脸检测器 github -
人脸检测模型总结 link -
PRNet的非官方pytorch实现,包含训练和推理代码 github -
LFFD: 边缘设备的轻便快速人脸检测器 行人 人头 github -
CenterFace:实用的边缘设备无锚人脸检测器 github link -
1M人脸检测模型(含关键点) github -
在Pytorch上对动漫人脸界标进行深度级联回归的实现 pytorch github -
BlazeFace-PyTorch github -
FaceMaskDetection - 开源人脸口罩检测模型和数据 github -
sbd_mask 基于CenterFace开发 cpu的口罩检测 github -
CPU推理速度100FPS的PyTorch人脸特征点定位 github -
开源视频人脸跟踪算法,基于mtcnn人脸检测+onet人脸跟踪,在i7-9700k的cpu检测速度可高达250fps github -
yoloface大礼包 使用pytroch实现的基于yolov3的轻量级人脸检测(包含关键点) github -
deep-sdm 106个特征点检测 github -
轻量级人脸检测算法实现大盘点 link -
Pytorch_Retinaface 人脸检测与特征点定位 -
Numerical Coordinate Regression=高斯热图 VS 坐标回归 link
作者介绍
