LZQhardworker / note

日常收集的资料和代码

Geek Repo:Geek Repo

Github PK Tool:Github PK Tool

机器学习

基础教程(github 仓库名称)

  1. ai-edu
  2. Machine-Learning-for-Beginner-by-Python3
  3. Machine-Learning-From-Scratch
  4. ML-From-Scratch
  5. numpy-ml
  6. tinynn tinynn是一个轻量级的深度学习框架,用Python3(包括NumPy)编写 github image

图像处理

  1. 颜色迁移 知乎 csdn C++ 版 csdn系列
  2. facechanging 变脸 github

深度学习基础模型


基础教程

  1. 深度度量学习中的损失函数介绍 link
  2. Image-Level 弱监督图像语义分割汇总简析 link
  3. 模型加速概述与模型裁剪算法技术解析 link
  4. 卷积神经网络的感受野 link
  5. tinynn A lightweight deep learning libaray link github
  6. 百面机器学习之模型评估 link
  7. 周志华:「深」为什么重要,以及还有什么深的网络 link
  8. 深度学习入门之激活层及其选择的建议 link
  9. combo:「Python机器学习模型合并工具库」 github
  10. STN-空间变换网络 link
  11. Learning Data Augmentation Strategies 数据增强、link github
  12. 深度学习 论文解读 CV_PaperDaily github
  13. numpy-ml github
  14. 深度学习算法地图 link
  15. conv_arithmetic 卷积的动态描述 github
  16. netron 查看网络工具 github
  17. 论文代码合集 github
  18. 开源机器人学学习指南 github
  19. 人工智能竞赛Top解决方案 github
  20. 动手学深度学习link
  21. 零基础入门深度学习link
  22. Model Zoo link
  23. 神经网络模型图示 github
  24. AI算法工程师手册 link
  25. 深度学习如何优化神经网络结构|架构 link
  26. 计算机视觉知识点总结 link
  27. pytorch图卷积库 github
  28. AI实战-practicalAI 中文版 github
  29. TensorFlow 2.0 Tutorials github
  30. PaddlePaddle V2教程 github
  31. 深度学习课程(第四梯)所设计的课程实作 github
  32. CAM和Grad-CAM 模型解释 link github
  33. Grad-CAM with PyTorch github
  34. TensorFlow 内核剖析 github
  35. Fast.ai v3 2019课程Notebook Kaggle Kernel 中文版 link
  36. 手机端高性能卷积神经网络推理引擎概览 github
  37. 为什么MobileNet及其变体如此之快 link
  38. 深度学习无限问 github
  39. 周志华《机器学习》手推笔记 github
  40. 机器学习算法 基于西瓜书以及《统计学习方法》,当然包括DL github
  41. flask 多并发架构部署 github
  42. 面向机器学习的特征工程 github
  43. 轻量级卷积神经网络的设计技巧 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

图像处理

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

轻量网络

  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

inference

  1. The triNNity DNN toolkit (compiler, optimizer, and primitive library) home link
  2. XNNPACK 手机浏览器端 github
  3. AoE 滴滴推断框架 link
  4. onnxruntime github
  5. TensorRT link
  6. NNoM github
  7. 常见框架介绍 link
  8. ncnn 腾讯 pc_win10_x64安装ncnn,并使用vulkan link
  9. tvm
  10. ZQCNN
  11. AI移动端常用汇编指令 github
  12. MNN 阿里
  13. paddle-mobile 百度
  14. MACE2 小米
  15. TEngine
  16. tensorflow lite
  17. QNNPACK
  18. FeatherCNN
  19. ArmNN github
  20. dabnn 京东 github
  21. cortex github

蒸馏 剪枝 量化

  1. Tensorflow模型量化(Quantization)原理及其实现方法 link
  2. 基于Pytorch的卷积神经网络剪枝 link
  3. 用FPGA加速卷积神经网络CNN运算 github
  4. 模型压缩 link
  5. 神经网络量化简介 link
  6. 模型转换、模型压缩工具汇总 link
  7. 模型压缩总览 link

模型网络部署

  1. service-streamer 加速你的深度学习web服务 github

数据增强

  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

激活函数

  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

目标检测

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

image

视频目标检测

  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

基于分割

  1. DenseBox pytorch github link

基于候选框做目标检测

  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
    image
  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

语义分割

交互式语义分割

  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
像素分类分割
  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

医学分割

  1. 医学图像分割优质开源代码 link
  2. nnUNet 医学分割 github
  3. 医学图像分割-Attention Unet link

实例分割

  1. DeepMask pytorch github
  2. Mask_RCNN_Pytorch github
  3. The First Place Solution of iMaterialist (Fashion) 2019 github

跟踪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

image

深度学习框架

  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

ONNX

  1. onnxruntime github doc

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

工具

  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

业务模型

细粒度识别

  1. 基于Pytorch的细粒度图像分类实战 BCNN Link-code
  2. 细粒度分类网络之WS-DAN论文阅读附代码 link
  3. NTS-Net pytorch 2018 githublink

