计算机视觉、机器学习、深度学习相关开源代码集合归纳总结(二)持续更新

收藏用!感谢感谢!优秀!大神就是神

原文出自:https://blog.csdn.net/cv_family_z/article/details/49902011

Deep Residual Networks

Deep Residual Learning for Image Recognition 
https://github.com/KaimingHe/deep-residual-networks

Identity Mappings in Deep Residual Networks (by Kaiming He)

arxiv: http://arxiv.org/abs/1603.05027 
github: https://github.com/KaimingHe/resnet-1k-layers 
github: https://github.com/bazilas/matconvnet-ResNet 
github: https://github.com/FlorianMuellerklein/Identity-Mapping-ResNet-Lasagne

Wide Residual Networks

arxiv: http://arxiv.org/abs/1605.07146 
github: https://github.com/szagoruyko/wide-residual-networks 
github: https://github.com/asmith26/wide_resnets_keras

Inception-V4, Inception-Resnet And The Impact Of Residual Connections On Learning (Workshop track - ICLR 2016)

intro: “achieve 3.08% top-5 error on the test set of the ImageNet classification (CLS) challenge” 
arxiv: http://arxiv.org/abs/1602.07261 
paper: http://beta.openreview.net/pdf?id=q7kqBkL33f8LEkD3t7X9 
github: https://github.com/lim0606/torch-inception-resnet-v2

Object detection 
Object detection via a multi-region & semantic segmentation-aware CNN model 
https://github.com/gidariss/mrcnn-object-detection

DeepBox: Learning Objectness with Convolutional Networks ICCV2015 
proposal re-ranker 
https://github.com/weichengkuo/DeepBox

Object-Proposal Evaluation Protocol is ‘Gameable’ 好多 Proposal 代码 
https://github.com/batra-mlp-lab/object-proposals

Fast R-CNN 
https://github.com/rbgirshick/fast-rcnn

Faster R-CNN: Towards Real-Time Object Detection with Region Proposal Networks 
https://github.com/ShaoqingRen/faster_rcnn MATLAB 
https://github.com/rbgirshick/py-faster-rcnn Python

YOLO : Real-Time Object Detection 
http://pjreddie.com/darknet/yolo/ 
https://github.com/pjreddie/darknet

SSD: Single Shot MultiBox Detector 比Faster R-CNN又快又好啊! 
https://github.com/weiliu89/caffe/tree/ssd

A Unified Multi-scale Deep Convolutional Neural Network for Fast Object Detection 
https://github.com/zhaoweicai/mscnn

Image Question Answering 
Stacked Attention Networks for Image Question Answering CVPR2016 
https://github.com/zcyang/imageqa-san

Image Question Answering using Convolutional Neural Networ with Dynamic Parameter Prediction CVPR2016

项目网页 
http://cvlab.postech.ac.kr/research/dppnet/ 
开源代码 
https://github.com/HyeonwooNoh/DPPnet

**场景识别: 
** 
SegNet: A Deep Convolutional Encoder-Decoder Architecture for Robust 
Semantic Pixel-Wise Labelling 
https://github.com/alexgkendall/caffe-segnet

Tracking: 
Learning to Track: Online Multi-Object Tracking by Decision Making ICCV2015 
使用 Markov Decision Processes 做跟踪,速度可能比较慢,效果应该还可以 
https://github.com/yuxng/MDP_Tracking

Fully-Convolutional Siamese Networks for Object Tracking 
http://www.robots.ox.ac.uk/~luca/siamese-fc.html

Car detection: 
Integrating Context and Occlusion for Car Detection by Hierarchical And-or Model ECCV2014 
http://www.stat.ucla.edu/~boli/projects/context_occlusion/context_occlusion.html

Face detection

人脸检测2015进展:http://www.cvrobot.net/latest-progress-in-face-detection-2015/

Face detection without bells and whistles 
project:http://markusmathias.bitbucket.org/2014_eccv_face_detection/ 
Code:https://bitbucket.org/rodrigob/doppia 
Talk: http://videolectures.net/eccv2014_mathias_face_detection/ (不错的报告)

From Facial Parts Responses to Face Detection: A Deep Learning Approach ICCV2015 email to get code and model 
http://personal.ie.cuhk.edu.hk/~ys014/projects/Faceness/Faceness.html

A Fast and Accurate Unconstrained Face Detector 2015 PAMI 
简单 快速 有效 
http://www.cbsr.ia.ac.cn/users/scliao/projects/npdface/

Face Alignment 
Face Alignment by Coarse-to-Fine Shape Searching 
http://mmlab.ie.cuhk.edu.hk/projects/CFSS.html

High-Fidelity Pose and Expression Normalization for Face Recognition 
in the Wild 
http://www.cbsr.ia.ac.cn/users/xiangyuzhu/projects/HPEN/main.htm

