当前位置:首页 » 《随便一记》 » 正文

深度学习最全资料合集

27 人参与  2022年07月15日 13:53  分类 : 《随便一记》  评论

点击全文阅读


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

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

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

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

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


机器学习算法相关

算法竞赛笔记 github

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

算法岗工作总结 github

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

手写机器学习笔记 github

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

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

人工智能相关术语 link

算法模型调优指南 link

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

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

计算机视觉知识点总结 link

深度学习基础

基础教程

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

深度学习 论文解读 CV_PaperDaily github

论文代码合集 github

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

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

卷积神经网络的感受野 link

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

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

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

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

STN-空间变换网络 link

Learning Data Augmentation Strategies 数据增强、link github

numpy-ml github

深度学习算法地图 link

conv_arithmetic 卷积的动态描述 github

netron 查看网络工具 github

开源机器人学学习指南 github

Model Zoo link

神经网络模型图示 github

AI算法工程师手册 link

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

pytorch图卷积库 github

AI实战-practicalAI 中文版 github

TensorFlow 2.0 Tutorials github

PaddlePaddle V2教程 github

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

CAM和Grad-CAM 模型解释 link github

TensorFlow 内核剖析 github

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

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

深度学习无限问 github

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

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

AI模型序列化总结 github

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

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

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

feature map 相加和拼接的不同 link

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

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

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

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

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

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

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

卷积正则化方法之DropBlock link github

卷积神经网络优化算法

浮点峰值那些事 link

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

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

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

目标检测之Neck选择 link

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

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

归一化方法总结 link

综述类文章

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

轻量网络

PyTorch_BlazeFace githubMixNet-Pytorch githubMobileNetV3 pytorch 2019 github linklinkgithubThunderNetmobilenetShuffleNet 官方开源githubnasPeleeNet为什么MobileNet及其变体如此之快 githubdabnn 二值网络 github神经网络量化简介 github

蒸馏 剪枝 量化

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

CV方向

图像处理

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

facechanging 变脸 github

AI美颜系列 CSDN

图像处理算法 博客园

Official PyTorch implementation of U-GAT-IT github

图像的模糊检测方法 link

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

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

只(挚)爱图像处理 link