TSP or route

  1. TSP-GNN 2019 github
  2. attention-learn-to-route github
  3. 最新的细粒度图像分析资源 link

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

  1. few shot learning调研 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

边缘检测算法

  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

人脸检测和特征点定位

  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 11.CenterFace:实用的边缘设备无锚人脸检测器 github
  22. 1M人脸检测模型(含关键点) github
  23. 在Pytorch上对动漫人脸界标进行深度级联回归的实现 pytorch github

人脸识别

  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

人脸融合

  1. Faceswap pytorch github
  2. FaceAttribute-FAN 人脸特征融合 github
  3. 利用生成对抗网络实现人脸老化 github
  4. 深度学习换脸检测发展调研 link1 link2

人体姿态估计

  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

行人重识别

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

强化学习

  1. 动态环境下基于DRL的无人车自适应路径规划方法 link github

时序

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

车道检测

  1. Advanced_Lane_Detection 车道检测项目的复现 github
  2. 车道检测合集 github

车牌识别

  1. LPRNet_Pytorch github link
  2. 使用Pytorch在MTCNN和LPRNet中进行的两步轻量级和强大的车牌识别 link
  3. LPRNet - 基于Tensorflow,使用CNN和CTCloss实现轻量级车牌识别的轻型网络 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 解读

去水印 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

图像超分辨率与去噪

  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

质量评估

  1. 卷积网络图像质量评估 卷积神经网络可预测图像的美学和技术质量 github
  2. FaceQnet: 基于深度学习的人脸识别质量评估 github

语音合成与识别

  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

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

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

GCN图卷积网络

  1. PyG框架及Cora数据集简介 link

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

行人检测

  1. Pedestrian-Detection github
  2. 行人检测(Pedestrian Detection)论文整理 link

肖像分割 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

表面检测

  1. Deep-Learning-Approach-for-Surface-Defect-Detection github
  2. 基于深度学习识别模型的缺陷检测 link

其他

  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

非常规损失函数

  1. SSIM 图像质量等 github
  2. dice 图像分割
  3. ssim和psnr是超分辩主流的评价指标
  4. Kaggle图像分割比赛中的损失函数及keras实现 link
  5. 11个重要的机器学习模型评估指标 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 加速库 12 albumentations 扩展样本库 github
  27. modelsummary pytorch github
  28. python 教程 github
  29. imgaug 数据增强库 github
  30. 如何为Python程序制作Windows安装包 link
  31. Django + Ansible + Celery 的WEB平台,用以批量处理任务 github 18.Jupyter安装与部署 linklink
  32. Jupyter 使用指南 link
  33. python tkinter模块使用大全 link
  34. windows python 安装包 link

C/C++

  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

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

qt

  1. QWebEngineView 无法获取鼠标事件QMouseEvent link link2 link3 link4
  2. Qt开发经验 码云
  3. Qt编写的一些项目的可执行文件 码云

opencv

  1. learnopencv link github

工具:

  1. Data_Label_Tools github
  2. 图片简易标注工具 github

12306抢票源代码

  1. 12306 github
  2. py12306 github
  3. 12306抢票协议 github

mysql

  1. CentOS7安装MySQL github

逆向

  1. IDAPython的脚本和速查表 github

安全

  1. Damn Vulnerable Web Application (DVWA) link
  2. DVWA低级别通关指南 link

其他

  1. 操作系统是如何被加载的 github
  2. 京东vearch github
  3. 阿里云天池大赛2019——肺部CT多病种智能诊断,参赛代码 github
  4. face-makeup.PyTorch github
  5. AI智能换脸 github
  6. 面向深度学习研究者的概率分布基础教程 github
  7. 适合图像重建的归一化层:GDN link
  8. 从虚拟机架构到编译器实现 link
  9. examples-of-web-crawlers python 爬虫的一些例子
  10. 头发分割项目 github
  11. 缓动函数速查表 link 效果查看
  12. 逆向 link
  13. flamingo 开源即时通讯软件 C++ github
  14. 坐标旋转变换公式的推导 link
  15. 自动红眼移除算法 附c++完整代码 link
  16. 支持向量机(SVM) github
  17. 使用Matlab测量图像目标尺寸 link
  18. 机器学习中的距离和相似度度量方式有哪些 link
  19. pytorch-music-composer 自动生成音乐 github
  20. easy12306 验证码识别 github
  21. smarGate 内网穿透 github
  22. 个人博客采用python+flask编写 github
  23. 一个基于react-native的纯跨平台的影视项目 link
  24. 机器学习超详细实践攻略(8):使用scikit-learn构建模型的通用模板【万字长文】 github
  25. 监控文件改动,随时自动备份,彻底防止误删 github
  26. 北京邮电大学“网络搜索原理”课程资料 github

About

日常收集的资料和代码

License:Apache License 2.0