Face Recognition 
Deep face recognition 
http://www.robots.ox.ac.uk/~vgg/software/vgg_face/

Do We Really Need to Collect Millions of Faces for Effective Face Recognition? 
http://www.openu.ac.il/home/hassner/projects/augmented_faces/

Person Re-identification :

Person Re-identification Results 
http://www.ssig.dcc.ufmg.br/reid-results/#ref35VIPER

Learning a Discriminative Null Space for Person Re-identification 
code http://www.eecs.qmul.ac.uk/~lz/

Query-Adaptive Late Fusion for Image Search and Person Re-identification 
CVPR2015 
http://www.liangzheng.com.cn/Project/project_fusion.html

Efficient Person Re-identification by Hybrid Spatiogram and Covariance Descriptor CVPR2015 Workshops 
https://github.com/Myles-ZMY/HSCD

Person Re-Identification by Iterative Re-Weighted Sparse Ranking PAMI 2015 
http://www.micc.unifi.it/masi/code/isr-re-id/ 没有特征提取代码

Person re-identification by Local Maximal Occurrence representation and metric learning CVPR2015 
http://www.cbsr.ia.ac.cn/users/scliao/projects/lomo_xqda/

Head detection 
Context-aware CNNs for person head detection 
Matlab code & dataset avaiable 
http://www.di.ens.fr/willow/research/headdetection/

Pedestrian detection

Pedestrian Detection with Spatially Pooled Features and Structured Ensemble Learning PAMI 2015 
Strengthening the Effectiveness of Pedestrian Detection with Spatially Pooled Features ECCV2014 
https://github.com/chhshen/pedestrian-detection

Is Faster R-CNN Doing Well for Pedestrian Detection 
Matlab 代码 :https://github.com/zhangliliang/RPN_BF/tree/RPN-pedestrian

Deep Learning 
Deeply Learned Attributes for Crowded Scene Understanding 
https://github.com/amandajshao/www_deep_crowd 
http://www.ee.cuhk.edu.hk/~jshao/WWWCrowdDataset.html

Quantized Convolutional Neural Networks for Mobile Devices 
https://github.com/jiaxiang-wu/quantized-cnn

Human Pose Estimation 
DeepPose: Human Pose Estimation via Deep Neural Networks, CVPR2014 
https://github.com/mitmul/deeppose not official implementation

Articulated Pose Estimation by a Graphical Model with Image Dependent Pairwise Relations NIPS 2014 
http://www.stat.ucla.edu/~xianjie.chen/projects/pose_estimation/pose_estimation.html

Learning Human Pose Estimation Features with Convolutional Networks 
https://github.com/stencilman/deep_nets_iclr04

Flowing ConvNets for Human Pose Estimation in Videos 
http://www.robots.ox.ac.uk/~vgg/software/cnn_heatmap/

杂项 
Unsupervised Learning of Visual Representations using Videos 很有前途啊! 
https://github.com/xiaolonw/caffe-video_triplet

Learning Deep Representations of Fine-Grained Visual Descriptions 
https://github.com/reedscot/cvpr2016

Fast Detection of Curved Edges at Low SNR 
http://www.wisdom.weizmann.ac.il/~yehonato/projectPage.html

Unsupervised Processing of Vehicle Appearance for Automatic Understanding in Traffic Surveillance

code: https://medusa.fit.vutbr.cz/traffic/research-topics/fine-grained-vehicle-recognition/unsupervised-processing-of-vehicle-appearance-for-automatic-understanding-in-traffic-surveillance/

Image Retrieval 
Learning Compact Binary Descriptors with Unsupervised Deep Neural Networks 
https://github.com/kevinlin311tw/cvpr16-deepbit

Deep Supervised Hashing for Fast Image Retrieval 
https://github.com/lhmRyan/deep-supervised-hashing-DSH

Bit-Scalable Deep Hashing with Regularized Similarity Learning for Image Retrieval and Person Re-identification 
https://github.com/ruixuejianfei/BitScalableDeepHash

数据库 
MPII Human Pose Dataset 
http://human-pose.mpi-inf.mpg.de/#overview

WIDER FACE: A Face Detection Benchmark 数据库
http://mmlab.ie.cuhk.edu.hk/projects/WIDERFace/

DPM 
将voc-release4.0.1 linux 转到windows 
http://blog.csdn.net/masibuaa/article/details/17577195

开源车牌识别代码 
支持美国和欧洲车牌 
http://www.openalpr.com

文字识别 
https://github.com/MichalBusta/FASText 
FASText: Efficient Unconstrained Scene Text Detector

模板匹配 
FAsT-Match: Fast Affine Template Matching 
Best-Buddies Similarity for Robust Template Matching 
siftdemoV4

