200字范文,内容丰富有趣,生活中的好帮手!
200字范文 > 计算机视觉 机器学习 深度学习相关开源代码集合归纳总结(二)(收藏用)

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

时间:2020-07-03 05:26:43

相关推荐

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

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

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

原文出自:/cv_family_z/article/details/4990

Deep Residual Networks

Deep Residual Learning for Image Recognition

/KaimingHe/deep-residual-networks

Identity Mappings in Deep Residual Networks (by Kaiming He)

arxiv:/abs/1603.05027

github:/KaimingHe/resnet-1k-layers

github:/bazilas/matconvnet-ResNet

github:/FlorianMuellerklein/Identity-Mapping-ResNet-Lasagne

Wide Residual Networks

arxiv:/abs/1605.07146

github:/szagoruyko/wide-residual-networks

github:/asmith26/wide_resnets_keras

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

intro: “achieve 3.08% top-5 error on the test set of the ImageNet classification (CLS) challenge”

arxiv:/abs/1602.07261

paper:/pdf?id=q7kqBkL33f8LEkD3t7X9

github:/lim0606/torch-inception-resnet-v2

Object detection

Object detection via a multi-region & semantic segmentation-aware CNN model

/gidariss/mrcnn-object-detection

DeepBox: Learning Objectness with Convolutional Networks ICCV

proposal re-ranker

/weichengkuo/DeepBox

Object-Proposal Evaluation Protocol is ‘Gameable’ 好多 Proposal 代码

/batra-mlp-lab/object-proposals

Fast R-CNN

/rbgirshick/fast-rcnn

Faster R-CNN: Towards Real-Time Object Detection with Region Proposal Networks

/ShaoqingRen/faster_rcnnMATLAB

/rbgirshick/py-faster-rcnnPython

YOLO : Real-Time Object Detection

/darknet/yolo/

/pjreddie/darknet

SSD: Single Shot MultiBox Detector 比Faster R-CNN又快又好啊!

/weiliu89/caffe/tree/ssd

A Unified Multi-scale Deep Convolutional Neural Network for Fast Object Detection

/zhaoweicai/mscnn

Image Question Answering

Stacked Attention Networks for Image Question Answering CVPR

/zcyang/imageqa-san

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

项目网页

http://cvlab.postech.ac.kr/research/dppnet/

开源代码

/HyeonwooNoh/DPPnet

**场景识别:

**

SegNet: A Deep Convolutional Encoder-Decoder Architecture for Robust

Semantic Pixel-Wise Labelling

/alexgkendall/caffe-segnet

Tracking:

Learning to Track: Online Multi-Object Tracking by Decision Making ICCV

使用 Markov Decision Processes 做跟踪,速度可能比较慢,效果应该还可以

/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 ECCV

http://www.stat.ucla.edu/~boli/projects/context_occlusion/context_occlusion.html

Face detection

人脸检测进展:/latest-progress-in-face-detection-/

Face detection without bells and whistles

project:/_eccv_face_detection/

Code:/rodrigob/doppia

Talk:/eccv_mathias_face_detection/(不错的报告)

From Facial Parts Responses to Face Detection: A Deep Learning Approach ICCV email to get code and model

http://personal.ie.cuhk.edu.hk/~ys014/projects/Faceness/Faceness.html

A Fast and Accurate Unconstrained Face Detector PAMI

简单 快速 有效

http://www.cbsr./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./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

codehttp://www.eecs.qmul.ac.uk/~lz/

Query-Adaptive Late Fusion for Image Search and Person Re-identification

CVPR

/Project/project_fusion.html

Efficient Person Re-identification by Hybrid Spatiogram and Covariance Descriptor CVPR Workshops

/Myles-ZMY/HSCD

Person Re-Identification by Iterative Re-Weighted Sparse Ranking PAMI

http://www.micc.unifi.it/masi/code/isr-re-id/没有特征提取代码

Person re-identification by Local Maximal Occurrence representation and metric learning CVPR

http://www.cbsr./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

Strengthening the Effectiveness of Pedestrian Detection with Spatially Pooled Features ECCV

/chhshen/pedestrian-detection

Is Faster R-CNN Doing Well for Pedestrian Detection

Matlab 代码 :/zhangliliang/RPN_BF/tree/RPN-pedestrian

Deep Learning

Deeply Learned Attributes for Crowded Scene Understanding

/amandajshao/www_deep_crowd

http://www.ee.cuhk.edu.hk/~jshao/WWWCrowdDataset.html

Quantized Convolutional Neural Networks for Mobile Devices

/jiaxiang-wu/quantized-cnn

Human Pose Estimation

DeepPose: Human Pose Estimation via Deep Neural Networks, CVPR

/mitmul/deepposenot official implementation

Articulated Pose Estimation by a Graphical Model with Image Dependent Pairwise Relations NIPS

http://www.stat.ucla.edu/~xianjie.chen/projects/pose_estimation/pose_estimation.html

Learning Human Pose Estimation Features with Convolutional Networks

/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 很有前途啊!

/xiaolonw/caffe-video_triplet

Learning Deep Representations of Fine-Grained Visual Descriptions

/reedscot/cvpr

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

/kevinlin311tw/cvpr16-deepbit

Deep Supervised Hashing for Fast Image Retrieval

/lhmRyan/deep-supervised-hashing-DSH

Bit-Scalable Deep Hashing with Regularized Similarity Learning for Image Retrieval and Person Re-identification

/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

/masibuaa/article/details/17577195

开源车牌识别代码

支持美国和欧洲车牌

文字识别

/MichalBusta/FASText

FASText: Efficient Unconstrained Scene Text Detector

模板匹配

FAsT-Match: Fast Affine Template Matching

Best-Buddies Similarity for Robust Template Matching

siftdemoV4

本内容不代表本网观点和政治立场,如有侵犯你的权益请联系我们处理。
网友评论
网友评论仅供其表达个人看法,并不表明网站立场。