Photoshop 算法原理 link

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

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

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 ClassificationTextCNN: Convolutional Neural Networks for Sentence ClassificationcharCNN-kim: Character-Aware Neural Language ModelscharCNN-zhang: Character-level Convolutional Networks for Text ClassificationTextRNN: Recurrent Neural Network for Text Classification with Multi-Task LearningRCNN: Recurrent Convolutional Neural Networks for Text ClassificationDCNN: A Convolutional Neural Network for Modelling SentencesDPCNN: Deep Pyramid Convolutional Neural Networks for Text CategorizationVDCNN: Very Deep Convolutional NetworksCRNN: A C-LSTM Neural Network for Text ClassificationDeepMoji: Using millions of emojio ccurrences to learn any-domain represent ations for detecting sentiment, emotion and sarcasmSelfAttention: Attention Is All You NeedHAN: Hierarchical Attention Networks for Document ClassificationCapsuleNet: Dynamic Routing Between CapsulesTransformer(encode or decode): Attention Is All You NeedBert: BERT: Pre-trainingofDeepBidirectionalTransformersfor LanguageUnderstandingXlnet: XLNet: Generalized Autoregressive Pretraining for Language UnderstandingAlbert: ALBERT: A LITE BERT FOR SELF-SUPERVISED LEARNING OF LANGUAGE REPRESENTATIONSRoBERTa: RoBERTa: A Robustly Optimized BERT Pretraining ApproachELECTRA: ELECTRA: Pre-training Text Encoders as Discriminators Rather Than GeneratorsTextGCN: [Graph Convolutional Networks for Text Classification](

度量学习

参考百度

arcmargin losstriplet lossquadruplet losseml lossnpairs loss度量学习中关于排序损失函数的综述 link

数据增强

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

Auto ML NAS

AutoML pdf linkgithubFairNAS 2019 github四小时搜索NN结构,厦大提出快速NAS检索方法 2019 link githubNAS-Projects githubNAS发展史和code linkZazuML:面向实例检测的开源AutoML项目 githubNeurIPS AutoDL Challenge 冠军方案 githuCodeSnippetSearch:Keras实现的神经网络代码搜索 githubVega是诺亚方舟实验室自研的AutoML算法工具 github自动搜索损失函数 linkNAS综述

激活函数

Mish: 一个新的activation function link github

分类

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

让CNN有了平移不变性 link

lottery-ticket-hypothesis github

pytorch_image_classification github

deeplearning-modelsgithub

CNN模型合集 link

EfficientNets-PyTorch 2019 github

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

Inception

Network in Network

pytorch_highway_networks github

推崇的CNN架构 link

OctaveConv_pytorch 2019 github

Res2Net

分类实现合集 pytorch github

Auto-Keras link

图卷积网络Numpy实现 link

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

SKNet 2019 link

TResNet: High Performance GPU-Dedicated Architecture github

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

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

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

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

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

RepVGG 2021 link

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

目标检测

详解目标检测中边界框的回归策略 link目标检测中的特征冲突与不对齐问题 link小目标检测学习汇总 linkgroupsoftmax-simpledet在物体检测中搞定小目标 linkvedadet检测框架在目标检测中如何解决小目标的问题? link

image

视频目标检测

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

基于坐标点做目标检测

Centernet相关—尤其有关heatmap相关解释 linkFreeAnchor: Learning to Match Anchors for Visual Object Detection (NeurIPS 2019) github用于实时物体检测并且训练时间友好的网络 - TTFNet githubCenterNet——Objects as Points论文解读 2019 linkExtremeNet pytorch 2019 link githubmorph-net 2019 keras githubCenterNet 2019 pytorch githubFCOS 2019 github FCOS_GluonCVgithubCenterNet 2019 githubPaperReadingGroup-10-CenterNet之理解 linkFoveaBox 2019 linkRepPoints V2 github linkAdelaiDet github linkpytorch_simple_CenterNet_45When Anchor-free Beyond the Object DetectionPPDet:减少Anchor-free目标检测中的标签噪声,小目标检测提升明显 2020 github轻量级Anchor-Free目标检测模型NanoDet githubcenterX githubNanoDet-PyTorch githubLFD-A-Light-and-Fast-Detector githubCenternet link

基于分割

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

基于候选框做目标检测

目标检测新突破!来了解Res2Net深度多尺度目标检测架构 link github目标检测中Anchor的本质分析 github利用YOLOv3结合行人重识别模型,实现行人的检测识别,查找特定行人 githubCBNet:一种用于目标检测的复合骨干网络体系结构 2019 github单级目标检测:YOLO与SSD,我选SSD!!! link【SSD算法】史上最全代码解析-核心篇 githubMXNet的一个开源项目gluoncv里的yolov3代码,写了一份中文注解 githubfaster-rcnn pytorch github十分钟训好SSD416进行钢筋检测 link githubWhy anchor linkDouble-Head RCNN 通过增加多个head提升准确率github对YOLOv3做模型剪枝 pytorch 2019 githubsimpledet NAS-FPN 2019 mxnetgithubSSD-PyTorch源码解析 link githubPoolNet pytorch 2019 githubSSD pytorch github link2018云从人头技术 冠军方案分享 github目标检测进化史 linkThunderNet: 轻量级实时检测网络mmdetection githubRapid satellite imagery object detection 2018 githubYolo系列检测器的pytorch实现 githubawesome-object-detection githubdeep_learning_object_detection githubRFCN_CoupleNet pytorch githubYolo-v2 pytorch githubRFBNet pytorch githubCFENet pytorch githubBiSeNet pytorch githubkaggle 大白鲸目标检测 githubR-FCN+ResNet-50用自己的数据集训练模型 link
imagetrident net + refinedet 目标检测 github基于SSD框架在建筑工地上检测安全帽的佩戴并识别安全帽的相应颜色 link基于 Mask R-CNN 的街景广告检测与模糊 tensorflow githubyolov3通道和图层修剪 githubYOLOv3+ASFF(自适应空间特征融合)组合,性能优于CornerNet和CenterNet等 github使用通道修剪的Stronger-Yolo的Pytorch实现 githubGaussian YOLOv3的PyTorch实现 githubPyTorch实现的EfficientDet(可扩展且高效的对象检测) githubKaggle RSNA肺炎检测挑战赛中第一名解决方案的代码 githubYolo-v3 and Yolo-v2 for Windows and Linux github link目标检测算法之YOLO系列算法的Anchor聚类代码实战 link github天池大赛项目:天池新品实验室 - 淘宝直播商品识别 github只用一页jupyter notebook完成Faster RCNN githubPytorch版本中的Faster RCNN模型,已在ResGen 101的Visual Genome上进行了预训练 githubYolo -v4 github YOLOv4的最小PyTorch实现 github 讲解Faster-Rcnn:Two-Stage目标检测模型在Pytorch当中的实现 githubScale-equalizing Pyramid Convolution for object detection github linkEnd-to-End Object Detection with Transformers 2020 githubyolov5 githubPP-YOLO link githubYOLOv3使用笔记——Kmeans聚类计算anchor boxes linkYOLO v4训练自己的数据集 link深入浅出Yolo系列之Yolov3&Yolov4&Yolov5核心基础知识完整讲解 link深入浅出Yolo系列之Yolov5核心基础知识完整讲解 linkYou Only Look Twice: Rapid Multi-Scale Object Detection In Satellite Imagery 卫星图片多尺寸物体检测 link github目标检测和感受野的总结和想法 link目标检测算法anchor聚类实现(coco+voc)小目标检测学习 linkBBAVectors:一种Anchor Free的旋转物体检测方法 linkRepulsion Loss 遮挡场景下的目标检测 linkmmdetection-mini github1.8M超轻量目标检测模型NanoDet link旋转目标新网络 link github令人“细思极恐”的Faster-R-CNN link github基于密度图的航空物体检测 link

语义分割

交互式语义分割

Interactive_Segmentation_Models githubDeepGrabCut-PyTorch githubDeep Extreme Cut tensorflow github pytorch githubU-Net-Interactive-Object-Selection githubInteractive Image Segmentation with Latent Diversity github深度学习在交互式图像分割中的应用 linkCurve-GCN:图卷积网络用于活动轮廓演变 github

像素分类分割

ICNet 搞笑分割模型 link移动设备高性能实时网络/语义分割论文资源列表 githubFSS-1000, A 1000-class Dataset For Few-shot Segmentation github12篇文章带你逛遍主流分割网络 linkFast-SCNN的PyTorch实现:快速语义分割网络 githubCode awesome-semantic-segmentation github常用的语义分割架构结构综述以及代码复现 github实时语义分割模型集合 [github](https://github.com/xiaoyufenfei/Real-Time-Semantic-Segmentation)无监督和超像素语义分割 linkgithub githubReDO 通过对抗网络 2019 github12篇文章带你逛遍主流分割网络 linkDeepLab 语义分割模型 v1、v2、v3、v3+ 概要(附 Pytorch 实现) linkLightweight-Segmentation github研习U-Net link用于语义分割的树形结构Kronecker卷积网络 pytorch 2019 githubAutoDeeplab pytorch githubDUpsampling githubyolact 2019 pytorch link githubFastFCN 2019 pytorch githubSemantic Segmentation Suite图像分割开源工程 githubawesome-semantic-segmentation githubContext Encoding for Semantic Segmentation 2018_CVPR pytorch github 模型讲解linkCCNet CVPR2018 pytorch githubAUNet for Panoptic Segmentationmulti-task-refinenet pytorch githubBiSeNet pytorch githubESPNet 速度快,准确率有下降ECCV2018 linkLightNet 轻量级 2018年 githubUPSNet: A Unified Panoptic Segmentation Network 2019 githubsegmentation_models.pytorch github用于高效序列建模的Seq-U-Net的官方实现 githubCellpose:细胞分割通用算法 github图像分割-常规超像素分割和中心检测及区域增长 pyImSegm github背景抠图 - 无需绿幕,即可实现视频抠图 githubopenseg.pytorch github图像标签的单阶段语义分割 github基于网络模块化的语义分割框架 github使用Keras实现深度学习中的一些语义分割模型和各种损失函数 githubNon-local U-Nets for Biomedical Image Seg 2020 github link图像分割涨点技巧!从39个Kaggle竞赛中总结出的分割Tips和Tricks linkSOLQ:无需任何后处理的端到端实例分割 link

无监督分割

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

医学分割

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

实例分割

DeepMask pytorch githubMask_RCNN_Pytorch githubThe First Place Solution of iMaterialist (Fashion) 2019 githubPixellib 是一个图像分割库,支持语义分割和实例分割 githubPolarMask

跟踪Tracking

基于孪生网络(SiamNet)的单目标跟踪算法 github再谈多目标追踪–快速应用部署 linkpysot PyTorch githubSiamDW pytorch githubATOM tracker PyTracking pytorch 2019githubSiamFCDaSiamRPNSiamMask githubSiamRPN++目标跟踪初探(DeepSORT) linkSiam R-CNN两级再检测器,用于视觉目标跟踪 github于跟踪车辆的多目标跟踪, 自定义数据进行单类别多目标实时跟踪 github单阶段实时多类别多目标跟踪 github

image

深度学习框架

tensorflow

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

pytorch github nightly torch_stable pytorch_lightning

混合精度神经网络训练:理论与实践 github本项目将《动手学深度学习》(Dive into Deep Learning)原书中的MXNet代码实现改为PyTorch实现。 githubFlashTorch 特征可视化 linkpytorch-inference githubPytorch 学习流程汇总 linkPyTorch 官方中文教程 github在PyTorch中实现的语义分割模型,数据集和损失 githubFast-Pytorch github《动手学深度学习》例子的PyTorch实现 github简单两步加速PyTorch里的Dataloader linkTorchSnooper github link画网络图等tensorwatch link github如何优雅的使用pytorch内置torch.nn.CTCLoss的方法pytorch-cpp-inference 包含C++ httpserver base64githubpytorch 2C# inference githubpytorch-cpp githubtorchcv githubPytorch之contiguous函数 link二进制模型 github画图工具 githubtorchprof - 用于Pytorch模型的逐层分析的最小依赖库 githubPyTorch Image Retrieval - 用于图像检索任务的PyTorch框架 githubAwesome-Pytorch-list githubPyTorch Wrapper:提供一种使用PyTorch系统并且可扩展的方式来构建、训练、推理和调整深度学习模型 github一组有关pytorch功能的Jupyter笔记本和示例 githubpytorch 小技巧pytorch-memonger 减少内存 github具有SOTA实时性能和预先训练的权重的EfficientDet官方pytorch重现 githubTorchSketch:基于PyTorch深度学习库 支持CNN RNN GCN TCN githubTorchcam: PyTorch模型类激活图浏览器 githubPopGen是用PyTorch编写的生成建模工具包 githubLucent:适用于 PyTorch 的 Lucid 深度网络可视化/可解释性开发库 githubPytorch的4种并行训练方法(单机多卡) githubPyTorch的深度学习项目模板(支持分布式学习) github使用PyTorch手写代码从头构建LSTM,更深入的理解其工作原理 githubeat_pytorch_in_20_days eat_pytorch_in_20_daysFAIRScale:用于高性能和大规模训练的PyTorch工具 githubPyTorch-Models githubpytorch LSTM 01 link9大主题卷积神经网络(CNN)的PyTorch实现 githubcomputervision-recipespytorch-receptive-field 感受野计算 githubCVHub手把手帮你榨干GPU的显存 link contiguous-params 加快训练速度linkpytorch-image-models Pytorch Image Models (rwightman.github.io)PyTea 不用运行代码,静态分析 pytorch 模型的错误 link githubMiniTorch一个 Torch API 的纯 Python 重新实现,展示了从零开始构建一个张量和自动微分库 minitorch/minitorch: The full minitorch student suite. (github.com) link

paddlepaddle

基于PaddlePaddle的高性能对象检测和人脸检测工具包 githubPaddleSlim

ONNX

onnxruntime github doc详细记录YOLACT实例分割ncnn实现 link系统性学习ONNX:背景、格式及简化方法 linkonnx2nnonnx-simplifier

openc dnn

OpenCV4.X - DNN模块 Python APIs link

tensorRT

Pytorch通过保存为ONNX模型转TensorRT5 linkonnx-tensorrt githubPyTorch转TensorRT流程 linkwindows环境下安装TensorRT 5.0教程(win10) linkTensorRT-7 Network Lib 包括常用目标检测、关键点检测、人脸检测、OCR等 github

jittor 清华AI框架

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

MegEngine 旷世AI框架

MegEngine link github

mindspore 华为AI框架

mindspore

tinygrad

​ 最小深度学习框架tinygrad github

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

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

工具

教程 | 如何使用Keras、Redis、Flask和Apache把深度学习模型部署到生产环境? linkpytorch可视化 github画卷积网络 githubnetron 网络结构图显示 githublabelImg githubmodelsummary githubpytorch-experiments-template githubm2cgen Transform ML models into a native code (Java, C, Python, etc.) with zero dependencies githubPyTorch工具、最佳实践、代码风格指南 githubFLAT - 人脸特征点标注工具 github把Caffe的模型转换为Pytorch模型 link从.caffemodel/.caffemodel.h5提取Caffe模型的参数 linkgradio 快速的构建UI网页link群体智能算法 link

业务模型

显著性检测Saliency Detection

显著性检测(Saliency )linkPoolNet githubCPD githubBASNet 2019 githubU-2-Net 2020 github用于显著性检测的边缘引导网络 githubSOD100K 仅有 100k 参数的高效显著性目标检测方法 github

细粒度识别

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

TSP or route

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

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

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

NLP

Chinese-Text-Classification-Pytorch 中文文本分类 pytorch github可解释性(2)—— RNN可视化工具RNNVis github基于RNN的生成手写字体 githubERNIE githubnert-bert pytorch githubxlnet 2019 githubAttention和Transformer linkBERT模型从训练到部署 githubxlnet-pytorch 2019 githubnlp-tutorial gitubDeepNLP-models-Pytorch github中国法研杯司法人工智能挑战赛之相似案例匹配第一名解决方案 github新闻分类 LR SVM [github](https://github.com/imadelh/NLP-news-classificationPyTorch 实现的神经网络协同过滤推荐系统 github基于CV+NLP使用tf.Keras构建图像搜索引擎 github句子级别文本相似度计算(数据/模型/部署) github机器翻译:统计建模与深度学习方法 github总结梳理自然语言处理工程师(NLP)需要积累的各方面知识快速理解句向量模型 linkRNN人名分类器 github用BILSTM+CRF做医疗实体识别,框架为pytorchgithubminGPTUnilmTransformer模型详解 讲解为最清晰 link

lightseq

边缘检测算法

文章介绍 linkhed_pytorch 2015 githubrcf 2019 github

文字检测

CRAFT-pytorch 2019 githubPSENET keras 2019githubawesome-deep-text-detection-recognition githubEAST pytorch githubTextSnake pytorch githubAdvancedEAST keras/tensorflow githubPSENet 2018 githubText detection model that combines Retinanet with textboxes++ for OCR githubhandwritten-text-recognition-for-apache-mxnet github

人脸检测和特征点定位

Ultra-Light-Fast-Generic-Face-Detector-1MB github利用Keras进行人脸分析的深度学习框架集合 githubRetinaFace的PyTorch实现:室外的单阶段密集人脸定位 githubMTCNN 人脸检测和跟踪 github linkDeep Convolutional Network Cascade for Facial Point Detection linkMulti-task face recognition framework based on PyTorch githubA-Light-and-Fast-Face-Detector-for-Edge-Devices 2019 githubS3FD代码及论文解读 2017 link githubDual Shot Face Detector 人脸检测的一个PyTorch实现 githubPyTorch_BlazeFace github linkFaceKit githubPCN in Pytorch github基于Heat Map的人脸特征点检测 linkHourglass+heatmap解决掌纹回归问题 linkFaceDetection-DSFD 腾讯优图 CVPR 2019 github人脸特征点 2019 githublibfacedetection caffe 静态C++代码 githubPyramidBox: 用pytorch实现上下文辅助单镜头人脸检测器 github人脸检测模型总结 linkPRNet的非官方pytorch实现,包含训练和推理代码 githubLFFD: 边缘设备的轻便快速人脸检测器 行人 人头 githubCenterFace:实用的边缘设备无锚人脸检测器 github link1M人脸检测模型(含关键点) github在Pytorch上对动漫人脸界标进行深度级联回归的实现 pytorch githubBlazeFace-PyTorch githubFaceMaskDetection - 开源人脸口罩检测模型和数据 githubsbd_mask 基于CenterFace开发 cpu的口罩检测 githubCPU推理速度100FPS的PyTorch人脸特征点定位 github开源视频人脸跟踪算法,基于mtcnn人脸检测+onet人脸跟踪,在i7-9700k的cpu检测速度可高达250fps githubyoloface大礼包 使用pytroch实现的基于yolov3的轻量级人脸检测(包含关键点) githubdeep-sdm 106个特征点检测 github轻量级人脸检测算法实现大盘点 linkPytorch_Retinaface 人脸检测与特征点定位Numerical Coordinate Regression=高斯热图 VS 坐标回归 link

无人驾驶

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

人脸识别

SeetaFace2 2019 全C++github适用于复杂场景的人脸识别身份认证系统 github谷歌公布亚毫秒级人脸检测算法BlazeFace,面向移动GPU 2019 linkFace Recognition Loss on Mnist with Pytorch github人脸对齐 link人脸识别攻击 linkawesome-Face_Recognition github人脸检测加识别 githubface_recognition.pytorch github人脸识别基础介绍 linkA Light CNN for Deep Face Representation with Noisy Labels, TIFS 2018 githubreid-strong-baseline 2019 pytorchgithub基于人脸关键区域提取的人脸识别 githubMassFace: 使用 triplet loss 进行人脸识别的高效实现 tensorflow githubRetinaface_Mobilenet_Pytorch githubdeepface - 用于Python的轻量级人脸分析框架 githubHyperFAS 基于深度学习人脸静默活体算法 githubSeetaFace6 SeetaFace6 入门教程人脸口罩检测与识别-助力于新型冠状病毒疫情防控 githubPyramidbox.pytorchFaceFinder github

人脸融合

Faceswap pytorch githubFaceAttribute-FAN 人脸特征融合 github利用生成对抗网络实现人脸老化 github深度学习换脸检测发展调研 link1 link2FSGAN: Subject Agnostic Face Swapping and Reenactment(ICCV19) githubFace-Aging-with-Identity-Preserved-Conditional-Generative-Adversarial-Networks githubFaceAging-by-cycleGAN githubFast-AgingGAN github

年龄性别等

SSR-Net_megaage-asian 亚洲年龄检测 github SSR-Net githubage-gender-estimation githubDeepFaceLab github

人体姿态估计

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

行人重识别

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

强化学习

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

时序

时间序列预测方法总结 link

车道检测

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

车牌识别 车辆识别

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

OCR

MaskTextSpotter - 端到端可训练神经网络,用于发现任意形状文本的一个PyTorch实现 githubText_Segmentation_Image_Inpainting 文件检测并修复 github手写公式识别 :基于深度学习的端到端方法 github基于MXNet的CTPN 身份证 githubPyTorch实现的DenseBox多任务学习目标检测/关键点定位 github增值税发票识别系统(OCR System of Invoice) link文字相似度函数 pytorch github深度学习与OCR论文合集 linkCCPD 车牌端对端识别及其250k的数据集 githubaster.pytorch githubSeq2Seq+Attention 中文OCR文字识别 pytorch githubA research project for text detection and recognition using PyTorch 1.2 githubAttentionOCR 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 githubPSENet.pytorchPAN(PSENet2) github linkpytorch_ctpn githubchinese_ocr CTPN + DenseNet + CTC github一个基于CTPN+CRNN的OCR项目 github更轻量的中文OCR github汉字字符特征提取工具,可以提取出字符中的字音(声母、韵母、声调)、字形(偏旁、部首)、四角编码等特征,同时可作为tensor输入到模型 githubTextGenerator - OCR/文字检测/字体识别数据生成工具 github《深度实践OCR:基于深度学习的文字识别》 随书代码 githubTable-OCR github支持40+种语言和本地运行,这个OCR库轻松搞定光学字符识别 githubMaskTextSpotterV3端到端文本识别模型 githubPaddleOCRTransformer最详细解析 link1 link2PP-OCR link github link手写及场景文字分析与识别的一些新尝试 linkMask TextSpotter v3 来了!最强端到端文本识别模型 link githubPyTorch OCR模型的安卓端部署 linkSTD++:一种基于语义特征的任意方向场景文本检测方法 link github基于Transformer文本识别模型的网络架构 link端到端的票据类版面分析算法 link githubmmocr车牌识别 模型部署翻车记:pytorch转onnx踩坑实录 link古籍文档图像二值化:基于背景估计和能量最小化的方法 link金山OCR识别框架KSAI-Toolkits [github](kingsoft-wps/KSAI-Toolkits (github.com))

去水印 inpaint

deepfill2 githubpytorch-inpainting-with-partial-conv githubkerasgithub linkImage-Inpainting paper and code githubContext Encoders: Feature Learning by Inpainting 2016githubHigh-Resolution Image Inpainting Using Multi-Scale Neural Patch Synthesis 2017 githubsiggraph2017_inpainting 2017 githubpytorch-inpainting-with-partial-conv 2018 githubGenerative Image Inpainting with Contextual Attention, CVPR 2018 githubEdgeConnect 2019 githubAnime-InPainting 基于EdgeConnect的pytorch代码工具 githubFully convolutional deep neural network to remove transparent overlays from images githubExemplar_GAN_Eye_Inpainting githubdeep-image-prior githubSC-FEGAN githubDFNet 2019 githubPluralistic-Inpainting pytorch githubVideo-Auto-Wipe githubSTTN 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

质量评估、图像增强

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

语音合成与识别

SpeechBrain 新的语音框架 基于pytorch开发 linkpatter - PyTorch语音识别框架 githubmasr 中文语音识别,提供预训练模型,高识别率 githubFastSpeech githubRNN-CTC ctc-asrgithub基于深度学习的中文语音识别系统 githubCheetah - 基于深度学习的设备端语音转文本引擎 githubkaldi资料集 githubMachine Learning Sound Classifier github克隆语音Clone a voice in 5 seconds to generate arbitrary speech in real-time github使用PyTorch和CUDA进行E2E语音识别训练的实现用功能 githubpiano_transcription语音合成入门,训练一个中文语音tts link

Adversarial Attack攻击

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

GAN 对抗神经网络

使用Pytorch实现的各种对抗性生成网络GAN githubLiquid Warping GAN:模仿人体运动,外观转移和新颖视图合成的统一框架 githubPyTorch-GAN githublayout2im 2019 githubImage-to-Image Translation via Group-wise Deep Whitening-and-Coloring Transformation github把小姐姐自拍,变成二次元萌妹子,神情高度还原,效果胜于CycleGAN link githubGenerative Deep Learning 的中文翻译 code githubJokeriser使用人脸识别+CycleGAN训练的生成器将人脸转换成小丑Joker的脸 githubinstagan link linkstargan githubimpersonator 2019 pytorch githubFashion editing on Pytorch githubCartoonGan-tensorflow 实景照片秒变新海诚风格漫画:清华大学提出CartoonGAN github想用StyleGAN生成老婆?来看看这个小哥的复现细节吧 githubStyleGAN2蒸馏用于前馈图像处理 githubGANILLA:将图像转成插图生成对抗网络的PyTorch实现 github基于“一阶模型”的人脸图像运动模型(Photo-2-Video) githubAnimeGAN 的一个Tensorflow实现用于将真实世界的照片转换为动漫图像 github单张图像就可以训练GAN!Adobe改良图像生成方法 githubmimicry A PyTorch library for the reproducibility of GAN research. githubLearning Cross-Modal Embeddings with Adversarial Networks for Cooking Recipes and Food Images 图片-食谱相互生成的问题 [link](把某人的 DNA 序列作为输入,正面照片作为输出,丢到深度神经网络里面学习,可行吗? - 时间旅客的回答 - 知乎 https://www.zhihu.com/question/363503176/answer/1148326488) githubSelf-Supervised Scene De-occlusion 神奇的自监督场景去遮挡 github漂亮的人脸卡通化,小视科技开源成熟模型与训练数据 link github看GAN如何一步步控制图像生成风格?详解StyleGAN进化过程 link一键上妆的BeautyGAN link githubPSGAN link github二次元萌妹高清舞姿随心变,换装只需一瞬间 | 又是GAN立功了 githubcp-vton 换装 githubStyleGAN2.pytorch githubInterpreting the Latent Space of GANs for Semantic Face Editing link githubstargan-v2 github一组经过预先训练的StyleGAN 2模型可供下载 githubDG-Net CVPR2019 Joint Discriminative and Generative Learning for Person Re-identification github可视化GAN训练过程 github人脸年龄编辑 v2 githubpix2pixHD githubAutomatic Line Art Colorization - 自动进行线条艺术着色 githubstylegan-encoder githubstylegan2encoder github基于StyleGAN2的新版人脸生成器 githubStyleGAN 系列解读 linkBig GANs Are Watching You" pre-print github基于StyleGAN2,模糊变清晰PULSE: Self-Supervised Photo Upsampling via Latent Space Exploration of Generative Models githubFaceShifter 高清换脸 github FaceShifter-pytorchFace Depixelizer基于 "PULSE:Self-Supervised Photo Supports via Latent Space Exploration of Generative githubALAE Adversarial Latent Autoencoders 2020 githubDeep Generative Prior:实现通用的图像复原与编辑 2020 githubAI实时换脸项目 githubDeepMosaics 通过深度学习自动的为图片/视频添加马赛克,或消除马赛克 githubdeepnude_official 去除衣服 github肖像画 linkDeep-Iterative-Collaboration githubanycost-gan漫谈VAE和VQVAE,从连续分布到离散分布 link

GCN图卷积网络

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

TSP

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

Matting remove.bg paoerslink 论文汇总

indexnet_matting 2019 pytorch githubSemantic Soft Segmentation github link讲解 github2 homeSemantic Human Matting 2018 阿里 github link datasetDeep-Image-Matting-v2 2019 pytorch githubpytorch-deep-image-matting githubportrait_matting Chainer githubalphamatting 所有模型统计linkAlphaGAN: Natural Image Matting githubImage Matting代码和算法效果总结 linkAlpha Blending using OpenCV [link](https://www.learnopencv.com/alpha-blending-using-opencv-cpp-pythonmishima-matting 蓝色分割 githubAlphaMatting C++ githubImage Matting代碼和算法效果總結 linkportrait_matting github github2Awesome-Image-Inpainting githubCVPR2020-HAttMatting github目前是开源里最好的Natural Image Matting via Guided Contextual Attention githubFusionMatting3D-Photo-InpaintingFBA_Matting githubMMNet githubSkyAR 天空变换 githubanimal-matting githubMODNet: Is a Green Screen Really Necessary for Real-Time Portrait Matting github

行人检测

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

肖像分割 portrait-segmentation Human-Segmentation

unet-resnext50 githubTips for building fast portrait segmentation network with TensorFlow Lite linkReal-time Automatic Deep Matting For Mobile Devices With Mobile-Unet githubTowards Real-Time Automatic Portrait Matting on Mobile Devices githubHuman-Segmentation-PyTorch githubFusionMatting移动设备的实时人像分割 github基于 U NET 网络实现的人像分割 | 附数据集 linkportrait-matting-unet-flask github

人体部位解析-human parsing

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

头发分割 Hair Seg

pytorch-hair-segmentation githubface-seg 人脸和头发分割 github

表面检测 缺陷检测

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

搜索

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

推荐排序

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

图像修复

old-photo-restorationreproducible-image-denoising-state-of-the-art githubIRCNNInvertible-Image-Rescaling 可逆图像缩放:完美恢复降采样后的高清图片 link githubUNet实现文档印章消除 githubsample-imageinpainting-HiFill githubBringing-Old-Photos-Back-to-Life githubMPRNet:多阶段渐进式图像恢复 github

虚拟换装

虚拟试衣:Virtual Try-on Network系列工作 link cp-vton githubCool-Fashion-Papers githubVITON_realtime github时尚服饰领域 MMFashion github dataGithubSemantically Multi-modal Image Synthesis 顶会语义多模态图像合成算法——GroupDNet速递 githubParser-Free Virtual Try-on via Distilling Appearance Flows, CVPR 2021 githubDown-to-the-Last-Detail-Virtual-Try-on-with-Detail-Carving

小样本

小样本集合 github

异常检测

「异常检测101」:从模型选择到调参 linkpyod githubanomaly-detection-resources github

部署问题

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

优化函数

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

损失函数

SSIM 图像质量等 githubdice 图像分割ssim和psnr是超分辩主流的评价指标Kaggle图像分割比赛中的损失函数及keras实现 link11个重要的机器学习模型评估指标 link人脸识别损失函数对比总结 githubpixel-wise loss perceptual loss(VGG内容loss) texture matching loss adversarial loss contextual similarity perceptual lossTextDistance 一个开源库含有 30+ 种纯 Python 算法用于比较两个或多个序列之间的距离 github在应用中使用度量学习的最简单方法,具有模块化、灵活和可扩展,采用PyTorch编写 githubIQA-optimization 图像质量的损失函数 githubregression-losses-pytorch github分类回归损失函数汇总 linkLearned Perceptual Image Patch Similarity (LPIPS) metric github超分损失函数小结 linklpips 像素相似度DataGene - 识别数据集之间的相似度 githubMuti-Similarity Loss link githubFAT:一种快速的Triplet Loss近似方法,学习更鲁棒的特征表示,并进行有噪声标签的提纯 link github用于医学图像分割的损失函数 link目标检测回归损失函数简介:SmoothL1/IoU/GIoU/DIoU/CIoU Loss link损失函数技术总结 link

场景识别

场景识别之NetVLAD github

迁移学习

Transfer-Learning-Library

半监督学习

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

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

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

Transformers

Vision Transformer linkSETR:基于Transformer的语义分割 linkEnd-to-End Object Detection with Transformers linkTokens-to-Token ViT: Training Vision Transformers from Scratch on ImageNet githubvision-transformer-pytorch如何简单高效地加速基于BERT的序列标注模型?细粒度早退机制可能会优于模型蒸馏 link当Transformer遇见U-Net! link

image animation

first-order-modelarticulated-animationAliaksandrSiarohin/motion-cosegmentation: Reference code for “Motion-supervised Co-Part Segmentation” paper (github.com)Avatarify Python githubALAESofGAN: A Portrait Image Generator with Dynamic Styling
ACM Transactions on Graphics 2021 linkSimSwap link githubDeepFaceLab

模型转换

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

滑块破解

verification_code 极验证等研究githubPython破解BiliBili滑块验证码,完美避开人机识别 linkpython模拟哔哩哔哩滑块登入验证的实现 link

验证码破解

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

深度学习中的不确定性

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

论文与代码

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

相似性搜索(Faiss)

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

其他

iSketchNFill:AI帮你画——交互式涂鸦自动补全 github使用YOLOv3演示行人跟踪卡尔曼滤波器 githubTriangleGAN,一种新的手势到手势翻译框架 github基于CNN+Bi-LSTM+Attention 的自动对对联系统 pytorch githubAI写诗 pytorch github图像增强 github黄图5分类 tensorflow github光流估计LiteFlowNet pytorch githubFA-GAN(Face Aging GAN)深度学习实践文档检测 linkAI绘画 link github肖像分割 portrait-demo githubDeepHash github基于CNN的面部表情识别(FER2013和CK +)的pytorch实现 githubIm2Pencil - 用Pytorch实现从照片生成可控制的铅笔插图 pytorch githubNLP DNN Toolkit:微软发布的模块化深度学习NLP工具集 github基于深度神经网络和蒙特卡罗树搜索的神经网络搜索 githubExploring the Limits of Compact Model for Age Estimation. CVPR2019 github如何处理regression中的imbalanced data问题 link表面缺陷检测 Defect Eyegithub手势识别 link github一些改进模型速度/精度的工程方法 github公交线路准点预测 github美发目标分割 + 染发展示 githubAI超级美发师 linkFashion Recommendation - 用于服装图像的服装检索和视觉推荐模型 githubFFA-Net: 用于单图像去雾的特征融合注意力网络 github使用PyTorch从单个图像实现3D Ken Burns效果 github通过深度学习来检测人脸是否被PS过 githubASM-Net:可解释的美学评分及图像剪裁 link2019年“创青春·交子杯”唇语识别 githu github2使用 Siamese Networks进行降纬 githubMulti Model Server is a tool for serving neural net models for inference githubAutomated deep learning algorithms implemented in PyTorch or Tensorflow. githubGaze Tracking - 基于网络摄像头的眼睛跟踪系统,可以实时判断瞳孔的准确位置和注视方向 github基于卷积神经网络的恶意代码分类系统 github link深度指纹识别:通过深度学习破坏网站指纹防御 link头发分割和染色,含服务端和上传网页代码 githubSynSin: 单个图像的端到端视图合成 github从单个彩色摄像机以100fps以上的速度捕获手势的最小解决方案 githubNeRF(Neural Radiance Fields) 的PyTorch复现结果 githubThin Plate Spline 薄板样条插值—TPS linkfitlog是一款在深度学习训练中用于辅助用户记录日志和管理代码的工具 githubPose Animator(姿势动画师):做动作控制生成矢量角色动画 github低光图像处理方案 linkSingle-Image HDR Reconstruction by Learning to Reverse the Camera Pipeline githubOpenSelfSup: Open-MMLab自监督表征学习代码库 github智能缩放 githubGIMP-MLmulti_gpu_infer 多gpu预测 multiprocessing or subprocessing github深度学习训练tricks整理 数据增强等技巧 linkPose项目之关键点检测扫描全能王 link1 link2CASIA标注工具 github算法工程师技术路线图 link5步用python让图片人物说话 github伪装物体检测论文 SINet谷歌实时端到端双目系统深度学习网络StereoNet github视觉任务中长尾分布问题研究进展与挑战 linkCVPR 2020 在频域中学习的DCTNet link github多模态深度学习:用深度学习的方式融合各种信息 link数学公式识别:基于编码-解码模型 link机器人是如何规划路径的 github使用深度学习从视频中估计车辆的速度 link github如何阅读一个前向推理框架?以NCNN为例 link微信官方开源了自家优化的二维码引擎 link一个CV算法工程师的小反思 link视频防抖FuSta link

语言工具

Docker

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

python

将图像文件加载到具有Exif方向支持的numpy数组中,防止图像上下颠倒 githubPython在cmd上打印彩色文字 linkReaction:快速便捷的深度学习模型服务部署框架 githubimagededup - 让查找重复图像变得容易的Python包 github图像的仿射变换 linkrecords数据库操作 github linkPython代码加密混淆 link图解NumPy link怎么样发布你的 Python 代码给别人 “pip install” linkpyqt5 examples githubimgviz画图 githubwxpy: 用 Python 玩微信 linkWaitress linkABuilder python mysql数据库githubpybind11 githubimutils库–图像处理函数Python 库 linkPyinstaller打包需要的参数 linkGunicorn配置 linkPython资源大全中文版 githubWeb 应用 & 框架 linkFlask中文文档 linkpython各大网站登陆方式 githubPyOD异常检测库 docrequests文档 docnumba 加速库alfred-py 可视化工具 githubalbumentations 扩展样本库 githubmodelsummary pytorch githubpython 教程 githubimgaug 数据增强库 github如何为Python程序制作Windows安装包 linkDjango + Ansible + Celery 的WEB平台,用以批量处理任务 github
18.Jupyter安装与部署 linklinkJupyter 使用指南 linkpython tkinter模块使用大全 linkwindows python 安装包 link

C/C++/CUDA

QtWebApp HTTP Webserver in C++ linkqt-http-server linkNumCpp C++版本的numpygithub图像解码库stb single-file public domain libraries for C/C++ githubOpenCV-MinGW github用汇编理解C++ githubC++每周小技巧 linkCpp-Httplib - 只有一个C++头文件的跨平台HTTP库 githubNN-CUDA-Example手把手教你构建 C 语言编译器 link

dlib

81 Facial Landmarks Shape Predictor github3D人脸重建 轻量级3DMM github

matting

Natural-image-matting C++ githubglobal-matting github

浏览器定制

qutebrowser pyqt5 githubcef bitbucketCEF 文档中文 githubminiblink githubcefpython githubpyqt5 示例 githubpyqt5 DOC link

爬虫

拼多多商品信息爬虫 github

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

Python3 爬虫实战 github

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

数据结构和算法

labuladong的算法小抄

opencv

learnopencv link github

工具

Data_Label_Tools github图片简易标注工具 githubbrackets js开发工具 bracketsdeep-learning-model-convertor画图工具 drawio-desktop githubDarkLabel:多目标检测标注软件 linkGeoGebra 数学应用画图等 link

其他

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

点击全文阅读


本文链接:http://zhangshiyu.com/post/43321.html

<< 上一篇 下一篇 >>

  • 评论(0)
  • 赞助本站

◎欢迎参与讨论,请在这里发表您的看法、交流您的观点。

关于我们 | 我要投稿 | 免责申明

Copyright © 2020-2022 ZhangShiYu.com Rights Reserved.豫ICP备2022013469号-1