计算机视觉、机器学习、深度学习相关开源代码集合归纳总结(二)(收藏用)相关推荐

  1. 交通运输相关机器学习/深度学习相关资源列表,关于交通运输场景的机器学习/深度学习的资源这里都有

    本文素材来源于GitHub,经本人翻译及整理首发于CSDN,仅供技术交流所用,请勿商用.欢迎大家关注我的公众号: gbxiao992 原文地址:https://github.com/zzsza/Awe ...

  2. 机器学习深度学习算法及代码实现

    原文地址:https://blog.csdn.net/qq_31456593/article/details/69340697 最近在学机器学习,学习过程中收获颇多,在此留下学习记录,希望与同道中人相 ...

  3. 机器学习深度学习实战模板代码(持续更新)

    赛题的分类: 太阳底下无新事,都是出现过的赛题只是换了场景和数据 建模与问题解决流程 了解场景和目标 了解评估准则 1.数据处理 数据清洗 观察数据是否平衡 比如广告点击 不点才是大概率 需要清除离心 ...

  4. 机器学习+深度学习相关课程地址总结

    1 吴恩达老师 机器学习课程视频链接:https://www.bilibili.com/video/BV164411b7dx?from=search&seid=8357728122787183 ...

  5. 计算机视觉与深度学习 | 目标提取(代码实现)

    博主github:https://github.com/MichaelBeechan 博主CSDN:https://blog.csdn.net/u011344545 完整论文及代码下载链接: http ...

  6. 深度学习 图像分割开源代码(附链接,超级全)

    转自https://blog.csdn.net/weixin_41783077/article/details/82020121 转自github,感谢作者mrgloom的整理 链接:https:// ...

  7. 计算机视觉与深度学习基本环境安装

    计算机视觉与深度学习基本环境安装 1. Python的安装与使用 1.1 Python简介 1.2 Python下载与安装 1.2.1 Anaconda的下载与安装 1.2.2 Python编译器Py ...

  8. 交通运输——机器学习/深度学习资源列表

    原文地址:https://github.com/zzsza/Awesome-Mobility-Machine-Learning-Contents/blob/master/README.md 交通运输相 ...

  9. 【长篇博文】Docker学习笔记与深度学习环境的搭建和部署(二)

    长篇博文记录学习流程不容易,请关注.转发.点赞.评论,谢谢! 上一篇文章:Docker学习笔记与深度学习环境的搭建和部署(一) 文章末尾附加nvidia455.23.cuda11.1.cudnn8.0 ...

  10. 机器学习(Machine Learning)深度学习(Deep Learning)资料集合

    机器学习(Machine Learning)&深度学习(Deep Learning)资料 原文链接:https://github.com/ty4z2008/Qix/blob/master/dl ...

最新文章

  1. C语言 输入一个字符串,统计字符个数,并按照倒序输出该字符串。
  2. SharePoint中的权限体系
  3. 设计模式一の设计模式详解
  4. mysql 文章内容_假设mysql数据库里面有个字段存的是文章内容,用什么方式查询出所有文章中包含某个特定词语的数据。...
  5. TensorFlow框架案例实战
  6. 智能家居如何让消费者心甘情愿地买单
  7. AB PLC软件如何破解?
  8. 【单片机学习笔记】上传一整年的自学电子笔记,互相交流,共同进步。
  9. img标签底部总是留有一条白色空隙
  10. 解决Eth0网卡不存在的情况_wuli大世界_新浪博客
  11. BUCT c语言程序设计基础第三篇10~20道题(上)
  12. iOS--CFMessagePort实现进程间通信
  13. 经典c语言程序创意,49个经典年会小游戏(绝对有创意)C
  14. Chimaera:用区块链游戏思维将《玩家一号》的“绿洲”变为现实;网易有道将推语音助手及智能音箱
  15. 月入十万的QQ空间营销引流技巧,你知道吗,??不看你会后悔!!
  16. 你的杀毒软件可以扔掉了
  17. Android TV与机顶盒
  18. 针对firefox的恶意软件分析取证
  19. 软考中级的软件设计师难考吗?
  20. 了解一下IO控制器与控制方式

热门文章

  1. cmd 一键清除系统垃圾
  2. window.open 服务器运行失败,win10 openssh服务器安装失败的最佳解决方法
  3. DOJO Dijit布局
  4. 电子银行卡的优势分析
  5. HDU 4609 3-idiots (思维+FFT卷积)
  6. [转载] 网页制作常用英语标示
  7. 拒做背锅侠!如何利用网站性能优化驱动产品体验提升
  8. 想去美国?看完会成功率飙升的美国签证面试技巧
  9. Jasmine JavaScript测试 - toBe vs toEqual
  10. pi六轴算法_圆周率π的计算历程及各种脑洞大开的估计方法