admin管理员组

文章数量:1794759

深度学习系列资料总结

深度学习系列资料总结

👨‍💻作者简介: CSDN、阿里云人工智能领域博客专家,新星计划计算机视觉导师,百度飞桨PPDE,专注大数据与AI知识分享。✨公众号:GoAI的学习小屋 ,免费分享书籍、简历、导图等,更有交流群分享宝藏资料,关注公众号回复“加群”或➡️链接 加群。 🎉专栏推荐: ➡️ 《计算机视觉》 总结目标检测、图像分类、分割OCR、等方向资料。 ➡️ 《深入浅出OCR》: 对标全网最全OCR教程,含理论与实战总结。以上价格便宜长期更新,感兴趣小伙伴可关注。 🎉学习者福利: 强烈推荐优秀AI学习网站,包括机器学习、深度学习等理论与实战教程,非常适合AI学习者。➡️网站链接。 🎉技术控福利: 程序员兼职社区招募!技术范围广,CV、NLP均可,要求有一定基础,最好是研究生及以上或有工作经验,也欢迎有能力本科大佬加入!群内Python、c++、Matlab等各类编程单应有尽有, 资源靠谱、费用自谈,有意向者直接访问➡️链接。


深度学习系列最全资料总结

说明:本系列深度学习资料集合包含机器学习、深度学习等各系列教程,主要以计算机视觉资料为主,包括图像识别、分类、检测、分割等,内容参考Github及网络资源,仅供个人学习。侵权联系删除!

😊 初学者学习资料推荐: 1️⃣ 深度学习知识点全面总结: link 2️⃣ 机器学习知识点全面总结: link 3️⃣ Pytorch学习笔记总结:link

一、深度学习概念 1.深度学习定义

深度学习定义:一般是指通过训练多层网络结构对未知数据进行分类或回归 深度学习分类: 有监督学习方法——深度前馈网络、卷积神经网络、循环神经网络等; 无监督学习方法——深度信念网、深度玻尔兹曼机,深度自编码器等。

2.深度学习应用 图像处理领域主要应用

图像分类(物体识别):整幅图像的分类或识别 物体检测:检测图像中物体的位置进而识别物体 图像分割:对图像中的特定物体按边缘进行分割 图像回归:预测图像中物体组成部分的坐标

语音识别领域主要应用

语音识别:将语音识别为文字 声纹识别:识别是哪个人的声音 语音合成:根据文字合成特定人的语音

自然语言处理领域主要应用

语言模型:根据之前词预测下一个单词。 情感分析:分析文本体现的情感(正负向、正负中或多态度类型)。 神经机器翻译:基于统计语言模型的多语种互译。 神经自动摘要:根据文本自动生成摘要。 机器阅读理解:通过阅读文本回答问题、完成选择题或完型填空。 自然语言推理:根据一句话(前提)推理出另一句话(结论)。

综合应用

图像描述:根据图像给出图像的描述句子 可视问答:根据图像或视频回答问题 图像生成:根据文本描述生成图像 视频生成:根据故事自动生成视频

