✨写在前面:强烈推荐给大家一个优秀的人工智能学习网站,内容包括人工智能基础、机器学习、深度学习神经网络等,详细介绍各部分概念及实战教程,通俗易懂,非常适合人工智能领域初学者及研究者学习。➡️点击跳转到网站。

注:本资料集合包含机器学习、深度学习等各系列教程,深度学习方向主要计算机视觉资料为主,内容参考Github及网络资源,后续会补充,仅供个人学习,侵权联系删除!

1️⃣ 深度学习知识点全面总结: link

2️⃣ 机器学习知识点全面总结: link

3️⃣ Pytorch学习笔记总结:link


机器学习算法相关

  1. 算法竞赛笔记 github

  2. 人工智能竞赛Top解决方案 github

  3. 算法岗工作总结 github

  4. 人工智能实战面试学习路线图 Ai-Learn

  5. 手写机器学习笔记 github

  6. 机器学习算法公式推导以及numpy实现 github

  7. 发布研究论文代码小技巧 github

  8. 人工智能相关术语 link

  9. 算法模型调优指南 link

  10. 周志华《机器学习》手推笔记 github

  11. 机器学习算法 基于西瓜书以及《统计学习方法》,当然包括DL github

  12. 计算机视觉知识点总结 link

深度学习基础

基础教程

  1. 深度度量学习中的损失函数介绍 link

  2. 深度学习 论文解读 CV_PaperDaily github

  3. 论文代码合集 github

  4. Image-Level 弱监督图像语义分割汇总简析 link

  5. 模型加速概述与模型裁剪算法技术解析 link

  6. 卷积神经网络的感受野 link

  7. 百面机器学习之模型评估 link

  8. 周志华:「深」为什么重要,以及还有什么深的网络 link

  9. 深度学习入门之激活层及其选择的建议 link

  10. combo:「Python机器学习模型合并工具库」 github

  11. STN-空间变换网络 link

  12. Learning Data Augmentation Strategies 数据增强、link github

  13. numpy-ml github

  14. 深度学习算法地图 link

  15. conv_arithmetic 卷积的动态描述 github

  16. netron 查看网络工具 github

  17. 开源机器人学学习指南 github

  18. Model Zoo link

  19. 神经网络模型图示 github

  20. AI算法工程师手册 link

  21. 深度学习如何优化神经网络结构|架构 link

  22. pytorch图卷积库 github

  23. AI实战-practicalAI 中文版 github

  24. TensorFlow 2.0 Tutorials github

  25. PaddlePaddle V2教程 github

  26. 深度学习课程(第四梯)所设计的课程实作 github

  27. CAM和Grad-CAM 模型解释 link github

  28. TensorFlow 内核剖析 github

  29. 手机端高性能卷积神经网络推理引擎概览 github

  30. 为什么MobileNet及其变体如此之快 link

  31. 深度学习无限问 github

  32. 面向机器学习的特征工程 github

  33. 轻量级卷积神经网络的设计技巧 link

  34. AI模型序列化总结 github

  35. AiLearning 传统机器学习的讲解、分析和代码github

  36. CNN真的需要下采样(上采样)吗? link

  37. 构建深度神经网络,我有20条「不成熟」的小建议 link

  38. feature map 相加和拼接的不同 link

  39. 别再喊我调参侠!深度学习“科学炼丹”手册了解一下 link

  40. 深度学习推理时融合BN,轻松获得约5%的提速 link

  41. 你有哪些deep learning(rnn、cnn)调参的经验? link

  42. 类别不平衡学习:论文/代码/框架/库 github

  43. 用于机器学习,深度学习和数学的交互式工具 github

  44. 深度学习模型在各大公司实际生产环境的应用讲解文章 github

  45. 深入探讨深度学习模型性能与神经网络宽度之间关系 link

  46. 卷积正则化方法之DropBlock link github

  47. 卷积神经网络优化算法

  48. 浮点峰值那些事 link

  49. 深度学习中学习率和batchsize对模型准确率的影响 link

  50. 深度学习CV领域最瞩目的成果 link

  51. 怎样写一个深度学习框架 link

  52. 目标检测之Neck选择 link

  53. 根据标签分布来选择损失函数 link

  54. 深度学习多目标优化的多个loss应该如何权衡 link

  55. 归一化方法总结 link

综述类文章

  1. 这两年的目标检测的综述 link
  2. NAS论文小结 link
  3. 深度学习500问 github
  4. 常见的模型算法评估指标 link
  5. MobileFace:移动端人脸算法全栈项目 link github
  6. GAN万字长文综述 link
  7. 神经网络压缩综述 link
  8. 细粒度图像分析综述 link
  9. 人脸识别损失函数综述 link
  10. AI技术三大应用领域:智能医疗、自动驾驶、智慧营销产业发展现状分析 link
  11. 图像内容鉴黄算法综述 link
  12. CDCS 中国数据竞赛优胜解集锦 github
  13. Awesome-Mobile-Machine-Learning github
  14. OCR papernote github
  15. 图像分割综述 link
  16. 人脸识别手册 github
  17. 各类算法综述 github
  18. 深度学习AI产品全栈 github 点评
  19. 千变万化的卷积操作 link
  20. 目标跟踪之Siamese网络 link
  21. 特征工程小锦囊 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
    中文版
    中英文对照

  • SENet
    Squeeze-and-Excitation Networks
    中文版
    中英文对照

轻量网络

  1. PyTorch_BlazeFace github
  2. MixNet-Pytorch github
  3. MobileNetV3 pytorch 2019 github linklinkgithub
  4. ThunderNet
  5. mobilenet
  6. ShuffleNet 官方开源github
  7. nas
  8. PeleeNet
  9. 为什么MobileNet及其变体如此之快 github
  10. dabnn 二值网络 github
  11. 神经网络量化简介 github

蒸馏 剪枝 量化

  1. Tensorflow模型量化(Quantization)原理及其实现方法 link
  2. 基于Pytorch的卷积神经网络剪枝 link
  3. 用FPGA加速卷积神经网络CNN运算 github
  4. 模型压缩 link
  5. 神经网络量化简介 link
  6. 模型转换、模型压缩工具汇总 link
  7. 模型压缩总览 link
  8. PyTorch实现的深度模型压缩 基于pytorch实现模型压缩(1、量化:8/4/2 bits(dorefa)、三值/二值(twn/bnn/xnor-net);2、剪枝:正常、规整、针对分组卷积结构的通道剪枝;3、分组卷积结构;4、针对特征A二值的BN融合) github
  9. AIMET是一个为经过训练的神经网络模型提供高级量化和压缩技术的库 github
  10. EasyQuant 后量化算法 link github
  11. Pytorch实现卷积神经网络训练量 link
  12. NCNN量化详解(二) link
  13. 深入了解NNIE量化技术 link
  14. 基于tensorRT方案的INT8量化实现原理 link
  15. Knowledge Distillation知识蒸馏简单实现 link
  16. nni
  17. 神经网络量化入门–量化感知训练 github
  18. EagleEye:一种用模型剪枝的快速衡量子网络性能的方法 link

CV方向

图像处理

  1. 颜色迁移 知乎 csdn C++ 版 csdn系列

  2. facechanging 变脸 github

  3. AI美颜系列 CSDN

  4. 图像处理算法 博客园

  5. Official PyTorch implementation of U-GAT-IT github

  6. 图像的模糊检测方法 link

  7. SpixelFCN: 完全卷积网络的超像素分割 github

  8. 图像保边滤波算法集锦系列 github

  9. 只(挚)爱图像处理 link

  10. Photoshop 算法原理 link

  11. 图像处理初学者设计的 100 个问题 github

  12. 用Canvas给人脸化妆(画妆) github

  13. CainCamera是一个集美颜相机、图片编辑、短视频编辑等功能的综合性开源APP github

物体检测Object Detection

  • YOLO
    You Only Look Once: Unified, Real-Time Object Detection
    中文版
    中英文对照

  • SSD
    SSD: Single Shot MultiBox Detector
    中文版
    中英文对照

  • 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
    中文版
    中英文对照

  • FPN
    Feature Pyramid Networks for Object Detection
    中文版
    中英文对照

OCR

  • CRNN
    An End-to-End Trainable Neural Network for Image-based Sequence Recognition and Its Application to Scene Text Recognition
    中文版
    中英文对照

  • CTPN
    Detecting Text in Natural Image with Connectionist Text Proposal Network
    中文版
    中英文对照

Mobile

  • MobileNetV2
    MobileNetV2: Inverted Residuals and Linear Bottlenecks
    中文版
    中英文对照

Image Segmentation

  • U-Net
    U-Net: Convolutional Networks for Biomedical Image Segmentation
    中文版
    中英文对照