二、资料总结 1.机器学习算法
  • 手写机器学习笔记 github

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

  • 人工智能相关术语 link

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

  • 机器学习算法 基于西瓜书以及《统计学习方法》 github

  • 2.算法比赛相关
  • 数据挖掘比赛笔记总结 link
  • 算法竞赛笔记 github
  • 算法模型调优指南 link
  • 人工智能竞赛Top解决方案 github
  • 数据竞赛优胜解集锦 github
  • 特征工程小锦囊 github
  • 3.算法岗面试相关
  • 算法岗工作总结 github
  • 人工智能实战面试学习路线图 Ai-Learn
  • 百面机器学习之模型评估 link
  • 面向机器学习的特征工程 github
  • 深度学习500问 github
  • 深度学习无限问 github
  • 计算机视觉知识点总结 link
  • 深度学习CV领域最瞩目的成果 link
  • 算法工程师技术路线图 link
  • 深度学习基础 基础教程
  • 机器学习与深度学习基础概念介绍 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

  • 深度学习AI产品全栈 github 点评

  • 论文与代码
  • 论文代码合集 github
  • CVPR 2021 论文和开源项目合集(Papers with Code) github
  • 深度学习 论文解读 CV_PaperDaily github
  • 发布研究论文代码技巧 github
  • 深度学习模型
    • 项目地址:github/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 中文版 中英文对照

    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
    • MobileNetV2 MobileNetV2: Inverted Residuals and Linear Bottlenecks 中文版 中英文对照
  • 轻量级卷积神经网络的设计技巧 link

  • MixNet-Pytorch github

  • MobileNetV3 pytorch 2019 github linklinkgithub

  • 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

  • Muti-Similarity Loss link 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
  • onnxruntime github doc
  • 详细记录YOLACT实例分割ncnn实现 link
  • 系统性学习ONNX:背景、格式及简化方法 link
  • onnx2nn
  • onnx-simplifier
  • tensorRT
  • Pytorch通过保存为ONNX模型转TensorRT5 link
  • onnx-tensorrt github
  • PyTorch转TensorRT流程 link
  • windows环境下安装TensorRT 5.0教程(win10) link
  • TensorRT-7 Network Lib 包括常用目标检测、关键点检测、人脸检测、OCR等 github
  • 其他框架
  • 清华AI框架 jittor官网 github

  • MegEngine 旷世AI框架 link github

  • mindspore 华为AI框架mindspore

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

  • 工具类 绘图工具
  • 画网络图等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 中文版 中英文对照

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

    目标检测

  • 目标检测之Neck选择 link

  • 详解目标检测中边界框的回归策略 link

  • 目标检测中的特征冲突与不对齐问题 link

  • 小目标检测学习汇总 link

  • groupsoftmax-simpledet

  • 在物体检测中搞定小目标 link

  • vedadet检测框架

  • 在目标检测中如何解决小目标的问题? 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
    • U-Net U-Net: Convolutional Networks for Biomedical Image Segmentation 中文版 中英文对照
  • DenseBox pytorch github link
  • 写给小白的YOLO介绍 link
  • OneNet:一阶段的端到端物体检测器,无需NMS link
  • Object Detection Made Simpler by Eliminating Heuristic NMS github
  • 基于候选框做目标检测
  • 目标检测新突破!来了解Res2Net深度多尺度目标检测架构 link github

  • 目标检测中Anchor的本质分析 github

  • 利用YOLOv3结合行人重识别模型,实现行人的检测识别,查找特定行人 github

  • CBNet:一种用于目标检测的复合骨干网络体系结构 2019 github

  • 单级目标检测:YOLO与SSD,我选SSD!!! link

  • 【SSD算法】史上最全代码解析-核心篇 github

  • MXNet的一个开源项目gluoncv里的yolov3代码,写了一份中文注解 github

  • faster-rcnn pytorch github

  • 十分钟训好SSD416进行钢筋检测 link github

  • Why anchor link

  • Double-Head RCNN 通过增加多个head提升准确率github

  • 对YOLOv3做模型剪枝 pytorch 2019 github

  • simpledet NAS-FPN 2019 mxnetgithub

  • SSD-PyTorch源码解析 link github

  • PoolNet pytorch 2019 github

  • SSD pytorch github link

  • 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

  • Yolo-v3 and Yolo-v2 for Windows and Linux github link

  • 目标检测算法之YOLO系列算法的Anchor聚类代码实战 link github

  • 天池大赛项目:天池新品实验室 - 淘宝直播商品识别 github

  • 只用一页jupyter notebook完成Faster RCNN github

  • Pytorch版本中的Faster RCNN模型,已在ResGen 101的Visual Genome上进行了预训练 github

  • Yolo -v4 github YOLOv4的最小PyTorch实现 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

  • PP-YOLO link 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 github

  • 令人“细思极恐”的Faster-R-CNN link github

  • 基于密度图的航空物体检测 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](github/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
  • 边缘检测算法
  • 文章介绍 link
  • hed_pytorch 2015 github
  • rcf 2019 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
  • 无人驾驶
  • 无人驾驶的资源列表中文版 github
  • 从MATLAB/Simulink入手学习无人驾驶 link
  • 人脸识别
  • SeetaFace2 2019 全C++github
  • 适用于复杂场景的人脸识别身份认证系统 github
  • 谷歌公布亚毫秒级人脸检测算法BlazeFace,面向移动GPU 2019 link
  • Face Recognition Loss on Mnist with Pytorch github
  • 人脸对齐 link
  • 人脸识别攻击 link
  • awesome-Face_Recognition github
  • 人脸检测加识别 github
  • face_recognition.pytorch github
  • 人脸识别基础介绍 link
  • A Light CNN for Deep Face Representation with Noisy Labels, TIFS 2018 github
  • reid-strong-baseline 2019 pytorchgithub
  • 基于人脸关键区域提取的人脸识别 github
  • MassFace: 使用 triplet loss 进行人脸识别的高效实现 tensorflow github
  • Retinaface_Mobilenet_Pytorch github
  • deepface - 用于Python的轻量级人脸分析框架 github
  • HyperFAS 基于深度学习人脸静默活体算法 github
  • SeetaFace6 SeetaFace6 入门教程
  • 人脸口罩检测与识别-助力于新型冠状病毒疫情防控 github
  • Pyramidbox.pytorch
  • FaceFinder github
  • 人脸融合
  • Faceswap pytorch github
  • FaceAttribute-FAN 人脸特征融合 github
  • 利用生成对抗网络实现人脸老化 github
  • 深度学习换脸检测发展调研 link1 link2
  • FSGAN: Subject Agnostic Face Swapping and Reenactment(ICCV19) github
  • Face-Aging-with-Identity-Preserved-Conditional-Generative-Adversarial-Networks github
  • FaceAging-by-cycleGAN github
  • Fast-AgingGAN github
  • 年龄性别等
  • SSR-Net_megaage-asian 亚洲年龄检测 github SSR-Net github
  • age-gender-estimation github
  • DeepFaceLab github
  • 人体姿态估计
  • A lightweight network for body/hand action recognition github
  • 深度高分辨表示学习的姿态估计算法 pytorch github
  • pose proposal networks github
  • OpenPose 基于OpenCV DNN 的手部关键点检测 link
  • 包含手和身体姿势估计openpose的pytorch实现 github
  • 用于人体姿势估计的高分辨率网络(HigherHRNets) github
  • 基于OpenPose的人体骨骼多人动作实时识别 github
  • DeepPoseKit - 使用深度学习进行姿势估计的工具包 tensorflow keras github
  • You Only Watch Once:实时人体动作定位网络 github
  • 用于多人位姿估计和实例细分的PersonLab的Tensorflow实现 github
  • 行人重识别
  • SCPNet ACCV2018 pytorch github 知乎作者讲解link
  • 行人重新识别 2019 pytorch github
  • 一个基于PyTorch的开源人群计数框架 githublink
  • 小于1MB的行人检测网络 link/github
  • SOTA ReID Methods and Toolbox github
  • 车道检测
  • Advanced_Lane_Detection 车道检测项目的复现 github
  • 车道检测合集 github
  • 使用深度神经网络模型实现Lenet模型实时车道检测 github
  • 车道检测关键点估计和点实例分割方法 github
  • 百度Aistudio无人车车道线检测挑战赛/练习项目/Pytorch github
  • 无人驾驶车道/路线检测 github
  • 超快的结构感知深度车道检测 github
  • LaneNet学习及思考 link
  • 异常检测
  • 「异常检测101」:从模型选择到调参 link
  • anomaly-detection-resources github
  • 行人检测
  • Pedestrian-Detection github
  • 行人检测(Pedestrian Detection)论文整理 link
  • 《深度学习与行人重识别》课程课件 github
  • 表面检测 缺陷检测
  • Deep-Learning-Approach-for-Surface-Defect-Detection github
  • 基于深度学习识别模型的缺陷检测 link
  • 稀疏编码用于产品表面异常检测 github
  • 缺陷检测文献记录 github
  • OCR 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 中文版 中英文对照

    文字检测
  • CRAFT-pytorch 2019 github
  • PSENET keras 2019github
  • awesome-deep-text-detection-recognition github
  • EAST pytorch github
  • TextSnake pytorch github
  • AdvancedEAST keras/tensorflow github
  • PSENet 2018 github
  • Text detection model that combines Retinanet with textboxes++ for OCR github
  • handwritten-text-recognition-for-apache-mxnet github
  • 文字识别
  • 百度PaddleOCR

  • 数学公式识别:基于编码-解码模型 link

  • MaskTextSpotter - 端到端可训练神经网络,用于发现任意形状文本的一个PyTorch实现 github

  • Text_Segmentation_Image_Inpainting 文件检测并修复 github

  • 手写公式识别 :基于深度学习的端到端方法 github

  • 基于MXNet的CTPN 身份证 github

  • 深度学习实践文档检测 link

  • PyTorch实现的DenseBox多任务学习目标检测/关键点定位 github

  • 增值税发票识别系统(OCR System of Invoice) link

  • 文字相似度函数 pytorch github

  • 深度学习与OCR论文合集 link

  • CCPD 车牌端对端识别及其250k的数据集 github

  • aster.pytorch github

  • Seq2Seq+Attention 中文OCR文字识别 pytorch github

  • A research project for text detection and recognition using PyTorch 1.2 github

  • AttentionOCR 2019 ocr检测和识别冠军 github

  • 差分二值化的实时场景文本检测的pytorch重实 2020 pytorch github 解读

  • ABCNet - 利用自适应贝塞尔曲线网络实现的实时场景文本识别 github

  • 运用unet实现对文档表格的自动检测,表格重建 github

  • 条形图检测和坐标识别 github

  • 超轻量级中文ocr,支持竖排文字识别, 支持ncnn推理 , psenet(8.5M) + crnn(6.3M) + anglenet(1.5M) 总模型仅17M github windows

  • 通过Transformer实现的识别场景文本 github

  • 方向任意目标检测新算法gliding_vertex link github

  • PSENet.pytorch

  • PAN(PSENet2) github link

  • pytorch_ctpn github

  • chinese_ocr CTPN + DenseNet + CTC github

  • 一个基于CTPN+CRNN的OCR项目 github

  • 更轻量的中文OCR github

  • 汉字字符特征提取工具,可以提取出字符中的字音(声母、韵母、声调)、字形(偏旁、部首)、四角编码等特征,同时可作为tensor输入到模型 github

  • TextGenerator - OCR/文字检测/字体识别数据生成工具 github

  • 《深度实践OCR:基于深度学习的文字识别》 随书代码 github

  • Table-OCR github

  • 支持40+种语言和本地运行,这个OCR库轻松搞定光学字符识别 github

  • MaskTextSpotterV3端到端文本识别模型 github

  • Transformer最详细解析 link1 link2

  • PP-OCR link github link

  • 手写及场景文字分析与识别的一些新尝试 link

  • Mask TextSpotter v3 来了!最强端到端文本识别模型 link github

  • PyTorch OCR模型的安卓端部署 link

  • STD++:一种基于语义特征的任意方向场景文本检测方法 link github

  • 基于Transformer文本识别模型的网络架构 link

  • 端到端的票据类版面分析算法 link github

  • mmocr

  • 车牌识别 模型部署翻车记:pytorch转onnx踩坑实录 link

  • 古籍文档图像二值化:基于背景估计和能量最小化的方法 link

  • 金山OCR识别框架KSAI-Toolkits [github](kingsoft-wps/KSAI-Toolkits (github))

  • 车牌识别 车辆识别
  • LPRNet_Pytorch github link
  • 使用Pytorch在MTCNN和LPRNet中进行的两步轻量级和强大的车牌识别 link
  • LPRNet - 基于Tensorflow,使用CNN和CTCloss实现轻量级车牌识别的轻型网络 github
  • 基于u-net,cv2以及cnn的中文车牌定位,矫正和端到端识别软件 github
  • 车辆重识别算法PVEN代码 github
  • 去水印 inpaint
  • deepfill2 github
  • pytorch-inpainting-with-partial-conv githubkerasgithub link
  • Image-Inpainting paper and code github
  • Context Encoders: Feature Learning by Inpainting 2016github
  • High-Resolution Image Inpainting Using Multi-Scale Neural Patch Synthesis 2017 github
  • siggraph2017_inpainting 2017 github
  • pytorch-inpainting-with-partial-conv 2018 github
  • Generative Image Inpainting with Contextual Attention, CVPR 2018 github
  • EdgeConnect 2019 github
  • Anime-InPainting 基于EdgeConnect的pytorch代码工具 github
  • Fully convolutional deep neural network to remove transparent overlays from images github
  • Exemplar_GAN_Eye_Inpainting github
  • deep-image-prior github
  • SC-FEGAN github
  • DFNet 2019 github
  • Pluralistic-Inpainting pytorch github
  • Video-Auto-Wipe github
  • STTN github
  • 图像超分辨率与去噪
  • Lightweight Image Super-Resolution with Information Multi-distillation Network (ACM MM 2019) github

  • 图像超分:RealSR link

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

  • 去模糊 SRN-Deblur github link

  • FALSR 2019 小米 github

  • FixRes github

  • noise2noise-pytorch github

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

  • 去模糊GAN DeblurGANv2 github

  • High-Quality Self-Supervised Deep Image Denoising 2019 github

  • ABPN pytorch 2019 github

  • super-resolution github

  • 超分辨率损失函数 link

  • waifu2x github link

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

  • pytorch 版的 MWCNN 复现 github link

  • Dandere2x github

  • Waifu2x-Extension-GUI github

  • generative_inpainting fillv2 github

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

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

  • 图像去模糊系列算法 link

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

  • 去雨网络(PReNet) github

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

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

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

  • 可控图像复原 | CResMD github link

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

  • ZSSR link

  • 2020超分辨算法CFSRCNN

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

  • 质量评估、图像增强
  • STN-空间变换网络 link
  • Learning Data Augmentation Strategies 数据增强、link github
  • 卷积网络图像质量评估 卷积神经网络可预测图像的美学和技术质量 github
  • FaceQnet: 基于深度学习的人脸识别质量评估 github
  • 基于深度学习的图像增强调研 link link2
  • hdrnet link
  • 用深度学习让你的照片变得美丽github link
  • 语音合成与识别
  • SpeechBrain 新的语音框架 基于pytorch开发 link
  • patter - PyTorch语音识别框架 github
  • masr 中文语音识别,提供预训练模型,高识别率 github
  • FastSpeech github
  • RNN-CTC ctc-asrgithub
  • 基于深度学习的中文语音识别系统 github
  • Cheetah - 基于深度学习的设备端语音转文本引擎 github
  • kaldi资料集 github
  • Machine Learning Sound Classifier github
  • 克隆语音Clone a voice in 5 seconds to generate arbitrary speech in real-time github
  • 使用PyTorch和CUDA进行E2E语音识别训练的实现用功能 github
  • piano_transcription
  • 语音合成入门,训练一个中文语音tts link
  • Adversarial Attack攻击
  • 可迁移对抗样本攻击目标检测 link
  • EYD与机器学习 github
  • 对抗样本攻防战 link
  • Adversarial Attack介绍 link
  • FeatherNets_Face-Anti-spoofing-Attack-Detection-Challenge-CVPR2019 github
  • MTCNN可攻破?华为提出一种可复制、可靠的攻击方法 link github
  • TrojanNet link github
  • 微软旷视人脸识别100%失灵!芝加哥大学新研究「隐身衣」,帮你保护照片隐私数据 link github
  • 用这种方法骗过护照人脸识别系统 link
  • 对抗攻击算法FGSM的纯粹版 link
  • GAN 对抗神经网络 GAN论文
    • SRGAN Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network 中文版 中英文对照

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

  • 使用Pytorch实现的各种对抗性生成网络GAN github
  • Liquid Warping GAN:模仿人体运动,外观转移和新颖视图合成的统一框架 github
  • PyTorch-GAN github
  • layout2im 2019 github
  • Image-to-Image Translation via Group-wise Deep Whitening-and-Coloring Transformation github
  • 把小姐姐自拍,变成二次元萌妹子,神情高度还原,效果胜于CycleGAN link github
  • Generative Deep Learning 的中文翻译 code github
  • Jokeriser使用人脸识别+CycleGAN训练的生成器将人脸转换成小丑Joker的脸 github
  • instagan link link
  • stargan github
  • impersonator 2019 pytorch github
  • Fashion editing on Pytorch github
  • CartoonGan-tensorflow 实景照片秒变新海诚风格漫画:清华大学提出CartoonGAN github
  • 想用StyleGAN生成老婆?来看看这个小哥的复现细节吧 github
  • StyleGAN2蒸馏用于前馈图像处理 github
  • GANILLA:将图像转成插图生成对抗网络的PyTorch实现 github
  • 基于“一阶模型”的人脸图像运动模型(Photo-2-Video) github
  • AnimeGAN 的一个Tensorflow实现用于将真实世界的照片转换为动漫图像 github
  • 单张图像就可以训练GAN!Adobe改良图像生成方法 github
  • mimicry A PyTorch library for the reproducibility of GAN research. github
  • Learning Cross-Modal Embeddings with Adversarial Networks for Cooking Recipes and Food Images 图片-食谱相互生成的问题 [link](把某人的 DNA 序列作为输入,正面照片作为输出,丢到深度神经网络里面学习,可行吗? - 时间旅客的回答 - 知乎 www.zhihu/question/363503176/answer/1148326488) github
  • Self-Supervised Scene De-occlusion 神奇的自监督场景去遮挡 github
  • 漂亮的人脸卡通化,小视科技开源成熟模型与训练数据 link github
  • 看GAN如何一步步控制图像生成风格?详解StyleGAN进化过程 link
  • 一键上妆的BeautyGAN link github
  • PSGAN link github
  • 二次元萌妹高清舞姿随心变,换装只需一瞬间 | 又是GAN立功了 github
  • cp-vton 换装 github
  • StyleGAN2.pytorch github
  • Interpreting the Latent Space of GANs for Semantic Face Editing link github
  • stargan-v2 github
  • 一组经过预先训练的StyleGAN 2模型可供下载 github
  • DG-Net CVPR2019 Joint Discriminative and Generative Learning for Person Re-identification github
  • 可视化GAN训练过程 github
  • 人脸年龄编辑 v2 github
  • pix2pixHD github
  • Automatic Line Art Colorization - 自动进行线条艺术着色 github
  • stylegan-encoder github
  • stylegan2encoder github
  • 基于StyleGAN2的新版人脸生成器 github
  • StyleGAN 系列解读 link
  • Big GANs Are Watching You" pre-print github
  • 基于StyleGAN2,模糊变清晰PULSE: Self-Supervised Photo Upsampling via Latent Space Exploration of Generative Models github
  • FaceShifter 高清换脸 github FaceShifter-pytorch
  • Face Depixelizer基于 "PULSE:Self-Supervised Photo Supports via Latent Space Exploration of Generative github
  • ALAE Adversarial Latent Autoencoders 2020 github
  • Deep Generative Prior:实现通用的图像复原与编辑 2020 github
  • AI实时换脸项目 github
  • DeepMosaics 通过深度学习自动的为图片/视频添加马赛克,或消除马赛克 github
  • deepnude_official 去除衣服 github
  • 肖像画 link
  • Deep-Iterative-Collaboration github
  • GCN图卷积网络
  • PyG框架及Cora数据集简介 link
  • 从图(Graph)到图卷积(Graph Convolution): 漫谈图神经网络 github
  • SuperGlue: 利用图神经网络实现的学习特征匹配 github
  • Curve-GCN:图卷积网络用于活动轮廓演变 link github
  • TSP
  • Pointer network 凸包,三角剖分,甚至是TSP link github
  • np-hard-deep-reinforcement-learning github
  • neural-combinatorial-rl-pytorch github
  • 基于A*和Neural Network的路线规划 link
  • PyTorch implementation of Multi-Label Image Recognition with Graph Convolutional Networks, 2019 github
  • GPF(Graph Processing Flow):利用图神经网络处理问题的一般化流程 github
  • 肖像分割 portrait-segmentation Human-Segmentation
  • unet-resnext50 github
  • Tips for building fast portrait segmentation network with TensorFlow Lite link
  • Real-time Automatic Deep Matting For Mobile Devices With Mobile-Unet github
  • Towards Real-Time Automatic Portrait Matting on Mobile Devices github
  • Human-Segmentation-PyTorch github
  • FusionMatting
  • 移动设备的实时人像分割 github
  • 基于 U NET 网络实现的人像分割 | 附数据集 link
  • portrait-matting-unet-flask github
  • 图像修复
  • old-photo-restoration
  • reproducible-image-denoising-state-of-the-art github
  • IRCNN
  • Invertible-Image-Rescaling 可逆图像缩放:完美恢复降采样后的高清图片 link github
  • UNet实现文档印章消除 github
  • sample-imageinpainting-HiFill github
  • Bringing-Old-Photos-Back-to-Life github
  • MPRNet:多阶段渐进式图像恢复 github
  • 强化学习
  • 动态环境下基于DRL的无人车自适应路径规划方法 link github
  • RecNN - PyTorch强化推荐工具箱 github
  • 清华大学天授 基于Pytorch的强化学习 github
  • 万字长文:国内第一个基于TensorFlow2.0支持GUI非gym环境的强化学习框架General github
  • 小样本(one-shot learning)or 零样本(zero-shot learning)
  • 小样本集合 github
  • few shot learning调研 link
  • 小样本分割综述 link
  • 计算机视觉中的小样本学习综述 link
  • 度量学习

    link

  • arcmargin loss

  • triplet loss

  • quadruplet loss

  • eml loss

  • npairs loss

  • 度量学习中关于排序损失函数的综述 link

  • 在应用中使用度量学习的最简单方法,具有模块化、灵活和可扩展,采用PyTorch编写 link

  • AutoML pdf linkgithub

  • 迁移学习 半监督学习
  • 计算机视觉中的半监督学习 link
  • 图像卡通画、迁移、动作移植
  • 图像卡通化 White-box-Cartoonization
  • 不用GAN,照片生成简笔画,效果惊艳 link github
  • 图像风格迁移也有框架 link github
  • Motion Representations for Articulated Animation link
  • 时序
  • 时间序列预测方法总结 link
  • NLP
  • Chinese-Text-Classification-Pytorch 中文文本分类 pytorch github
  • 可解释性(2)—— RNN可视化工具RNNVis github
  • 基于RNN的生成手写字体 github
  • ERNIE github
  • nert-bert pytorch github
  • xlnet 2019 github
  • Attention和Transformer link
  • BERT模型从训练到部署 github
  • xlnet-pytorch 2019 github
  • nlp-tutorial gitub
  • DeepNLP-models-Pytorch github
  • 中国法研杯司法人工智能挑战赛之相似案例匹配第一名解决方案 github
  • 新闻分类 LR SVM [github](github/imadelh/NLP-news-classification
  • PyTorch 实现的神经网络协同过滤推荐系统 github
  • 基于CV+NLP使用tf.Keras构建图像搜索引擎 github
  • 句子级别文本相似度计算(数据/模型/部署) github
  • 机器翻译:统计建模与深度学习方法 github
  • 总结梳理自然语言处理工程师(NLP)需要积累的各方面知识
  • 快速理解句向量模型 link
  • RNN人名分类器 github
  • 用BILSTM+CRF做医疗实体识别,框架为pytorchgithub
  • minGPT
  • Unilm
  • Transformer模型详解 讲解为最清晰 link
  • lightseq
  • 搜索
  • 基于 Faiss开发的taranis图像搜索 traranis
  • 服装局部抄袭怎么解决? 阿里推出区域检索算法 link
  • Deepmatch:针对推荐、广告和搜索的深度匹配模型库 github
  • PyRetri - 基于PyTorch的深度学习图像检索工具箱 github
  • Annoy最近邻检索技术之 “图片检索” link github
  • 推荐排序
  • allRank 是一个用于训练基于PyTorch的学习排名神经模型的框架 github
  • DeepTables: Deep-learning Toolkit for Tabular data deeptables 2. Milvus 是一款开源的特征向量相似度搜索引擎 3. TOP N 推荐神器 Ranknet加速史(附Pytorch实现) github 4. 超大规模推荐之用户兴趣高效检索赛道 冠军解决方案 githubs

  • 文本分类(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](

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

    本文标签: 深度系列资料