GAN

  • SRGAN
    Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network
    中文版
    中英文对照

  • ESRGAN
    ESRGAN: Enhanced Super-Resolution Generative Adversarial Networks
    中文版
    中英文对照

文本分类(TC, text-classification)

  • FastText: Bag of Tricks for Efficient Text Classification
  • TextCNN: Convolutional Neural Networks for Sentence Classification
  • charCNN-kim: Character-Aware Neural Language Models
  • charCNN-zhang: Character-level Convolutional Networks for Text Classification
  • TextRNN: Recurrent Neural Network for Text Classification with Multi-Task Learning
  • RCNN: Recurrent Convolutional Neural Networks for Text Classification
  • DCNN: A Convolutional Neural Network for Modelling Sentences
  • DPCNN: Deep Pyramid Convolutional Neural Networks for Text Categorization
  • VDCNN: Very Deep Convolutional Networks
  • CRNN: A C-LSTM Neural Network for Text Classification
  • DeepMoji: Using millions of emojio ccurrences to learn any-domain represent ations for detecting sentiment, emotion and sarcasm
  • SelfAttention: Attention Is All You Need
  • HAN: Hierarchical Attention Networks for Document Classification
  • CapsuleNet: Dynamic Routing Between Capsules
  • Transformer(encode or decode): Attention Is All You Need
  • Bert: BERT: Pre-trainingofDeepBidirectionalTransformersfor LanguageUnderstanding
  • Xlnet: XLNet: Generalized Autoregressive Pretraining for Language Understanding
  • Albert: ALBERT: A LITE BERT FOR SELF-SUPERVISED LEARNING OF LANGUAGE REPRESENTATIONS
  • RoBERTa: RoBERTa: A Robustly Optimized BERT Pretraining Approach
  • ELECTRA: ELECTRA: Pre-training Text Encoders as Discriminators Rather Than Generators
  • TextGCN: [Graph Convolutional Networks for Text Classification](

度量学习

参考百度

  1. arcmargin loss
  2. triplet loss
  3. quadruplet loss
  4. eml loss
  5. npairs loss
  6. 度量学习中关于排序损失函数的综述 link

数据增强

  1. 【SSD算法】史上最全代码解析-数据篇 对比度等调整 pytorch link

Auto ML NAS

  1. AutoML pdf linkgithub
  2. FairNAS 2019 github
  3. 四小时搜索NN结构,厦大提出快速NAS检索方法 2019 link github
  4. NAS-Projects github
  5. NAS发展史和code link
  6. ZazuML:面向实例检测的开源AutoML项目 github
  7. NeurIPS AutoDL Challenge 冠军方案 githu
  8. CodeSnippetSearch:Keras实现的神经网络代码搜索 github
  9. Vega是诺亚方舟实验室自研的AutoML算法工具 github
  10. 自动搜索损失函数 link
  11. NAS综述

激活函数

  1. Mish: 一个新的activation function link github

分类

  1. 21秒看尽ImageNet屠榜模型,60+模型架构同台献艺 link link

  2. 让CNN有了平移不变性 link

  3. lottery-ticket-hypothesis github

  4. pytorch_image_classification github

  5. deeplearning-modelsgithub

  6. CNN模型合集 link

  7. EfficientNets-PyTorch 2019 github

  8. ML_GCN PyTorch implementation of Multi-Label Image Recognition with Graph Convolutional Networks, CVPR 2019 github

  9. Inception

  10. Network in Network

  11. pytorch_highway_networks github

  12. 推崇的CNN架构 link

  13. OctaveConv_pytorch 2019 github

  14. Res2Net

  15. 分类实现合集 pytorch github

  16. Auto-Keras link

  17. 图卷积网络Numpy实现 link

  18. PeleeNet-基于手机系统的实时网络 link

  19. SKNet 2019 link

  20. TResNet: High Performance GPU-Dedicated Architecture github

  21. ResNeSt 李沐团队提出最强ResNet改进版,多项任务达到SOTA github

  22. SCNet – PyTorch官方实现CVPR 2020论文“使用自校准卷积改进卷积网络” github

  23. SimCLR 对比学习得到一个好的视觉预训练模型 link

  24. SimCLR框架的理解和代码实现以及代码讲解 link

  25. 使用元学习来进行少样本图像分类 link

  26. RepVGG 2021 link

  27. xmu-xiaoma666/MLP-Mixer-pytorch: Unofficial implementation of MLP-Mixer: An all-MLP Architecture for Vision (github.com)

目标检测

  1. 详解目标检测中边界框的回归策略 link
  2. 目标检测中的特征冲突与不对齐问题 link
  3. 小目标检测学习汇总 link
  4. groupsoftmax-simpledet
  5. 在物体检测中搞定小目标 link
  6. vedadet检测框架
  7. 在目标检测中如何解决小目标的问题? link

视频目标检测

  1. 基于视频的目标检测算法研究github

基于坐标点做目标检测

  1. Centernet相关—尤其有关heatmap相关解释 link
  2. FreeAnchor: Learning to Match Anchors for Visual Object Detection (NeurIPS 2019) github
  3. 用于实时物体检测并且训练时间友好的网络 – TTFNet github
  4. CenterNet——Objects as Points论文解读 2019 link
  5. ExtremeNet pytorch 2019 link github
  6. morph-net 2019 keras github
  7. CenterNet 2019 pytorch github
  8. FCOS 2019 github FCOS_GluonCVgithub
  9. CenterNet 2019 github
  10. PaperReadingGroup-10-CenterNet之理解 link
  11. FoveaBox 2019 link
  12. RepPoints V2 github link
  13. AdelaiDet github link
  14. pytorch_simple_CenterNet_45
  15. When Anchor-free Beyond the Object Detection
  16. PPDet:减少Anchor-free目标检测中的标签噪声,小目标检测提升明显 2020 github
  17. 轻量级Anchor-Free目标检测模型NanoDet github
  18. centerX github
  19. NanoDet-PyTorch github
  20. LFD-A-Light-and-Fast-Detector github
  21. Centernet link

基于分割

  1. DenseBox pytorch github link
  2. 写给小白的YOLO介绍 link
  3. OneNet:一阶段的端到端物体检测器,无需NMS link
  4. Object Detection Made Simpler by Eliminating Heuristic NMS github

基于候选框做目标检测

  1. 目标检测新突破!来了解Res2Net深度多尺度目标检测架构 link github
  2. 目标检测中Anchor的本质分析 github
  3. 利用YOLOv3结合行人重识别模型,实现行人的检测识别,查找特定行人 github
  4. CBNet:一种用于目标检测的复合骨干网络体系结构 2019 github
  5. 单级目标检测:YOLO与SSD,我选SSD!!! link
  6. 【SSD算法】史上最全代码解析-核心篇 github
  7. MXNet的一个开源项目gluoncv里的yolov3代码,写了一份中文注解 github
  8. faster-rcnn pytorch github
  9. 十分钟训好SSD416进行钢筋检测 link github
  10. Why anchor link
  11. Double-Head RCNN 通过增加多个head提升准确率github
  12. 对YOLOv3做模型剪枝 pytorch 2019 github
  13. simpledet NAS-FPN 2019 mxnetgithub
  14. SSD-PyTorch源码解析 link github
  15. PoolNet pytorch 2019 github
  16. SSD pytorch github link
  17. 2018云从人头技术 冠军方案分享 github
  18. 目标检测进化史 link
  19. ThunderNet: 轻量级实时检测网络
  20. mmdetection github
  21. Rapid satellite imagery object detection 2018 github
  22. Yolo系列检测器的pytorch实现 github
  23. awesome-object-detection github
  24. deep_learning_object_detection github
  25. RFCN_CoupleNet pytorch github
  26. Yolo-v2 pytorch github
  27. RFBNet pytorch github
  28. CFENet pytorch github
  29. BiSeNet pytorch github
  30. kaggle 大白鲸目标检测 github
  31. R-FCN+ResNet-50用自己的数据集训练模型 link
  32. trident net + refinedet 目标检测 github
  33. 基于SSD框架在建筑工地上检测安全帽的佩戴并识别安全帽的相应颜色 link
  34. 基于 Mask R-CNN 的街景广告检测与模糊 tensorflow github
  35. yolov3通道和图层修剪 github
  36. YOLOv3+ASFF(自适应空间特征融合)组合,性能优于CornerNet和CenterNet等 github
  37. 使用通道修剪的Stronger-Yolo的Pytorch实现 github
  38. Gaussian YOLOv3的PyTorch实现 github
  39. PyTorch实现的EfficientDet(可扩展且高效的对象检测) github
  40. Kaggle RSNA肺炎检测挑战赛中第一名解决方案的代码 github
  41. Yolo-v3 and Yolo-v2 for Windows and Linux github link
  42. 目标检测算法之YOLO系列算法的Anchor聚类代码实战 link github
  43. 天池大赛项目:天池新品实验室 – 淘宝直播商品识别 github
  44. 只用一页jupyter notebook完成Faster RCNN github
  45. Pytorch版本中的Faster RCNN模型,已在ResGen 101的Visual Genome上进行了预训练 github
  46. Yolo -v4 github YOLOv4的最小PyTorch实现 github讲解
  47. Faster-Rcnn:Two-Stage目标检测模型在Pytorch当中的实现 github
  48. Scale-equalizing Pyramid Convolution for object detection github link
  49. End-to-End Object Detection with Transformers 2020 github
  50. yolov5 github
  51. PP-YOLO link github
  52. YOLOv3使用笔记——Kmeans聚类计算anchor boxes link
  53. YOLO v4训练自己的数据集 link
  54. 深入浅出Yolo系列之Yolov3&Yolov4&Yolov5核心基础知识完整讲解 link
  55. 深入浅出Yolo系列之Yolov5核心基础知识完整讲解 link
  56. You Only Look Twice: Rapid Multi-Scale Object Detection In Satellite Imagery 卫星图片多尺寸物体检测 link github
  57. 目标检测和感受野的总结和想法 link
  58. 目标检测算法anchor聚类实现(coco+voc)
  59. 小目标检测学习 link
  60. BBAVectors:一种Anchor Free的旋转物体检测方法 link
  61. Repulsion Loss 遮挡场景下的目标检测 link
  62. mmdetection-mini github
  63. 1.8M超轻量目标检测模型NanoDet link
  64. 旋转目标新网络 link github
  65. 令人“细思极恐”的Faster-R-CNN link github
  66. 基于密度图的航空物体检测 link

语义分割

交互式语义分割

  1. Interactive_Segmentation_Models github
  2. DeepGrabCut-PyTorch github
  3. Deep Extreme Cut tensorflow github pytorch github
  4. U-Net-Interactive-Object-Selection github
  5. Interactive Image Segmentation with Latent Diversity github
  6. 深度学习在交互式图像分割中的应用 link
  7. Curve-GCN:图卷积网络用于活动轮廓演变 github

像素分类分割

  1. ICNet 搞笑分割模型 link
  2. 移动设备高性能实时网络/语义分割论文资源列表 github
  3. FSS-1000, A 1000-class Dataset For Few-shot Segmentation github
  4. 12篇文章带你逛遍主流分割网络 link
  5. Fast-SCNN的PyTorch实现:快速语义分割网络 github
  6. Code awesome-semantic-segmentation github
  7. 常用的语义分割架构结构综述以及代码复现 github
  8. 实时语义分割模型集合 [github](https://github.com/xiaoyufenfei/Real-Time-Semantic-Segmentation)
  9. 无监督和超像素语义分割 linkgithub github
  10. ReDO 通过对抗网络 2019 github
  11. 12篇文章带你逛遍主流分割网络 link
  12. DeepLab 语义分割模型 v1、v2、v3、v3+ 概要(附 Pytorch 实现) link
  13. Lightweight-Segmentation github
  14. 研习U-Net link
  15. 用于语义分割的树形结构Kronecker卷积网络 pytorch 2019 github
  16. AutoDeeplab pytorch github
  17. DUpsampling github
  18. yolact 2019 pytorch link github
  19. FastFCN 2019 pytorch github
  20. Semantic Segmentation Suite图像分割开源工程 github
  21. awesome-semantic-segmentation github
  22. Context Encoding for Semantic Segmentation 2018_CVPR pytorch github 模型讲解link
  23. CCNet CVPR2018 pytorch github
  24. AUNet for Panoptic Segmentation
  25. multi-task-refinenet pytorch github
  26. BiSeNet pytorch github
  27. ESPNet 速度快,准确率有下降ECCV2018 link
  28. LightNet 轻量级 2018年 github
  29. UPSNet: A Unified Panoptic Segmentation Network 2019 github
  30. segmentation_models.pytorch github
  31. 用于高效序列建模的Seq-U-Net的官方实现 github
  32. Cellpose:细胞分割通用算法 github
  33. 图像分割-常规超像素分割和中心检测及区域增长 pyImSegm github
  34. 背景抠图 – 无需绿幕,即可实现视频抠图 github
  35. openseg.pytorch github
  36. 图像标签的单阶段语义分割 github
  37. 基于网络模块化的语义分割框架 github
  38. 使用Keras实现深度学习中的一些语义分割模型和各种损失函数 github
  39. Non-local U-Nets for Biomedical Image Seg 2020 github link
  40. 图像分割涨点技巧!从39个Kaggle竞赛中总结出的分割Tips和Tricks link
  41. SOLQ:无需任何后处理的端到端实例分割 link

无监督分割

  1. 单张图片的无监督语义分割,理解算法,并改良原始代码(从30秒改到5秒)link
  2. SegSort: Segmentation by Discriminative Sorting of Segments github
  3. Zero-Shot Semantic Segmentation link github

医学分割

  1. 医学图像分割优质开源代码 link
  2. nnUNet 医学分割 github
  3. 医学图像分割-Attention Unet link
  4. NAS-Unet:用于医学图像分割的神经体系结构搜索 github
  5. 基于深度学习的视网膜血管分割算法研究 link github

实例分割

  1. DeepMask pytorch github
  2. Mask_RCNN_Pytorch github
  3. The First Place Solution of iMaterialist (Fashion) 2019 github
  4. Pixellib 是一个图像分割库,支持语义分割和实例分割 github
  5. PolarMask

跟踪Tracking

  1. 基于孪生网络(SiamNet)的单目标跟踪算法 github
  2. 再谈多目标追踪–快速应用部署 link
  3. pysot PyTorch github
  4. SiamDW pytorch github
  5. ATOM tracker PyTracking pytorch 2019github
  6. SiamFC
  7. DaSiamRPN
  8. SiamMask github
  9. SiamRPN++
  10. 目标跟踪初探(DeepSORT) link
  11. Siam R-CNN两级再检测器,用于视觉目标跟踪 github
  12. 于跟踪车辆的多目标跟踪, 自定义数据进行单类别多目标实时跟踪 github
  13. 单阶段实时多类别多目标跟踪 github

深度学习框架

tensorflow

  1. 《30天吃掉那只 TensorFlow2.0 》开篇辞 github

pytorch github nightly torch_stablepytorch_lightning

  1. 混合精度神经网络训练:理论与实践 github
  2. 本项目将《动手学深度学习》(Dive into Deep Learning)原书中的MXNet代码实现改为PyTorch实现。 github
  3. FlashTorch 特征可视化 link
  4. pytorch-inference github
  5. Pytorch 学习流程汇总 link
  6. PyTorch 官方中文教程 github
  7. 在PyTorch中实现的语义分割模型,数据集和损失 github
  8. Fast-Pytorch github
  9. 《动手学深度学习》例子的PyTorch实现 github
  10. 简单两步加速PyTorch里的Dataloader link
  11. TorchSnooper github link
  12. 画网络图等tensorwatch link github
  13. 如何优雅的使用pytorch内置torch.nn.CTCLoss的方法
  14. pytorch-cpp-inference 包含C++ httpserver base64github
  15. pytorch 2C# inference github
  16. pytorch-cpp github
  17. torchcv github
  18. Pytorch之contiguous函数 link
  19. 二进制模型 github
  20. 画图工具 github
  21. torchprof – 用于Pytorch模型的逐层分析的最小依赖库 github
  22. PyTorch Image Retrieval – 用于图像检索任务的PyTorch框架 github
  23. Awesome-Pytorch-list github
  24. PyTorch Wrapper:提供一种使用PyTorch系统并且可扩展的方式来构建、训练、推理和调整深度学习模型 github
  25. 一组有关pytorch功能的Jupyter笔记本和示例 github
  26. pytorch 小技巧
  27. pytorch-memonger 减少内存 github
  28. 具有SOTA实时性能和预先训练的权重的EfficientDet官方pytorch重现 github
  29. TorchSketch:基于PyTorch深度学习库 支持CNN RNN GCN TCN github
  30. Torchcam: PyTorch模型类激活图浏览器 github
  31. PopGen是用PyTorch编写的生成建模工具包 github
  32. Lucent:适用于 PyTorch 的 Lucid 深度网络可视化/可解释性开发库 github
  33. Pytorch的4种并行训练方法(单机多卡) github
  34. PyTorch的深度学习项目模板(支持分布式学习) github
  35. 使用PyTorch手写代码从头构建LSTM,更深入的理解其工作原理 github
  36. eat_pytorch_in_20_days eat_pytorch_in_20_days
  37. FAIRScale:用于高性能和大规模训练的PyTorch工具 github
  38. PyTorch-Models github
  39. pytorch LSTM 01 link
  40. 9大主题卷积神经网络(CNN)的PyTorch实现 github
  41. computervision-recipes
  42. pytorch-receptive-field 感受野计算 github
  43. CVHub手把手帮你榨干GPU的显存 link
  44. contiguous-params 加快训练速度link
  45. pytorch-image-models Pytorch Image Models (rwightman.github.io)
  46. PyTea 不用运行代码,静态分析 pytorch 模型的错误 link github
  47. MiniTorch一个 Torch API 的纯 Python 重新实现,展示了从零开始构建一个张量和自动微分库 minitorch/minitorch: The full minitorch student suite. (github.com) link

paddlepaddle

  1. 基于PaddlePaddle的高性能对象检测和人脸检测工具包 github
  2. PaddleSlim

ONNX

  1. onnxruntime github doc
  2. 详细记录YOLACT实例分割ncnn实现 link
  3. 系统性学习ONNX:背景、格式及简化方法 link
  4. onnx2nn
  5. onnx-simplifier

openc dnn

  1. OpenCV4.X – DNN模块 Python APIs link

tensorRT

  1. Pytorch通过保存为ONNX模型转TensorRT5 link
  2. onnx-tensorrt github
  3. PyTorch转TensorRT流程 link
  4. windows环境下安装TensorRT 5.0教程(win10) link
  5. TensorRT-7 Network Lib 包括常用目标检测、关键点检测、人脸检测、OCR等 github

jittor清华AI框架

0. jittor[官网](https://cg.cs.tsinghua.edu.cn/jittor/) [github](https://github.com/Jittor/jittor)

MegEngine 旷世AI框架

  1. MegEngine link github

mindspore 华为AI框架

  1. mindspore

tinygrad

  1. ​ 最小深度学习框架tinygrad github

ppl.nn ppl.cv 商汤开源框架

VNN 欢聚集团推出的高性能、轻量级神经网络部署框架

工具

  1. 教程 | 如何使用Keras、Redis、Flask和Apache把深度学习模型部署到生产环境? link
  2. pytorch可视化 github
  3. 画卷积网络 github
  4. netron 网络结构图显示 github
  5. labelImg github
  6. modelsummary github
  7. pytorch-experiments-template github
  8. m2cgen Transform ML models into a native code (Java, C, Python, etc.) with zero dependencies github
  9. PyTorch工具、最佳实践、代码风格指南 github
  10. FLAT – 人脸特征点标注工具 github
  11. 把Caffe的模型转换为Pytorch模型 link
  12. 从.caffemodel/.caffemodel.h5提取Caffe模型的参数 link
  13. gradio 快速的构建UI网页link
  14. 群体智能算法 link

业务模型

显著性检测Saliency Detection

  1. 显著性检测(Saliency )link
  2. PoolNet github
  3. CPD github
  4. BASNet 2019 github
  5. U-2-Net 2020 github
  6. 用于显著性检测的边缘引导网络 github
  7. SOD100K 仅有 100k 参数的高效显著性目标检测方法 github

细粒度识别

  1. 基于Pytorch的细粒度图像分类实战 BCNN Link-code
  2. 细粒度分类网络之WS-DAN论文阅读附代码 link
  3. NTS-Net pytorch 2018 githublink
  4. 通过渐进式多粒度拼图训练进行细粒度视觉分类 github

TSP or route

  1. TSP-GNN 2019 github
  2. attention-learn-to-route github
  3. 最新的细粒度图像分析资源 link
  4. Hopfield神经网络求解TSP等离散约束优化问题 link

小样本(one-shot learning)or 零样本(zero-shot learning)

  1. few shot learning调研 link
  2. 小样本分割综述 link
  3. 计算机视觉中的小样本学习综述 link

NLP

  1. Chinese-Text-Classification-Pytorch 中文文本分类 pytorch github
  2. 可解释性(2)—— RNN可视化工具RNNVis github
  3. 基于RNN的生成手写字体 github
  4. ERNIE github
  5. nert-bert pytorch github
  6. xlnet 2019 github
  7. Attention和Transformer link
  8. BERT模型从训练到部署 github
  9. xlnet-pytorch 2019 github
  10. nlp-tutorial gitub
  11. DeepNLP-models-Pytorch github
  12. 中国法研杯司法人工智能挑战赛之相似案例匹配第一名解决方案 github
  13. 新闻分类 LR SVM [github](https://github.com/imadelh/NLP-news-classification
  14. PyTorch 实现的神经网络协同过滤推荐系统 github
  15. 基于CV+NLP使用tf.Keras构建图像搜索引擎 github
  16. 句子级别文本相似度计算(数据/模型/部署) github
  17. 机器翻译:统计建模与深度学习方法 github
  18. 总结梳理自然语言处理工程师(NLP)需要积累的各方面知识
  19. 快速理解句向量模型 link
  20. RNN人名分类器 github
  21. 用BILSTM+CRF做医疗实体识别,框架为pytorchgithub
  22. minGPT
  23. Unilm
  24. Transformer模型详解 讲解为最清晰 link
  25. lightseq

边缘检测算法

  1. 文章介绍 link
  2. hed_pytorch 2015 github
  3. rcf 2019 github

文字检测

  1. CRAFT-pytorch 2019 github
  2. PSENET keras 2019github
  3. awesome-deep-text-detection-recognition github
  4. EAST pytorch github
  5. TextSnake pytorch github
  6. AdvancedEAST keras/tensorflow github
  7. PSENet 2018 github
  8. Text detection model that combines Retinanet with textboxes++ for OCR github
  9. handwritten-text-recognition-for-apache-mxnet github

人脸检测和特征点定位

  1. Ultra-Light-Fast-Generic-Face-Detector-1MB github
  2. 利用Keras进行人脸分析的深度学习框架集合 github
  3. RetinaFace的PyTorch实现:室外的单阶段密集人脸定位 github
  4. MTCNN 人脸检测和跟踪 github link
  5. Deep Convolutional Network Cascade for Facial Point Detection link
  6. Multi-task face recognition framework based on PyTorch github
  7. A-Light-and-Fast-Face-Detector-for-Edge-Devices 2019 github
  8. S3FD代码及论文解读 2017 link github
  9. Dual Shot Face Detector 人脸检测的一个PyTorch实现 github
  10. PyTorch_BlazeFace github link
  11. FaceKit github
  12. PCN in Pytorch github
  13. 基于Heat Map的人脸特征点检测 link
  14. Hourglass+heatmap解决掌纹回归问题 link
  15. FaceDetection-DSFD 腾讯优图 CVPR 2019 github
  16. 人脸特征点 2019 github
  17. libfacedetection caffe 静态C++代码 github
  18. PyramidBox: 用pytorch实现上下文辅助单镜头人脸检测器 github
  19. 人脸检测模型总结 link
  20. PRNet的非官方pytorch实现,包含训练和推理代码 github
  21. LFFD: 边缘设备的轻便快速人脸检测器 行人 人头 github
  22. CenterFace:实用的边缘设备无锚人脸检测器 github link
  23. 1M人脸检测模型(含关键点) github
  24. 在Pytorch上对动漫人脸界标进行深度级联回归的实现 pytorch github
  25. BlazeFace-PyTorch github
  26. FaceMaskDetection – 开源人脸口罩检测模型和数据 github
  27. sbd_mask 基于CenterFace开发 cpu的口罩检测 github
  28. CPU推理速度100FPS的PyTorch人脸特征点定位 github
  29. 开源视频人脸跟踪算法,基于mtcnn人脸检测+onet人脸跟踪,在i7-9700k的cpu检测速度可高达250fps github
  30. yoloface大礼包 使用pytroch实现的基于yolov3的轻量级人脸检测(包含关键点) github
  31. deep-sdm 106个特征点检测 github
  32. 轻量级人脸检测算法实现大盘点 link
  33. Pytorch_Retinaface 人脸检测与特征点定位
  34. Numerical Coordinate Regression=高斯热图 VS 坐标回归 link

无人驾驶

  1. 无人驾驶的资源列表中文版 github
  2. 从MATLAB/Simulink入手学习无人驾驶 link

人脸识别

  1. SeetaFace2 2019 全C++github
  2. 适用于复杂场景的人脸识别身份认证系统 github
  3. 谷歌公布亚毫秒级人脸检测算法BlazeFace,面向移动GPU 2019 link
  4. Face Recognition Loss on Mnist with Pytorch github
  5. 人脸对齐 link
  6. 人脸识别攻击 link
  7. awesome-Face_Recognition github
  8. 人脸检测加识别 github
  9. face_recognition.pytorch github
  10. 人脸识别基础介绍 link
  11. A Light CNN for Deep Face Representation with Noisy Labels, TIFS 2018 github
  12. reid-strong-baseline 2019 pytorchgithub
  13. 基于人脸关键区域提取的人脸识别 github
  14. MassFace: 使用 triplet loss 进行人脸识别的高效实现 tensorflow github
  15. Retinaface_Mobilenet_Pytorch github
  16. deepface – 用于Python的轻量级人脸分析框架 github
  17. HyperFAS 基于深度学习人脸静默活体算法 github
  18. SeetaFace6SeetaFace6 入门教程
  19. 人脸口罩检测与识别-助力于新型冠状病毒疫情防控 github
  20. Pyramidbox.pytorch
  21. FaceFinder github

人脸融合

  1. Faceswap pytorch github
  2. FaceAttribute-FAN 人脸特征融合 github
  3. 利用生成对抗网络实现人脸老化 github
  4. 深度学习换脸检测发展调研 link1 link2
  5. FSGAN: Subject Agnostic Face Swapping and Reenactment(ICCV19) github
  6. Face-Aging-with-Identity-Preserved-Conditional-Generative-Adversarial-Networks github
  7. FaceAging-by-cycleGAN github
  8. Fast-AgingGAN github

年龄性别等

  1. SSR-Net_megaage-asian 亚洲年龄检测 githubSSR-Net github
  2. age-gender-estimation github
  3. DeepFaceLab github

人体姿态估计

  1. A lightweight network for body/hand action recognition github
  2. 深度高分辨表示学习的姿态估计算法 pytorch github
  3. pose proposal networks github
  4. OpenPose 基于OpenCV DNN 的手部关键点检测 link
  5. 包含手和身体姿势估计openpose的pytorch实现 github
  6. 用于人体姿势估计的高分辨率网络(HigherHRNets) github
  7. 基于OpenPose的人体骨骼多人动作实时识别 github
  8. DeepPoseKit – 使用深度学习进行姿势估计的工具包 tensorflow keras github
  9. You Only Watch Once:实时人体动作定位网络 github
  10. 用于多人位姿估计和实例细分的PersonLab的Tensorflow实现 github

行人重识别

  1. SCPNet ACCV2018 pytorch github 知乎作者讲解link
  2. 行人重新识别 2019 pytorch github
  3. 一个基于PyTorch的开源人群计数框架 githublink
  4. 小于1MB的行人检测网络 link/github
  5. SOTA ReID Methods and Toolbox github

强化学习

  1. 动态环境下基于DRL的无人车自适应路径规划方法 link github
  2. RecNN – PyTorch强化推荐工具箱 github
  3. 清华大学天授 基于Pytorch的强化学习 github
  4. 万字长文:国内第一个基于TensorFlow2.0支持GUI非gym环境的强化学习框架General github

时序

  1. 时间序列预测方法总结 link

车道检测

  1. Advanced_Lane_Detection 车道检测项目的复现 github
  2. 车道检测合集 github
  3. 使用深度神经网络模型实现Lenet模型实时车道检测 github
  4. 车道检测关键点估计和点实例分割方法 github
  5. 百度Aistudio无人车车道线检测挑战赛/练习项目/Pytorch github
  6. 无人驾驶车道/路线检测 github
  7. 超快的结构感知深度车道检测 github
  8. LaneNet学习及思考 link

车牌识别 车辆识别

  1. LPRNet_Pytorch github link
  2. 使用Pytorch在MTCNN和LPRNet中进行的两步轻量级和强大的车牌识别 link
  3. LPRNet – 基于Tensorflow,使用CNN和CTCloss实现轻量级车牌识别的轻型网络 github
  4. 基于u-net,cv2以及cnn的中文车牌定位,矫正和端到端识别软件 github
  5. 车辆重识别算法PVEN代码 github

OCR

  1. MaskTextSpotter – 端到端可训练神经网络,用于发现任意形状文本的一个PyTorch实现 github
  2. Text_Segmentation_Image_Inpainting 文件检测并修复 github
  3. 手写公式识别 :基于深度学习的端到端方法 github
  4. 基于MXNet的CTPN 身份证 github
  5. PyTorch实现的DenseBox多任务学习目标检测/关键点定位 github
  6. 增值税发票识别系统(OCR System of Invoice) link
  7. 文字相似度函数 pytorch github
  8. 深度学习与OCR论文合集 link
  9. CCPD 车牌端对端识别及其250k的数据集 github
  10. aster.pytorch github
  11. Seq2Seq+Attention 中文OCR文字识别 pytorch github
  12. A research project for text detection and recognition using PyTorch 1.2 github
  13. AttentionOCR 2019 ocr检测和识别冠军 github
  14. 差分二值化的实时场景文本检测的pytorch重实 2020 pytorch github 解读
  15. ABCNet – 利用自适应贝塞尔曲线网络实现的实时场景文本识别 github
  16. 运用unet实现对文档表格的自动检测,表格重建 github
  17. 条形图检测和坐标识别 github
  18. 超轻量级中文ocr,支持竖排文字识别, 支持ncnn推理 , psenet(8.5M) + crnn(6.3M) + anglenet(1.5M) 总模型仅17M github windows
  19. 通过Transformer实现的识别场景文本 github
  20. 方向任意目标检测新算法gliding_vertex link github
  21. PSENet.pytorch
  22. PAN(PSENet2) github link
  23. pytorch_ctpn github
  24. chinese_ocr CTPN + DenseNet + CTC github
  25. 一个基于CTPN+CRNN的OCR项目 github
  26. 更轻量的中文OCR github
  27. 汉字字符特征提取工具,可以提取出字符中的字音(声母、韵母、声调)、字形(偏旁、部首)、四角编码等特征,同时可作为tensor输入到模型 github
  28. TextGenerator – OCR/文字检测/字体识别数据生成工具 github
  29. 《深度实践OCR:基于深度学习的文字识别》 随书代码 github
  30. Table-OCR github
  31. 支持40+种语言和本地运行,这个OCR库轻松搞定光学字符识别 github
  32. MaskTextSpotterV3端到端文本识别模型 github
  33. PaddleOCR
  34. Transformer最详细解析 link1 link2
  35. PP-OCR link github link
  36. 手写及场景文字分析与识别的一些新尝试 link
  37. Mask TextSpotter v3 来了!最强端到端文本识别模型 link github
  38. PyTorch OCR模型的安卓端部署 link
  39. STD++:一种基于语义特征的任意方向场景文本检测方法 link github
  40. 基于Transformer文本识别模型的网络架构 link
  41. 端到端的票据类版面分析算法 link github
  42. mmocr
  43. 车牌识别 模型部署翻车记:pytorch转onnx踩坑实录 link
  44. 古籍文档图像二值化:基于背景估计和能量最小化的方法 link
  45. 金山OCR识别框架KSAI-Toolkits [github](kingsoft-wps/KSAI-Toolkits (github.com))

去水印 inpaint

  1. deepfill2 github
  2. pytorch-inpainting-with-partial-conv githubkerasgithub link
  3. Image-Inpainting paper and code github
  4. Context Encoders: Feature Learning by Inpainting 2016github
  5. High-Resolution Image Inpainting Using Multi-Scale Neural Patch Synthesis 2017 github
  6. siggraph2017_inpainting 2017 github
  7. pytorch-inpainting-with-partial-conv 2018 github
  8. Generative Image Inpainting with Contextual Attention, CVPR 2018 github
  9. EdgeConnect 2019 github
  10. Anime-InPainting 基于EdgeConnect的pytorch代码工具 github
  11. Fully convolutional deep neural network to remove transparent overlays from images github
  12. Exemplar_GAN_Eye_Inpainting github
  13. deep-image-prior github
  14. SC-FEGAN github
  15. DFNet 2019 github
  16. Pluralistic-Inpainting pytorch github
  17. Video-Auto-Wipe github
  18. STTN github

图像超分辨率与去噪

  1. Lightweight Image Super-Resolution with Information Multi-distillation Network (ACM MM 2019) github

  2. 图像超分:RealSR link

  3. Open MMLab Image and Video Super-Resolution Toolbox, , including SRResNet, SRGAN, ESRGAN, EDVR, etc. MMSR:基于PyTorch的图像/视频超分辨率工具箱 github

  4. 去模糊 SRN-Deblur github link

  5. FALSR 2019 小米 github

  6. FixRes github

  7. noise2noise-pytorch github

  8. Pytorch实现多帧超分辨率(MFSR)网络HighRes-net github

  9. 去模糊GAN DeblurGANv2 github

  10. High-Quality Self-Supervised Deep Image Denoising 2019 github

  11. ABPN pytorch 2019 github

  12. super-resolution github

  13. 超分辨率损失函数 link

  14. waifu2x github link

  15. 使用具有批量重新归一化的深度CNN进行图像去噪 tensorflow 2019 github

  16. pytorch 版的 MWCNN 复现 github link

  17. Dandere2x github

  18. Waifu2x-Extension-GUI github

  19. generative_inpainting fillv2 github

  20. srmd ncnn vulkan 通用图片超分放大工具 github

  21. PyTorch实现“通过超高分辨率实现无损图像压缩” github

  22. 图像去模糊系列算法 link

  23. MMSR 是基于PyTorch的开源图像和视频超分辨率工具箱,包括SRResNet,SRGAN,ESRGAN等 github

  24. 去雨网络(PReNet) github

  25. 2020年超越RCAN,图像超分又一峰 link

  26. Software and pre-trained models for automatic photo quality enhancement using Deep Convolutional Networks github link

  27. Deep Unfolding Network for Image Super-Resolution (CVPR, 2020) (PyTorch) github link

  28. 可控图像复原 | CResMD github link

  29. Generating RGB photos from RAW image files with PyNET (PyTorch) github

  30. ZSSR link

  31. 2020超分辨算法CFSRCNN

  32. 如何恢复降采样后的高清图片?可逆图像缩放搞定 github

质量评估、图像增强

  1. 卷积网络图像质量评估 卷积神经网络可预测图像的美学和技术质量 github
  2. FaceQnet: 基于深度学习的人脸识别质量评估 github
  3. 基于深度学习的图像增强调研 link link2
  4. hdrnet link
  5. 用深度学习让你的照片变得美丽github link

语音合成与识别

  1. SpeechBrain 新的语音框架 基于pytorch开发 link
  2. patter – PyTorch语音识别框架 github
  3. masr 中文语音识别,提供预训练模型,高识别率 github
  4. FastSpeech github
  5. RNN-CTC ctc-asrgithub
  6. 基于深度学习的中文语音识别系统 github
  7. Cheetah – 基于深度学习的设备端语音转文本引擎 github
  8. kaldi资料集 github
  9. Machine Learning Sound Classifier github
  10. 克隆语音Clone a voice in 5 seconds to generate arbitrary speech in real-time github
  11. 使用PyTorch和CUDA进行E2E语音识别训练的实现用功能 github
  12. piano_transcription
  13. 语音合成入门,训练一个中文语音tts link

Adversarial Attack攻击

  1. 可迁移对抗样本攻击目标检测 link
  2. EYD与机器学习 github
  3. 对抗样本攻防战 link
  4. Adversarial Attack介绍 link
  5. FeatherNets_Face-Anti-spoofing-Attack-Detection-Challenge-CVPR2019 github
  6. MTCNN可攻破?华为提出一种可复制、可靠的攻击方法 link github
  7. TrojanNet link github
  8. 微软旷视人脸识别100%失灵!芝加哥大学新研究「隐身衣」,帮你保护照片隐私数据 link github
  9. 用这种方法骗过护照人脸识别系统 link
  10. 对抗攻击算法FGSM的纯粹版 link

GAN 对抗神经网络

  1. 使用Pytorch实现的各种对抗性生成网络GAN github
  2. Liquid Warping GAN:模仿人体运动,外观转移和新颖视图合成的统一框架 github
  3. PyTorch-GAN github
  4. layout2im 2019 github
  5. Image-to-Image Translation via Group-wise Deep Whitening-and-Coloring Transformation github
  6. 把小姐姐自拍,变成二次元萌妹子,神情高度还原,效果胜于CycleGAN link github
  7. Generative Deep Learning 的中文翻译 code github
  8. Jokeriser使用人脸识别+CycleGAN训练的生成器将人脸转换成小丑Joker的脸 github
  9. instagan link link
  10. stargan github
  11. impersonator 2019 pytorch github
  12. Fashion editing on Pytorch github
  13. CartoonGan-tensorflow 实景照片秒变新海诚风格漫画:清华大学提出CartoonGAN github
  14. 想用StyleGAN生成老婆?来看看这个小哥的复现细节吧 github
  15. StyleGAN2蒸馏用于前馈图像处理 github
  16. GANILLA:将图像转成插图生成对抗网络的PyTorch实现 github
  17. 基于“一阶模型”的人脸图像运动模型(Photo-2-Video) github
  18. AnimeGAN 的一个Tensorflow实现用于将真实世界的照片转换为动漫图像 github
  19. 单张图像就可以训练GAN!Adobe改良图像生成方法 github
  20. mimicry A PyTorch library for the reproducibility of GAN research. github
  21. Learning Cross-Modal Embeddings with Adversarial Networks for Cooking Recipes and Food Images 图片-食谱相互生成的问题 [link](把某人的 DNA 序列作为输入,正面照片作为输出,丢到深度神经网络里面学习,可行吗? – 时间旅客的回答 – 知乎 https://www.zhihu.com/question/363503176/answer/1148326488) github
  22. Self-Supervised Scene De-occlusion 神奇的自监督场景去遮挡 github
  23. 漂亮的人脸卡通化,小视科技开源成熟模型与训练数据 link github
  24. 看GAN如何一步步控制图像生成风格?详解StyleGAN进化过程 link
  25. 一键上妆的BeautyGAN link github
  26. PSGAN link github
  27. 二次元萌妹高清舞姿随心变,换装只需一瞬间 | 又是GAN立功了 github
  28. cp-vton 换装 github
  29. StyleGAN2.pytorch github
  30. Interpreting the Latent Space of GANs for Semantic Face Editing link github
  31. stargan-v2 github
  32. 一组经过预先训练的StyleGAN 2模型可供下载 github
  33. DG-Net CVPR2019 Joint Discriminative and Generative Learning for Person Re-identification github
  34. 可视化GAN训练过程 github
  35. 人脸年龄编辑 v2 github
  36. pix2pixHD github
  37. Automatic Line Art Colorization – 自动进行线条艺术着色 github
  38. stylegan-encoder github
  39. stylegan2encoder github
  40. 基于StyleGAN2的新版人脸生成器 github
  41. StyleGAN 系列解读 link
  42. Big GANs Are Watching You” pre-print github
  43. 基于StyleGAN2,模糊变清晰PULSE: Self-Supervised Photo Upsampling via Latent Space Exploration of Generative Models github
  44. FaceShifter 高清换脸 githubFaceShifter-pytorch
  45. Face Depixelizer基于 “PULSE:Self-Supervised Photo Supports via Latent Space Exploration of Generative github
  46. ALAE Adversarial Latent Autoencoders 2020 github
  47. Deep Generative Prior:实现通用的图像复原与编辑 2020 github
  48. AI实时换脸项目 github
  49. DeepMosaics 通过深度学习自动的为图片/视频添加马赛克,或消除马赛克 github
  50. deepnude_official 去除衣服 github
  51. 肖像画 link
  52. Deep-Iterative-Collaboration github
  53. anycost-gan
  54. 漫谈VAE和VQVAE,从连续分布到离散分布 link

GCN图卷积网络

  1. PyG框架及Cora数据集简介 link
  2. 从图(Graph)到图卷积(Graph Convolution): 漫谈图神经网络 github
  3. SuperGlue: 利用图神经网络实现的学习特征匹配 github
  4. Curve-GCN:图卷积网络用于活动轮廓演变 link github

TSP

  1. Pointer network 凸包,三角剖分,甚至是TSP link github
  2. np-hard-deep-reinforcement-learning github
  3. neural-combinatorial-rl-pytorch github
  4. 基于A*和Neural Network的路线规划 link
  5. PyTorch implementation of Multi-Label Image Recognition with Graph Convolutional Networks, 2019 github
  6. GPF(Graph Processing Flow):利用图神经网络处理问题的一般化流程 github

Matting remove.bg paoerslink论文汇总

  1. indexnet_matting 2019 pytorch github
  2. Semantic Soft Segmentation github link讲解 github2 home
  3. Semantic Human Matting 2018 阿里 github link dataset
  4. Deep-Image-Matting-v2 2019 pytorch github
  5. pytorch-deep-image-matting github
  6. portrait_matting Chainer github
  7. alphamatting 所有模型统计link
  8. AlphaGAN: Natural Image Matting github
  9. Image Matting代码和算法效果总结 link
  10. Alpha Blending using OpenCV [link](https://www.learnopencv.com/alpha-blending-using-opencv-cpp-python
  11. mishima-matting 蓝色分割 github
  12. AlphaMatting C++ github
  13. Image Matting代碼和算法效果總結 link
  14. portrait_matting github github2
  15. Awesome-Image-Inpainting github
  16. CVPR2020-HAttMatting github
  17. 目前是开源里最好的Natural Image Matting via Guided Contextual Attention github
  18. FusionMatting
  19. 3D-Photo-Inpainting
  20. FBA_Matting github
  21. MMNet github
  22. SkyAR 天空变换 github
  23. animal-matting github
  24. MODNet: Is a Green Screen Really Necessary for Real-Time Portrait Matting github

行人检测

  1. Pedestrian-Detection github
  2. 行人检测(Pedestrian Detection)论文整理 link
  3. 《深度学习与行人重识别》课程课件 github

肖像分割 portrait-segmentation Human-Segmentation

  1. unet-resnext50 github
  2. Tips for building fast portrait segmentation network with TensorFlow Lite link
  3. Real-time Automatic Deep Matting For Mobile Devices With Mobile-Unet github
  4. Towards Real-Time Automatic Portrait Matting on Mobile Devices github
  5. Human-Segmentation-PyTorch github
  6. FusionMatting
  7. 移动设备的实时人像分割 github
  8. 基于 U NET 网络实现的人像分割 | 附数据集 link
  9. portrait-matting-unet-flask github

人体部位解析-human parsing

  1. Pytorch implementation of CVPR2020 paper “Correlating Edge, Pose with Parsing” github

头发分割 Hair Seg

  1. pytorch-hair-segmentation github
  2. face-seg 人脸和头发分割 github

表面检测 缺陷检测

  1. Deep-Learning-Approach-for-Surface-Defect-Detection github
  2. 基于深度学习识别模型的缺陷检测 link
  3. 稀疏编码用于产品表面异常检测 github
  4. 缺陷检测文献记录 github

搜索

  1. 基于 Faiss开发的taranis图像搜索 traranis
  2. 服装局部抄袭怎么解决? 阿里推出区域检索算法 link
  3. Deepmatch:针对推荐、广告和搜索的深度匹配模型库 github
  4. PyRetri – 基于PyTorch的深度学习图像检索工具箱 github
  5. Annoy最近邻检索技术之 “图片检索” link github

推荐排序

  1. allRank 是一个用于训练基于PyTorch的学习排名神经模型的框架 github
  2. DeepTables: Deep-learning Toolkit for Tabular data deeptables
    2. Milvus 是一款开源的特征向量相似度搜索引擎
    3. TOP N 推荐神器 Ranknet加速史(附Pytorch实现) github
    4. 超大规模推荐之用户兴趣高效检索赛道 冠军解决方案 githubs

图像修复

  1. old-photo-restoration
  2. reproducible-image-denoising-state-of-the-art github
  3. IRCNN
  4. Invertible-Image-Rescaling 可逆图像缩放:完美恢复降采样后的高清图片 link github
  5. UNet实现文档印章消除 github
  6. sample-imageinpainting-HiFill github
  7. Bringing-Old-Photos-Back-to-Life github
  8. MPRNet:多阶段渐进式图像恢复 github

虚拟换装

  1. 虚拟试衣:Virtual Try-on Network系列工作 link cp-vton github
  2. Cool-Fashion-Papers github
  3. VITON_realtime github
  4. 时尚服饰领域 MMFashion github dataGithub
  5. Semantically Multi-modal Image Synthesis 顶会语义多模态图像合成算法——GroupDNet速递 github
  6. Parser-Free Virtual Try-on via Distilling Appearance Flows, CVPR 2021 github
  7. Down-to-the-Last-Detail-Virtual-Try-on-with-Detail-Carving

小样本

  1. 小样本集合 github

异常检测

  1. 「异常检测101」:从模型选择到调参 link
  2. pyod github
  3. anomaly-detection-resources github

部署问题

​ 0. 从阿里的User Interest Center看模型线上实时serving方法 link

优化函数

  1. Gradient Centralization: 一行代码加速训练并提升准确率 github

损失函数

  1. SSIM 图像质量等 github
  2. dice 图像分割
  3. ssim和psnr是超分辩主流的评价指标
  4. Kaggle图像分割比赛中的损失函数及keras实现 link
  5. 11个重要的机器学习模型评估指标 link
  6. 人脸识别损失函数对比总结 github
  7. pixel-wise loss perceptual loss(VGG内容loss) texture matching loss adversarial loss contextual similarity perceptual loss
  8. TextDistance 一个开源库含有 30+ 种纯 Python 算法用于比较两个或多个序列之间的距离 github
  9. 在应用中使用度量学习的最简单方法,具有模块化、灵活和可扩展,采用PyTorch编写 github
  10. IQA-optimization 图像质量的损失函数 github
  11. regression-losses-pytorch github
  12. 分类回归损失函数汇总 link
  13. Learned Perceptual Image Patch Similarity (LPIPS) metric github
  14. 超分损失函数小结 link
  15. lpips 像素相似度
  16. DataGene – 识别数据集之间的相似度 github
  17. Muti-Similarity Loss link github
  18. FAT:一种快速的Triplet Loss近似方法,学习更鲁棒的特征表示,并进行有噪声标签的提纯 link github
  19. 用于医学图像分割的损失函数 link
  20. 目标检测回归损失函数简介:SmoothL1/IoU/GIoU/DIoU/CIoU Loss link
  21. 损失函数技术总结 link

场景识别

  1. 场景识别之NetVLAD github

迁移学习

  1. Transfer-Learning-Library

半监督学习

  1. 计算机视觉中的半监督学习 link

图像卡通画、迁移、动作移植

  1. 图像卡通化 White-box-Cartoonization
  2. 不用GAN,照片生成简笔画,效果惊艳 link github
  3. 图像风格迁移也有框架 link github
  4. Motion Representations for Articulated Animation link

Transformers

  1. Vision Transformer link
  2. SETR:基于Transformer的语义分割 link
  3. End-to-End Object Detection with Transformers link
  4. Tokens-to-Token ViT: Training Vision Transformers from Scratch on ImageNet github
  5. vision-transformer-pytorch
  6. 如何简单高效地加速基于BERT的序列标注模型?细粒度早退机制可能会优于模型蒸馏 link
  7. 当Transformer遇见U-Net! link

image animation

  1. first-order-model
  2. articulated-animation
  3. AliaksandrSiarohin/motion-cosegmentation: Reference code for “Motion-supervised Co-Part Segmentation” paper (github.com)
  4. Avatarify Python github
  5. ALAE
  6. SofGAN: A Portrait Image Generator with Dynamic Styling
    ACM Transactions on Graphics 2021 link
  7. SimSwap link github
  8. DeepFaceLab

模型转换

  1. 如何将其他框架训练模型导入到pytorch中 link link2

滑块破解

  1. verification_code 极验证等研究github
  2. Python破解BiliBili滑块验证码,完美避开人机识别 link
  3. python模拟哔哩哔哩滑块登入验证的实现 link

验证码破解

  1. 用神经网络解决拼图游戏 link github
  2. 破解含语序问题的点击验证码 link
  3. 旋转拖动验证码解决方案 link blog
  4. 行为式验证码识别 github
  5. Jigsaw-Net github
  6. 熊猫不定长验证码识别 github

深度学习中的不确定性

  1. ​ 深度学习中的不确定性
  2. 深度学习中的两种不确定性
  3. 不确定性学习在视觉识别中的应用
  4. 构建贝叶斯深度学习分类器
  5. blitz-bayesian-deep-learning

论文与代码

  1. CVPR 2021 论文和开源项目合集(Papers with Code) github

相似性搜索(Faiss)

  1. Faiss流程与原理分析
  2. Faiss从入门到实战精通_bitcarmanlee的博客-CSDN博客_faiss是什么
  3. 图像检索

其他

  1. iSketchNFill:AI帮你画——交互式涂鸦自动补全 github
  2. 使用YOLOv3演示行人跟踪卡尔曼滤波器 github
  3. TriangleGAN,一种新的手势到手势翻译框架 github
  4. 基于CNN+Bi-LSTM+Attention 的自动对对联系统 pytorch github
  5. AI写诗 pytorch github
  6. 图像增强 github
  7. 黄图5分类 tensorflow github
  8. 光流估计LiteFlowNet pytorch github
  9. FA-GAN(Face Aging GAN)
  10. 深度学习实践文档检测 link
  11. AI绘画 link github
  12. 肖像分割 portrait-demo github
  13. DeepHash github
  14. 基于CNN的面部表情识别(FER2013和CK +)的pytorch实现 github
  15. Im2Pencil – 用Pytorch实现从照片生成可控制的铅笔插图 pytorch github
  16. NLP DNN Toolkit:微软发布的模块化深度学习NLP工具集 github
  17. 基于深度神经网络和蒙特卡罗树搜索的神经网络搜索 github
  18. Exploring the Limits of Compact Model for Age Estimation. CVPR2019 github
  19. 如何处理regression中的imbalanced data问题 link
  20. 表面缺陷检测 Defect Eyegithub
  21. 手势识别 link github
  22. 一些改进模型速度/精度的工程方法 github
  23. 公交线路准点预测 github
  24. 美发目标分割 + 染发展示 github
  25. AI超级美发师 link
  26. Fashion Recommendation – 用于服装图像的服装检索和视觉推荐模型 github
  27. FFA-Net: 用于单图像去雾的特征融合注意力网络 github
  28. 使用PyTorch从单个图像实现3D Ken Burns效果 github
  29. 通过深度学习来检测人脸是否被PS过 github
  30. ASM-Net:可解释的美学评分及图像剪裁 link
  31. 2019年“创青春·交子杯”唇语识别 githu github2
  32. 使用 Siamese Networks进行降纬 github
  33. Multi Model Server is a tool for serving neural net models for inference github
  34. Automated deep learning algorithms implemented in PyTorch or Tensorflow. github
  35. Gaze Tracking – 基于网络摄像头的眼睛跟踪系统,可以实时判断瞳孔的准确位置和注视方向 github
  36. 基于卷积神经网络的恶意代码分类系统 github link
  37. 深度指纹识别:通过深度学习破坏网站指纹防御 link
  38. 头发分割和染色,含服务端和上传网页代码 github
  39. SynSin: 单个图像的端到端视图合成 github
  40. 从单个彩色摄像机以100fps以上的速度捕获手势的最小解决方案 github
  41. NeRF(Neural Radiance Fields) 的PyTorch复现结果 github
  42. Thin Plate Spline 薄板样条插值—TPS link
  43. fitlog是一款在深度学习训练中用于辅助用户记录日志和管理代码的工具 github
  44. Pose Animator(姿势动画师):做动作控制生成矢量角色动画 github
  45. 低光图像处理方案 link
  46. Single-Image HDR Reconstruction by Learning to Reverse the Camera Pipeline github
  47. OpenSelfSup: Open-MMLab自监督表征学习代码库 github
  48. 智能缩放 github
  49. GIMP-ML
  50. multi_gpu_infer 多gpu预测 multiprocessing or subprocessing github
  51. 深度学习训练tricks整理 数据增强等技巧 link
  52. Pose项目之关键点检测扫描全能王 link1 link2
  53. CASIA标注工具 github
  54. 算法工程师技术路线图 link
  55. 5步用python让图片人物说话 github
  56. 伪装物体检测论文 SINet
  57. 谷歌实时端到端双目系统深度学习网络StereoNet github
  58. 视觉任务中长尾分布问题研究进展与挑战 link
  59. CVPR 2020 在频域中学习的DCTNet link github
  60. 多模态深度学习:用深度学习的方式融合各种信息 link
  61. 数学公式识别:基于编码-解码模型 link
  62. 机器人是如何规划路径的 github
  63. 使用深度学习从视频中估计车辆的速度 link github
  64. 如何阅读一个前向推理框架?以NCNN为例 link
  65. 微信官方开源了自家优化的二维码引擎 link
  66. 一个CV算法工程师的小反思 link
  67. 视频防抖FuSta link

语言工具

Docker

  1. [Docker] 教你如何用Docker快速搭建深度学习环境 link

python

  1. 将图像文件加载到具有Exif方向支持的numpy数组中,防止图像上下颠倒 github
  2. Python在cmd上打印彩色文字 link
  3. Reaction:快速便捷的深度学习模型服务部署框架 github
  4. imagededup – 让查找重复图像变得容易的Python包 github
  5. 图像的仿射变换 link
  6. records数据库操作 github link
  7. Python代码加密混淆 link
  8. 图解NumPy link
  9. 怎么样发布你的 Python 代码给别人 “pip install” link
  10. pyqt5 examples github
  11. imgviz画图 github
  12. wxpy: 用 Python 玩微信 link
  13. Waitress link
  14. ABuilder python mysql数据库github
  15. pybind11 github
  16. imutils库–图像处理函数
  17. Python 库 link
  18. Pyinstaller打包需要的参数 link
  19. Gunicorn配置 link
  20. Python资源大全中文版 github
  21. Web 应用 & 框架 link
  22. Flask中文文档 link
  23. python各大网站登陆方式 github
  24. PyOD异常检测库 doc
  25. requests文档 doc
  26. numba 加速库
  27. alfred-py 可视化工具 github
  28. albumentations 扩展样本库 github
  29. modelsummary pytorch github
  30. python 教程 github
  31. imgaug 数据增强库 github
  32. 如何为Python程序制作Windows安装包 link
  33. Django + Ansible + Celery 的WEB平台,用以批量处理任务 github
    18.Jupyter安装与部署 linklink
  34. Jupyter 使用指南 link
  35. python tkinter模块使用大全 link
  36. windows python 安装包 link

C/C++/CUDA

  1. QtWebApp HTTP Webserver in C++ link
  2. qt-http-server link
  3. NumCpp C++版本的numpygithub
  4. 图像解码库stb single-file public domain libraries for C/C++ github
  5. OpenCV-MinGW github
  6. 用汇编理解C++ github
  7. C++每周小技巧 link
  8. Cpp-Httplib – 只有一个C++头文件的跨平台HTTP库 github
  9. NN-CUDA-Example
  10. 手把手教你构建 C 语言编译器 link

dlib

  1. 81 Facial Landmarks Shape Predictor github
  2. 3D人脸重建 轻量级3DMM github

matting

  1. Natural-image-matting C++ github
  2. global-matting github

浏览器定制

  1. qutebrowser pyqt5 github
  2. cef bitbucket
  3. CEF 文档中文 github
  4. miniblink github
  5. cefpython github
  6. pyqt5 示例 github
  7. pyqt5 DOC link

爬虫

  1. 拼多多商品信息爬虫 github

  2. 还分不清 Cookie、Session、Token、JWT? link

  3. Python3 爬虫实战 github

  4. 新闻网站通用抽取器GNE v0.04版更新,支持提取正文图片与源代码 github

数据结构和算法

  1. labuladong的算法小抄

opencv

  1. learnopencv link github

工具

  1. Data_Label_Tools github
  2. 图片简易标注工具 github
  3. brackets js开发工具 brackets
  4. deep-learning-model-convertor
  5. 画图工具 drawio-desktop github
  6. DarkLabel:多目标检测标注软件 link
  7. GeoGebra 数学应用画图等 link

其他

  1. 操作系统是如何被加载的 github
  2. 各类计算机技术电子书 github
  3. 京东vearch github
  4. 阿里云天池大赛2019——肺部CT多病种智能诊断,参赛代码 github
  5. face-makeup.PyTorch github
  6. AI智能换脸 github
  7. 面向深度学习研究者的概率分布基础教程 github
  8. 适合图像重建的归一化层:GDN link
  9. 从虚拟机架构到编译器实现 link
  10. examples-of-web-crawlers python 爬虫的一些例子
  11. 头发分割项目 github
  12. 缓动函数速查表 link 效果查看
  13. 逆向 link
  14. flamingo 开源即时通讯软件 C++ github
  15. 坐标旋转变换公式的推导 link
  16. 自动红眼移除算法 附c++完整代码 link
  17. 支持向量机(SVM) github
  18. 使用Matlab测量图像目标尺寸 link
  19. 机器学习中的距离和相似度度量方式有哪些 link
  20. 机器学习中“距离与相似度”计算汇总 link
  21. pytorch-music-composer 自动生成音乐 github
  22. easy12306 验证码识别 github
  23. smarGate 内网穿透 github
  24. 个人博客采用python+flask编写 github
  25. 一个基于react-native的纯跨平台的影视项目 link
  26. 机器学习超详细实践攻略(8):使用scikit-learn构建模型的通用模板【万字长文】 github
  27. 监控文件改动,随时自动备份,彻底防止误删 github
  28. 北京邮电大学“网络搜索原理”课程资料 github
  29. learn-regex 正则表达式学习 github
  30. 绕cdn找源站ip(提供思路) link
  31. 算法岗必须人手一篇顶会?超详细面经:无论文、无实习拿下腾讯CV算法岗 link
  32. 程序员简历模板列表 github
  33. 通用方法 解决/usr/lib64/libstdc++.so.6: version `CXXABI_1.3.8’ not found的问题 link
  34. 使用ADSL拨号服务器搭建自己的代理IP link