机器学习和深度学习资源汇总(陆续更新)

 

  

  很少说,直接上干货!php

 

 

    本篇博客的目地,是对工做学习过程当中所遇所见的一些有关深度学习、机器学习的优质资源,做分类汇总,方便本身查阅,也方便他人学习借用。html

    主要会涉及一些优质的理论书籍和论文、一些实惠好用的工具库和开源库、一些供入门该理论入门所用的demo等等。java

    因为本博客将不按期更新,尽可能将较为前沿的深度学习、机器学习内容整理下来,须要转载的同窗尽可能附上本文的连接,方便得到最新的内容。python

 

 

 

机器学习领域相关的大牛推荐(陆续更新)

 

 

  • 相关的理论、书籍、论文、课程、博客:
    • [Book] Yoshua Bengio, Ian Goodfellow, Aaron Courville. Deep Learning. 2015.

 

 

 

  • 相关的库、工具
    • Caffe (C++, with Python wrapper)

 

 

  • 相关的开源项目、demo
 
 
 

 

 

 

 

Method VOC2007 VOC2010 VOC2012 ILSVRC 2013 MSCOCO 2015 Speed
OverFeat       24.3%    
R-CNN (AlexNet) 58.5% 53.7% 53.3% 31.4%    
R-CNN (VGG16) 66.0%          
SPP_net(ZF-5) 54.2%(1-model), 60.9%(2-model)     31.84%(1-model), 35.11%(6-model)    
DeepID-Net 64.1%     50.3%    
NoC 73.3%   68.8%      
Fast-RCNN (VGG16) 70.0% 68.8% 68.4%   19.7%(@[0.5-0.95]), 35.9%(@0.5)  
MR-CNN 78.2%   73.9%      
Faster-RCNN (VGG16) 78.8%   75.9%   21.9%(@[0.5-0.95]), 42.7%(@0.5) 198ms
Faster-RCNN (ResNet-101) 85.6%   83.8%   37.4%(@[0.5-0.95]), 59.0%(@0.5)  
SSD300 (VGG16) 77.2%   75.8%   25.1%(@[0.5-0.95]), 43.1%(@0.5) 46 fps
SSD512 (VGG16) 79.8%   78.5%   28.8%(@[0.5-0.95]), 48.5%(@0.5) 19 fps
ION 79.2%   76.4%      
CRAFT 75.7%   71.3% 48.5%    
OHEM 78.9%   76.3%   25.5%(@[0.5-0.95]), 45.9%(@0.5)  
R-FCN (ResNet-50) 77.4%         0.12sec(K40), 0.09sec(TitianX)
R-FCN (ResNet-101) 79.5%         0.17sec(K40), 0.12sec(TitianX)
R-FCN (ResNet-101),multi sc train 83.6%   82.0%   31.5%(@[0.5-0.95]), 53.2%(@0.5)  
PVANet 9.0 89.8%   84.2%     750ms(CPU), 46ms(TitianX)

 

 


Leaderboard

Detection Results: VOC2012linux

 

 

Papers

Deep Neural Networks for Object Detectionandroid

OverFeat: Integrated Recognition, Localization and Detection using Convolutional Networksgit

 

 

 

 

R-CNN

Rich feature hierarchies for accurate object detection and semantic segmentation程序员

 

 

MultiBox

Scalable Object Detection using Deep Neural Networksgithub

Scalable, High-Quality Object Detectionweb

 

 

 

 

SPP-Net

Spatial Pyramid Pooling in Deep Convolutional Networks for Visual Recognition

 

 

 

DeepID-Net

DeepID-Net: Deformable Deep Convolutional Neural Networks for Object Detection

Object Detectors Emerge in Deep Scene CNNs

segDeepM: Exploiting Segmentation and Context in Deep Neural Networks for Object Detection

 

 

 

 

 

NoC

Object Detection Networks on Convolutional Feature Maps

Improving Object Detection with Deep Convolutional Networks via Bayesian Optimization and Structured Prediction

 

 

 

 

Fast R-CNN

Fast R-CNN

 

 

 

 

DeepBox

DeepBox: Learning Objectness with Convolutional Networks

 

 

 

 

MR-CNN

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

 

 

 

 

Faster R-CNN

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

Faster R-CNN in MXNet with distributed implementation and data parallelization

Contextual Priming and Feedback for Faster R-CNN

An Implementation of Faster RCNN with Study for Region Sampling

 

 

 

 

 

 

YOLO

You Only Look Once: Unified, Real-Time Object Detection

darkflow - translate darknet to tensorflow. Load trained weights, retrain/fine-tune them using tensorflow, export constant graph def to C++

Start Training YOLO with Our Own Data

R-CNN minus R

 

 

AttentionNet

AttentionNet: Aggregating Weak Directions for Accurate Object Detection

 

 

 

DenseBox

DenseBox: Unifying Landmark Localization with End to End Object Detection

 

 

 

 

 

SSD

SSD: Single Shot MultiBox Detector

 

 

Inside-Outside Net (ION)

Inside-Outside Net: Detecting Objects in Context with Skip Pooling and Recurrent Neural Networks

Adaptive Object Detection Using Adjacency and Zoom Prediction

 

 

 

 

 

G-CNN

G-CNN: an Iterative Grid Based Object Detector

Factors in Finetuning Deep Model for object detection

Factors in Finetuning Deep Model for Object Detection with Long-tail Distribution

We don’t need no bounding-boxes: Training object class detectors using only human verification

 

 

HyperNet

HyperNet: Towards Accurate Region Proposal Generation and Joint Object Detection

 

 

MultiPathNet

A MultiPath Network for Object Detection

 

 

CRAFT

CRAFT Objects from Images

 

 

OHEM

Training Region-based Object Detectors with Online Hard Example Mining

Track and Transfer: Watching Videos to Simulate Strong Human Supervision for Weakly-Supervised Object Detection

Exploit All the Layers: Fast and Accurate CNN Object Detector with Scale Dependent Pooling and Cascaded Rejection Classifiers

 

 

 

 

 

R-FCN

R-FCN: Object Detection via Region-based Fully Convolutional Networks

Weakly supervised object detection using pseudo-strong labels

Recycle deep features for better object detection

 

 

 

MS-CNN

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

Multi-stage Object Detection with Group Recursive Learning

Subcategory-aware Convolutional Neural Networks for Object Proposals and Detection

 

 

 

PVANET

PVANET: Deep but Lightweight Neural Networks for Real-time Object Detection

PVANet: Lightweight Deep Neural Networks for Real-time Object Detection

 

 

 

GBD-Net

Gated Bi-directional CNN for Object Detection

Crafting GBD-Net for Object Detection

 

 

 

 

 

 

StuffNet

StuffNet: Using ‘Stuff’ to Improve Object Detection

Generalized Haar Filter based Deep Networks for Real-Time Object Detection in Traffic Scene

Hierarchical Object Detection with Deep Reinforcement Learning

Learning to detect and localize many objects from few examples

Speed/accuracy trade-offs for modern convolutional object detectors

SqueezeDet: Unified, Small, Low Power Fully Convolutional Neural Networks for Real-Time Object Detection for Autonomous Driving

 

 

Feature Pyramid Network (FPN)

Feature Pyramid Networks for Object Detection

Action-Driven Object Detection with Top-Down Visual Attentions

Beyond Skip Connections: Top-Down Modulation for Object Detection

 

 

 

YOLOv2

YOLO9000: Better, Faster, Stronger

Yolo_mark: GUI for marking bounded boxes of objects in images for training Yolo v2

 

 

 

 

DSSD

DSSD : Deconvolutional Single Shot Detector

Wide-Residual-Inception Networks for Real-time Object Detection

Attentional Network for Visual Object Detection

 

CC-Net

Learning Chained Deep Features and Classifiers for Cascade in Object Detection

DeNet: Scalable Real-time Object Detection with Directed Sparse Sampling

https://arxiv.org/abs/1703.10295

A-Fast-RCNN: Hard Positive Generation via Adversary for Object Detection

Discriminative Bimodal Networks for Visual Localization and Detection with Natural Language Queries

Spatial Memory for Context Reasoning in Object Detection

Improving Object Detection With One Line of Code

Accurate Single Stage Detector Using Recurrent Rolling Convolution

Deep Occlusion Reasoning for Multi-Camera Multi-Target Detection

https://arxiv.org/abs/1704.05775

 

 

 

Detection From Video

Learning Object Class Detectors from Weakly Annotated Video

Analysing domain shift factors between videos and images for object detection

Video Object Recognition

Deep Learning for Saliency Prediction in Natural Video

 

 

T-CNN

T-CNN: Tubelets with Convolutional Neural Networks for Object Detection from Videos

Object Detection from Video Tubelets with Convolutional Neural Networks

Object Detection in Videos with Tubelets and Multi-context Cues

Context Matters: Refining Object Detection in Video with Recurrent Neural Networks

CNN Based Object Detection in Large Video Images

Object Detection in Videos with Tubelet Proposal Networks

Flow-Guided Feature Aggregation for Video Object Detection

Video Object Detection using Faster R-CNN

 

 

Object Detection in 3D

Vote3Deep: Fast Object Detection in 3D Point Clouds Using Efficient Convolutional Neural Networks

 

 

 

Object Detection on RGB-D

Learning Rich Features from RGB-D Images for Object Detection and Segmentation

Differential Geometry Boosts Convolutional Neural Networks for Object Detection

A Self-supervised Learning System for Object Detection using Physics Simulation and Multi-view Pose Estimation

https://arxiv.org/abs/1703.03347

 

 

 

 

 

 

 

 

 

Salient Object Detection

This task involves predicting the salient regions of an image given by human eye fixations.

Best Deep Saliency Detection Models (CVPR 2016 & 2015)

http://i.cs.hku.hk/~yzyu/vision.html

Large-scale optimization of hierarchical features for saliency prediction in natural images

Predicting Eye Fixations using Convolutional Neural Networks

Saliency Detection by Multi-Context Deep Learning

DeepSaliency: Multi-Task Deep Neural Network Model for Salient Object Detection

SuperCNN: A Superpixelwise Convolutional Neural Network for Salient Object Detection

Shallow and Deep Convolutional Networks for Saliency Prediction

Recurrent Attentional Networks for Saliency Detection

Two-Stream Convolutional Networks for Dynamic Saliency Prediction

Unconstrained Salient Object Detection

Unconstrained Salient Object Detection via Proposal Subset Optimization

DHSNet: Deep Hierarchical Saliency Network for Salient Object Detection

Salient Object Subitizing

Deeply-Supervised Recurrent Convolutional Neural Network for Saliency Detection

Saliency Detection via Combining Region-Level and Pixel-Level Predictions with CNNs

Edge Preserving and Multi-Scale Contextual Neural Network for Salient Object Detection

A Deep Multi-Level Network for Saliency Prediction

Visual Saliency Detection Based on Multiscale Deep CNN Features

A Deep Spatial Contextual Long-term Recurrent Convolutional Network for Saliency Detection

Deeply supervised salient object detection with short connections

Weakly Supervised Top-down Salient Object Detection

SalGAN: Visual Saliency Prediction with Generative Adversarial Networks

Visual Saliency Prediction Using a Mixture of Deep Neural Networks

A Fast and Compact Salient Score Regression Network Based on Fully Convolutional Network

Saliency Detection by Forward and Backward Cues in Deep-CNNs

https://arxiv.org/abs/1703.00152

Supervised Adversarial Networks for Image Saliency Detection

https://arxiv.org/abs/1704.07242

 

 

 

 

Saliency Detection in Video

Deep Learning For Video Saliency Detection

 

 

 

 

 

 

Visual Relationship Detection

 

Visual Relationship Detection with Language Priors

ViP-CNN: A Visual Phrase Reasoning Convolutional Neural Network for Visual Relationship Detection

Visual Translation Embedding Network for Visual Relation Detection

Deep Variation-structured Reinforcement Learning for Visual Relationship and Attribute Detection

Detecting Visual Relationships with Deep Relational Networks

 

 

Specific Object Deteciton

Face Deteciton

Multi-view Face Detection Using Deep Convolutional Neural Networks

From Facial Parts Responses to Face Detection: A Deep Learning Approach

Compact Convolutional Neural Network Cascade for Face Detection

Face Detection with End-to-End Integration of a ConvNet and a 3D Model

CMS-RCNN: Contextual Multi-Scale Region-based CNN for Unconstrained Face Detection

Finding Tiny Faces

Towards a Deep Learning Framework for Unconstrained Face Detection

Supervised Transformer Network for Efficient Face Detection

UnitBox

UnitBox: An Advanced Object Detection Network

Bootstrapping Face Detection with Hard Negative Examples

Grid Loss: Detecting Occluded Faces

A Multi-Scale Cascade Fully Convolutional Network Face Detector

 

 

 

MTCNN

Joint Face Detection and Alignment using Multi-task Cascaded Convolutional Networks

Joint Face Detection and Alignment using Multi-task Cascaded Convolutional Neural Networks

Face Detection using Deep Learning: An Improved Faster RCNN Approach

Faceness-Net: Face Detection through Deep Facial Part Responses

Multi-Path Region-Based Convolutional Neural Network for Accurate Detection of Unconstrained “Hard Faces”

End-To-End Face Detection and Recognition

https://arxiv.org/abs/1703.10818

 

 

 

 

Facial Point / Landmark Detection

Deep Convolutional Network Cascade for Facial Point Detection

Facial Landmark Detection by Deep Multi-task Learning

A Recurrent Encoder-Decoder Network for Sequential Face Alignment

Detecting facial landmarks in the video based on a hybrid framework

Deep Constrained Local Models for Facial Landmark Detection

Effective face landmark localization via single deep network

A Convolution Tree with Deconvolution Branches: Exploiting Geometric Relationships for Single Shot Keypoint Detection

https://arxiv.org/abs/1704.01880

 

 

 

People Detection

End-to-end people detection in crowded scenes

Detecting People in Artwork with CNNs

Deep Multi-camera People Detection

 

 

 

 

 

 

 

 

Person Head Detection

Context-aware CNNs for person head detection

 

 

Pedestrian Detection

Pedestrian Detection aided by Deep Learning Semantic Tasks

Deep Learning Strong Parts for Pedestrian Detection

Deep convolutional neural networks for pedestrian detection

Scale-aware Fast R-CNN for Pedestrian Detection

New algorithm improves speed and accuracy of pedestrian detection

Pushing the Limits of Deep CNNs for Pedestrian Detection

  • intro: “set a new record on the Caltech pedestrian dataset, lowering the log-average miss rate from 11.7% to 8.9%”
  • arxiv: http://arxiv.org/abs/1603.04525

A Real-Time Deep Learning Pedestrian Detector for Robot Navigation

A Real-Time Pedestrian Detector using Deep Learning for Human-Aware Navigation

Is Faster R-CNN Doing Well for Pedestrian Detection?

Reduced Memory Region Based Deep Convolutional Neural Network Detection

Fused DNN: A deep neural network fusion approach to fast and robust pedestrian detection

Multispectral Deep Neural Networks for Pedestrian Detection

Expecting the Unexpected: Training Detectors for Unusual Pedestrians with Adversarial Imposters

 

 

 

Vehicle Detection

DAVE: A Unified Framework for Fast Vehicle Detection and Annotation

Evolving Boxes for fast Vehicle Detection

 

 

 

 

 

Traffic-Sign Detection

Traffic-Sign Detection and Classification in the Wild

 

 

Boundary / Edge / Contour Detection

Holistically-Nested Edge Detection

Unsupervised Learning of Edges

Pushing the Boundaries of Boundary Detection using Deep Learning

Convolutional Oriented Boundaries

Convolutional Oriented Boundaries: From Image Segmentation to High-Level Tasks

Richer Convolutional Features for Edge Detection

 

 

Skeleton Detection

Object Skeleton Extraction in Natural Images by Fusing Scale-associated Deep Side Outputs

DeepSkeleton: Learning Multi-task Scale-associated Deep Side Outputs for Object Skeleton Extraction in Natural Images

SRN: Side-output Residual Network for Object Symmetry Detection in the Wild

 

 

Fruit Detection

Deep Fruit Detection in Orchards

Image Segmentation for Fruit Detection and Yield Estimation in Apple Orchards

 

 

Part Detection

Objects as context for part detection

https://arxiv.org/abs/1703.09529

 

 

Others

Deep Deformation Network for Object Landmark Localization

Fashion Landmark Detection in the Wild

Deep Learning for Fast and Accurate Fashion Item Detection

OSMDeepOD - OSM and Deep Learning based Object Detection from Aerial Imagery (formerly known as “OSM-Crosswalk-Detection”)

Selfie Detection by Synergy-Constraint Based Convolutional Neural Network

Associative Embedding:End-to-End Learning for Joint Detection and Grouping

Deep Cuboid Detection: Beyond 2D Bounding Boxes

Automatic Model Based Dataset Generation for Fast and Accurate Crop and Weeds Detection

Deep Learning Logo Detection with Data Expansion by Synthesising Context

Pixel-wise Ear Detection with Convolutional Encoder-Decoder Networks

Automatic Handgun Detection Alarm in Videos Using Deep Learning

 

 

 

 

 

 

Object Proposal

 

DeepProposal: Hunting Objects by Cascading Deep Convolutional Layers

Scale-aware Pixel-wise Object Proposal Networks

Attend Refine Repeat: Active Box Proposal Generation via In-Out Localization

Learning to Segment Object Proposals via Recursive Neural Networks

Learning Detection with Diverse Proposals

  • intro: CVPR 2017
  • keywords: differentiable Determinantal Point Process (DPP) layer, Learning Detection with Diverse Proposals (LDDP)
  • arxiv: https://arxiv.org/abs/1704.03533

ScaleNet: Guiding Object Proposal Generation in Supermarkets and Beyond

Improving Small Object Proposals for Company Logo Detection

 

 

Localization

Beyond Bounding Boxes: Precise Localization of Objects in Images

Weakly Supervised Object Localization with Multi-fold Multiple Instance Learning

Weakly Supervised Object Localization Using Size Estimates

Active Object Localization with Deep Reinforcement Learning

Localizing objects using referring expressions

LocNet: Improving Localization Accuracy for Object Detection

Learning Deep Features for Discriminative Localization

ContextLocNet: Context-Aware Deep Network Models for Weakly Supervised Localization

 

 

 

 

Tutorials / Talks

Convolutional Feature Maps: Elements of efficient (and accurate) CNN-based object detection

Towards Good Practices for Recognition & Detection

 

 

 

 

 

 

 

Projects

TensorBox: a simple framework for training neural networks to detect objects in images

Object detection in torch: Implementation of some object detection frameworks in torch

Using DIGITS to train an Object Detection network

FCN-MultiBox Detector

KittiBox: A car detection model implemented in Tensorflow.

 

 

 

Tools

BeaverDam: Video annotation tool for deep learning training labels

https://github.com/antingshen/BeaverDam

 

 

 

Blogs

Convolutional Neural Networks for Object Detection

http://rnd.azoft.com/convolutional-neural-networks-object-detection/

Introducing automatic object detection to visual search (Pinterest)

Deep Learning for Object Detection with DIGITS

Analyzing The Papers Behind Facebook’s Computer Vision Approach

Easily Create High Quality Object Detectors with Deep Learning

How to Train a Deep-Learned Object Detection Model in the Microsoft Cognitive Toolkit

Object Detection in Satellite Imagery, a Low Overhead Approach

You Only Look Twice — Multi-Scale Object Detection in Satellite Imagery With Convolutional Neural Networks

Faster R-CNN Pedestrian and Car Detection

Small U-Net for vehicle detection

Region of interest pooling explained

 

 

 

 

 

 

 

 

Deep Learning(深度学习):

ufldl的2个教程(这个没得说,入门绝对的好教程,Ng的,逻辑清晰有练习):一

ufldl的2个教程(这个没得说,入门绝对的好教程,Ng的,逻辑清晰有练习):二

Bengio团队的deep learning教程,用的theano库,主要是rbm系列,搞python的能够参考,很不错。

deeplearning.net主页,里面包含的信息量很是多,有software, reading list, research lab, dataset, demo等,强烈推荐,本身去发现好资料。

Deep learning的toolbox,matlab实现的,对应源码来学习一些常见的DL模型颇有帮助,这个库我主要是用来学习算法实现过程的。

2013年龙星计划深度学习教程,邓力大牛主讲,虽然老师准备得不充分,不过仍是颇有收获的。

Hinton大牛在coursera上开的神经网络课程,DL部分有很多,很是赞,没有废话,课件每句话都包含了不少信息,有必定DL基础后去听收获更大。

Larochelle关于DL的课件,逻辑清晰,覆盖面广,包含了rbm系列,autoencoder系列,sparse coding系列,还有crf,cnn,rnn等虽然网页是法文,可是课件是英文。

CMU大学2013年的deep learning课程,有很多reading paper能够参考。

达慕思大学Lorenzo Torresani的2013Deep learning课程reading list.

Deep Learning Methods for Vision(余凯等在cvpr2012上组织一个workshop,关于DL在视觉上的应用)。

斯坦福Ng团队成员连接主页,能够进入团队成员的主页,比较熟悉的有Richard Socher, Honglak Lee, Quoc Le等。

多伦多ML团队成员连接主页,能够进入团队成员主页,包括DL鼻祖hinton,还有Ruslan Salakhutdinov , Alex Krizhevsky等。

蒙特利尔大学机器学习团队成员连接主页,包括大牛Bengio,还有Ian Goodfellow 等。

纽约大学的机器学习团队成员连接主页,包括大牛Lecun,还有Rob Fergus等。

Charlie Tang我的主页,结合DL+SVM.

豆瓣上的脑与deep learning读书会,有讲义和部分视频,主要介绍了一些于deep learning相关的生物神经网络。

Large Scale ML的课程,由Lecun和Langford讲的,能不推荐么。

Yann Lecun的2014年Deep Learning课程主页。 视频连接。 

吴立德老师《深度学习课程》

一些常见的DL code列表,csdn博主zouxy09的博文,Deep Learning源代码收集-持续更新…

Deep Learning for NLP (without Magic),由DL界5大高手之一的Richard Socher小组搞的,他主要是NLP的。

2012 Graduate Summer School: Deep Learning, Feature Learning,高手云集,深度学习盛宴,几乎全部的DL大牛都有参加。

matlab下的maxPooling速度优化,调用C++实现的。

2014年ACL机器学习领域主席Kevin Duh的深度学习入门讲座视频。

R-CNN code: Regions with Convolutional Neural Network Features.

 

 

 

Machine Learning(机器学习):

介绍图模型的一个ppt,很是的赞,ppt做者总结得很给力,里面还包括了HMM,MEM, CRF等其它图模型。反正看完挺有收获的。

机器学习一个视频教程,youtube上的,翻吧,内容很全面,偏几率统计模型,每一小集只有几分钟。 

龙星计划2012机器学习,由余凯和张潼主讲。

demonstrate 的 blog :关于PGM(几率图模型)系列,主要按照Daphne Koller的经典PGM教程介绍的,你们依次google之

FreeMind的博客,主要关于机器学习的。

Tom Mitchell大牛的机器学习课程,他的machine learning教科书很是出名。

CS109,Data Science,用python介绍机器学习算法的课程。

CCF主办的一些视频讲座。

 

 

 

国外技术团队博客:

Netflix技术博客,不少干货。

 

 

 

Computer Vision(计算机视觉):

MIT2013年秋季课程:Advances in Computer Vision,有练习题,有些有code.

IPAM一个计算机视觉的短时间课程,有很多牛人参加。

 

 

 

 

OpenCV相关:

http://opencv.org/

2012年7月4日随着opencv2.4.2版本的发布,opencv更改了其最新的官方网站地址。

http://www.opencvchina.com/

好像12年才有这个论坛的,比较新。里面有针对《learning opencv》这本书的视频讲解,不过视频教学还没出完,正在更新中。对刚入门学习opencv的人来讲很不错。

http://www.opencv.org.cn/forum/

opencv中文论坛,对于初次接触opencv的学者来讲比较不错,入门资料多,opencv的各类英文文档也翻译成中文了。不足是感受这个论坛上发帖提问不多人回答,也就是说讨论不够激烈。

http://opencv.jp/

opencv的日文网站,里面有很多例子代码,看不懂日文能够用网站自带的翻译,能看个大概。

http://code.opencv.org/projects/opencv

opencv版本bug修补,版本更新,以及各类相关大型活动安排,还包含了opencv最近几个月内的活动路线,即将来将增长的功能等,能够掌握各类关于opencv进展状况的最新进展。

http://tech.groups.yahoo.com/group/OpenCV/

opencv雅虎邮件列表,听说是最好的opencv论坛,信息更新最新的地方。不过我的认为要查找相关主题的内容,在邮件列表中很是不方便。

http://www.cmlab.csie.ntu.edu.tw/~jsyeh/wiki/doku.php

台湾大学暑假集训网站,内有连接到与opencv集训相关的网页。感受这种教育形式还蛮不错的。

http://sourceforge.net/projects/opencvlibrary/

opencv版本发布地方。

http://code.opencv.org/projects/opencv/wiki/ChangeLog#241    http://opencv.willowgarage.com/wiki/OpenCV%20Change%20Logs

opencv版本内容更改日志网页,前面那个网页更新最快。

http://www.opencv.org.cn/opencvdoc/2.3.2/html/doc/tutorials/tutorials.html

opencv中文教程网页,分几个模块讲解,有代码有过程。内容是网友翻译opencv自带的doc文件里的。

https://netfiles.uiuc.edu/jbhuang1/www/resources/vision/index.html

网友总结的经常使用带有cvpr领域常见算法code连接的网址,感受很是的不错。

http://fossies.org/dox/OpenCV-2.4.2/

该网站能够查看opencv中一些函数的变量接口,还会列出函数之间的结构图。

http://opencv.itseez.com/

opencv的函数、类等查找网页,有导航,查起来感受不错。

 

 

 

优化:

submodual优化网页。

Geoff Gordon的优化课程,youtube上有对应视频。

 

 

 

数学:

http://www.youku.com/playlist_show/id_19465801.html

《计算机中的数学》系列视频,8位老师10讲内容,生动介绍微积分和线性代数基本概念在计算机学科中的各类有趣应用!

 

 

 

Linux学习资料:

http://itercast.com/library/1

linux入门的基础视频教程,对于新手可选择看第一部分,视频来源于LinuxCast.net网站,还不错。

 

 

 

OpenNI+Kinect相关:

http://1.yuhuazou.sinaapp.com/

网友晨宇思远的博客,主攻cvpr,ai等。

http://blog.csdn.net/chenli2010/article/details/6887646

kinect和openni学习资料汇总。

http://blog.csdn.net/moc062066/article/category/871261

OpenCV 计算机视觉 kinect的博客:

http://kheresy.wordpress.com/index_of_openni_and_kinect/comment-page-5/

网友Heresy的博客,里面有很多kinect的文章,写的比较详细。

http://www.cnkinect.com/

体感游戏中文网,有很多新的kinect资讯。

http://www.kinectutorial.com/

Kinect体感开发网。

http://code.google.com/p/openni-hand-tracker

openni_hand_tracking google code项目。

http://blog.candescent.ch/

网友的kinect博客,里面有不少手势识别方面的文章介绍,还有源码,不过貌似是基于c#的。

https://sites.google.com/site/colordepthfusion/

一些关于深度信息和颜色信息融合(fusion)的文章。

http://projects.ict.usc.edu/mxr/faast/

kinect新的库,能够结合OpenNI使用。

https://sites.google.com/a/chalearn.org/gesturechallenge/

kinect手势识别网站。

http://www.ros.org/wiki/mit-ros-pkg

mit的kinect项目,有code。主要是与手势识别相关。

http://www.thoughtden.co.uk/blog/2012/08/kinecting-people-our-top-6-kinect-projects/

kinect 2012年度最具创新的6个项目,有视频,确实够创新的!

http://www.cnblogs.com/yangyangcv/archive/2011/01/07/1930349.html

kinect多点触控的一篇博文。

http://sourceforge.net/projects/kinect-mex/

http://www.mathworks.com/matlabcentral/fileexchange/30242-kinect-matlab

有关matlab for kinect的一些接口。

http://news.9ria.com/2012/1212/25609.html

AIR和Kinect的结合,有一些手指跟踪的code。

http://eeeweba.ntu.edu.sg/computervision/people/home/renzhou/index.htm

研究kinect手势识别的,任洲。刚毕业不久。

 

 

 

其余网友cvpr领域的连接总结:

http://www.cnblogs.com/kshenf/

网友整理经常使用牛人连接总结,很是多。不过我的没有没有每一个网站都去试过。因此本文也是我本身总结本身曾经用过的或体会过的。

 

 

 

OpenGL有关:

http://nehe.gamedev.net/

NeHe的OpenGL教程英文版。

http://www.owlei.com/DancingWind/

NeHe的OpenGL教程对应的中文版,由网友周玮翻译的。

http://www.qiliang.net/old/nehe_qt/

NeHe的OpengGL对应的Qt版中文教程。

http://blog.csdn.net/qp120291570

网友"左脑设计,右脑编程"的Qt_OpenGL博客,写得还不错。

http://guiliblearning.blogspot.com/

这个博客对opengl的机制有所剖析,貌似要FQ才能进去。

 

 

 

 

cvpr综合网站论坛博客等:

http://www.cvchina.net/

中国计算机视觉论坛

http://www.cvchina.info/

这个博客很不错,每次看完都能让人兴奋,由于有不少关于cv领域的科技新闻,还时不时有视频显示。另外这个博客里面的资源也整理得至关不错。中文的。

http://www.bfcat.com/

一位网友的我的计算机视觉博客,有不少关于计算机视觉前沿的东西介绍,与上面的博客同样,看了也能让人兴奋。

http://blog.csdn.net/v_JULY_v/

牛人博客,主攻数据结构,机器学习数据挖掘算法等。

http://blog.youtueye.com/

该网友上面有一些计算机视觉方向的博客,博客中附有一些实验的测试代码.

http://blog.sciencenet.cn/u/jingyanwang

多看pami才扯谈的博客,其中有很多pami文章的中文介绍。

http://chentingpc.me/

作网络和天然语言处理的,有很多机器学习方面的介绍。

 

 

 

 

ML经常使用博客资料等:

http://freemind.pluskid.org/

由 pluskid 所维护的 blog,主要记录一些机器学习、程序设计以及各类技术和非技术的相关内容,写得很不错。

http://datasciencemasters.org/

里面包含学ML/DM所须要的一些知识连接,且有些给出了视频教程,网页资料,电子书,开源code等,推荐!

http://cs.nju.edu.cn/zhouzh/index.htm

周志华主页,不用介绍了,机器学习大牛,更难得的是他的不少文章都有源码公布。

http://www.eecs.berkeley.edu/~jpaisley/Papers.htm

John Paisley的我的主页,主要研究机器学习领域,有些文章有代码提供。

http://foreveralbum.yo2.cn/

里面有一些常见机器学习算法的详细推导过程。

http://blog.csdn.net/abcjennifer

浙江大学CS硕士在读,关注计算机视觉,机器学习,算法研究,博弈, 人工智能, 移动互联网等学科和产业。该博客中有不少机器学习算法方面的介绍。

http://www.wytk2008.net/

无垠天空的机器学习博客。

http://www.chalearn.org/index.html

机器学习挑战赛。

http://licstar.net/

licstar的技术博客,偏天然语言处理方向。

 

 

 

 

国内科研团队和牛人网页:

http://vision.ia.ac.cn/zh/index_cn.html

中科院自动化所机器视觉课题小组,有相关数据库、论文、课件等下载。

http://www.cbsr.ia.ac.cn/users/szli/

李子青教授我的主页,中科院自动化所cvpr领域牛叉人!

http://www4.comp.polyu.edu.hk/~cslzhang/

香港理工大学教授lei zhang我的主页,也是cvpr领域一大牛人啊,cvpr,iccv各类发表。更重要的是他因此牛叉论文的code所有公开,很是可贵!

http://liama.ia.ac.cn/wiki/start

中法信息、自动化与应用联合实验室,里面不少内容不只限而cvpr,还有ai领域一些其余的研究。

http://www.cogsci.xmu.edu.cn/cvl/english/

厦门大学特聘教授,cv领域一位牛人。研究方向主要为目标检测,目标跟踪,运动估计,三维重建,鲁棒统计学,光流计算等。

http://idm.pku.edu.cn/index.aspx

北京大学数字视频编码技术国家实验室。 

http://www.csie.ntu.edu.tw/~cjlin/libsvm/

libsvm项目网址,台湾大学的,很火!

http://www.jdl.ac.cn/user/sgshan/index.htm

山世光,人脸识别研究比较牛。在中国科学院智能信息处理重点实验室

 

 

 

 

国外科研团队和牛人网页:

https://netfiles.uiuc.edu/jbhuang1/www/resources/vision/index.html

常见计算机视觉资源整理索引,国外学者整理,全是出名的算法,而且带有代码的,这个很是有帮助,其连接都是相关领域很火的代码。

http://www.cs.cmu.edu/afs/cs/project/cil/ftp/html/txtv-groups.html

国外学者整理的各高校研究所团队网站

http://research.microsoft.com/en-us/groups/vision/

微软视觉研究小组,不解释,你们懂的,牛!

http://lear.inrialpes.fr/index.php

法国国家信息与自动化研究所,有对应牛人的连接,论文项目网页连接,且一些code对应连接等。

http://www.cs.ubc.ca/~pcarbo/objrecls/

Learning to recognize objects with little supervision该篇论文的项目网页,有对应的code下载,另附有详细说明。

http://www.eecs.berkeley.edu/~lbourdev/poselets/

poselets相关研究界面,关于poselets的第一手资料。

http://www.cse.oulu.fi/CMV/Research

芬兰奥卢大学计算机科学与工程学院网页,里面有不少cv领域相关的研究,好比说人脸,脸部表情,人体行为识别,跟踪,人机交互等cv基本都涉及有。

http://www.cs.cmu.edu/~cil/vision.html

卡耐基梅隆大学计算机视觉主页,内容很是多。惋惜的是该网站内容只更新到了2004年。

http://vision.stanford.edu/index.html

斯坦福大学计算机视觉主页,里面有很是很是多的牛人,好比说你们熟悉的lifeifei.

http://www.wavelet.org/index.php

关于wavelet研究的网页。

http://civs.ucla.edu/

加州大学洛杉矶分校统计学院,关于统计学习方面各类资料,且有相应的网上公开课。

http://www.cs.cmu.edu/~efros/

卡耐基梅隆大学Alexei(Alyosha)Efros教授我的网站,计算机图形学高手。

http://web.mit.edu/torralba/www//

mit牛人Associate教授我的网址,主要研究计算机视觉人体视觉感知,目标识别和场景理解等。

http://people.csail.mit.edu/billf/

mit牛人William T. Freeman教授,主要研究计算机视觉和图像学

http://www.research.ibm.com/peoplevision/

IBM人体视觉研究中心,里面除了有其研究小组的最新成果外,还有不少测试数据(特别是视频)供下载。

http://www.vlfeat.org/

vlfeat主页,vlfeat也是一个开源组织,主要定位在一些最流行的视觉算法开源上,C编写,其不少算法效果比opencv要好,不过数量不全,可是很是有用。

http://www.robots.ox.ac.uk/~az/

Andrew Zisserman的我的主页,这人你们应该熟悉,《计算机视觉中的多视几何》这本神书的做者之一。

http://www.cs.utexas.edu/~grauman/

KristenGrauman教授的我的主页,是个大美女,且是2011年“马尔奖”得到者,”马尔奖“你们都懂的,计算机视觉领域的最高奖项,目前无一个国内学者得到过。她的主要研究方法是视觉识别。

http://groups.csail.mit.edu/vision/welcome/

mit视觉实验室主页。

http://code.google.com/p/sixthsense/

曾经在网络上很是出名一个视频,一个做者研究的第六感装置,如今这个就是其开源的主页。

http://vision.ucsd.edu/~pdollar/research.html#BehaviorRecognitionAnimalBehavior

Piotr Dollar的我的主要,主要研究方向是人体行为识别。

http://www.mmp.rwth-aachen.de/

移动多媒体处理,将移动设备,计算机图像学,视觉,图像处理等结合的领域。

http://www.di.ens.fr/~laptev/index.html

Ivan Laptev牛人主页,主要研究人体行为识别。有不少数据库能够下载。

http://blogs.oregonstate.edu/hess/

Rob Hess的我的主要,里面有源码下载,好比说粒子滤波,他写的粒子滤波在网上很火。

http://morethantechnical.googlecode.com/svn/trunk/

cvpr领域一些小型的开源代码。

http://iica.de/pd/index.py

作行人检测的一个团队,内部有一些行人检测的代码下载。

http://www.cs.utexas.edu/~grauman/research/pubs.html

UT-Austin计算机视觉小组,包含的视觉研究方向比较广,且有的文章有源码,你只须要填一个邮箱地址,系统会自动发跟源码相关的信息过来。

http://www.robots.ox.ac.uk/~vgg/index.html

visual geometry group

 

 

 

 

图像:

http://blog.sina.com.cn/s/blog_4cccd8d301012pw5.html

交互式图像分割代码。

http://vision.csd.uwo.ca/code/

graphcut优化代码。

 

 

 

 

语音:

http://danielpovey.com/kaldi-lectures.html

语音处理中的kaldi学习。

 

 

 

 

算法分析与设计(计算机领域的基础算法):

http://www.51nod.com/focus.html

该网站主要是讨论一些算法题。里面的李陶冶是个大牛,回答了不少算法题。

 

 

 

一些综合topic列表:

http://www.cs.cornell.edu/courses/CS7670/2011fa/

计算机视觉中的些topic(Special Topics in Computer Vision),截止到2011年为止,其引用的文章都是很是顶级的topic。

 

 

 

 

书籍相关网页:

http://www.imageprocessingplace.com/index.htm

冈萨雷斯的《数字图像处理》一书网站,包含课程材料,matlab图像处理工具包,课件ppt等相关素材。

Consumer Depth Cameras for Computer Vision

很优秀的一本书,不过很贵,买不起啊!作深度信息的使用这本书还不错,google图中能够预览一部分。

Making.Things.See

针对Kinect写的,主要关注深度信息,较为基础。书籍中有很多例子,貌似是java写的。

 

 

 

国内一些AI相关的研讨会:

http://www.iipl.fudan.edu.cn/MLA13/index.htm

中国机器学习及应用研讨会(这个是2013年的)

 

 

 

期刊会议论文下载:

http://cvpapers.com/

几个顶级会议论文公开下载界面,好比说ICCV,CVPR,ECCV,ACCV,ICPR,SIGGRAPH等。

http://www.cvpr2012.org/

cvpr2012的官方地址,里面有各类资料和信息,其余年份的地址相似推理更改便可。

http://www.sciencedirect.com/science/journal/02628856

ICV期刊下载

http://www.computer.org/portal/web/tpami

TPAMI期刊,AI领域中能够算得上是最顶级的期刊了,里面有很多cvpr方面的内容。

http://www.springerlink.com/content/100272/

IJCV的网址。

http://books.nips.cc/

NIPS官网,有论文下载列表。

http://graphlab.org/lsrs2013/program/

LSRS (会议)地址,大规模推荐系统,其它年份依次类推。

 

 

 

会议期刊相关信息:

http://conferences.visionbib.com/Iris-Conferences.html

该网页列出了图像处理,计算机视觉领域相关几乎全部比较出名的会议时间表。

http://conferences.visionbib.com/Browse-conf.php

上面网页的一个子网页,列出了最近的CV领域提交paper的deadline。

 

 

 

cvpr相关数据库下载:

http://research.microsoft.com/en-us/um/people/jckrumm/WallFlower/TestImages.htm

微软研究院牛人Wallflower Paper的论文中用到的目标检测等测试图片

http://archive.ics.uci.edu/ml/

UCI数据库列表下载,最经常使用的机器学习数据库列表。

http://www.cs.rochester.edu/~rmessing/uradl/

人体行为识别经过关键点的跟踪视频数据库,Rochester university的

http://www.research.ibm.com/peoplevision/performanceevaluation.html

IBM人体视觉研究中心,有视频监控等很是多的测试视频。

http://www.cvpapers.com/datasets.html

该网站上列出了常见的cvpr研究的数据库。

http://www.cs.washington.edu/rgbd-dataset/index.html

RGB-D Object Dataset.作目标识别的。

 

 

 

AI相关娱乐网页:

http://en.akinator.com/

该网站很好玩,能够测试你内心想出的一我的名(固然前提是这我的必须有必定的知名度),而后该网站会提出一系列的问题,你能够选择yes or no,or I don’t know等等,最后系统会显示你心中所想的那我的。

http://www.doggelganger.co.nz/

人与狗的匹配游戏,摄像头采集人脸,呵呵…

 

 

 

 

Android相关:

https://code.google.com/p/android-ui-utils/

该网站上有一些android图标,菜单等跟界面有关的设计工具,能够用来作一些简单的UI设计.

 

 

 

 

工具和code下载:

http://lear.inrialpes.fr/people/dorko/downloads.html

6种常见的图像特征点检测子,linux下环境运行。不过只提供了二进制文件,不提供源码。

http://www.cs.ubc.ca/~pcarbo/objrecls/index.html#code

ssmcmc的matlab代码,是Learning to recognize objects with little supervision这一系列文章用的源码,属于目标识别方面的研究。

http://www.robots.ox.ac.uk/~timork/

仿射无关尺度特征点检测算子源码,还有些其它算子的源码或二进制文件。

http://www.vision.ee.ethz.ch/~bleibe/code/ism.html

隐式形状模型(ISM)项目主页,做者Bastian Leibe提供了linux下运行的二进制文件。

http://www.di.ens.fr/~laptev/download.html#stip

Ivan Laptev牛人主页中的STIP特征点检测code,可是也只是有二进制文件,无源码。该特征点在行为识别中该特征点很是有名。

http://ai.stanford.edu/~quocle/

斯坦福大学Quoc V.Le主页,上有它2011年行为识别文章的代码。

 

 

 

 

开源软件:

http://mloss.org/software/

一些ML开源软件在这里基本均可以搜到,有上百个。

https://github.com/myui/hivemall

Scalable machine learning library for Hive/Hadoop.

http://scikit-learn.org/stable/

 

基于python的机器学习开源软件,文档写得不错。

 

 

 

 

挑战赛:

http://www.chioka.in/kaggle-competition-solutions/

kaggle一些挑战赛的code. 

 

 

 

 

公开课:

网易公开课,国内作得很不错的公开课,翻译了一些国外出名的公开课教程,与国外公开课平台coursera有合做。

coursera在线教育网上公开课,很新,有个邮箱注册便可学习,有很多课程,且有对应的练习,特别是编程练习,超赞。

斯坦福网上公开课连接,有统计学习,凸优化等课程。

udacity公开课程下载连接,其实速度还能够。里面有很多好教程。

机器学习公开课的链接,有很多课。

 

 

 

 

   在最近的学习中,看到一些有用的资源就记下来了,如今总结一下,欢迎补充! 
机器视觉开源代码合集 
计算机视觉算法与代码集锦 
计算机视觉的一些测试数据集和源码站点 
SIFT官网 
SURF PCA-SIFT and SIFT 开源代码 总结 
经常使用图像数据集:标注、检索 
KTH-TIPS2 image dataset 
视频中行为识别公开数据库汇总 
MSR Action Recognition Datasets and Codes 
Sparse coding simulation software 
稀疏表示 
Deep Learning源代码收集-持续更新 
Training a deep autoencoder or a classifier on MNIST digits 
Charlie Tang 
本文实现了09年CVPR的文章 
Kaggle 机器学习竞赛冠军及优胜者的源代码汇总 
Feature_detection 
机器学习视频公开课 
机器学习的最佳入门学习资源 
http://blog.jobbole.com/82630/ 
国外程序员整理的机器学习资源大全 
一些下载资源的连接 
Some Useful Links 
A Library for Large Linear Classification

 

 

 

 

 

 

 

 

本博文转自

http://blog.csdn.net/huixingshao/article/details/71406084

https://handong1587.github.io/deep_learning/2015/10/09/object-detection.html#t-cnn

本人经常使用资源整理(ing...)

 

 

 

 

 

 

 

 

 

 

 

 

 

 

 

欢迎你们,加入个人微信公众号:大数据躺过的坑     免费给分享
 
 
 

同时,你们能够关注个人我的博客

   http://www.cnblogs.com/zlslch/   和  http://www.cnblogs.com/lchzls/ 

 

  人生苦短,我愿分享。本公众号将秉持活到老学到老学习无休止的交流分享开源精神,汇聚于互联网和我的学习工做的精华干货知识,一切来于互联网,反馈回互联网。
  目前研究领域:大数据、机器学习、深度学习、人工智能、数据挖掘、数据分析。 语言涉及:Java、Scala、Python、Shell、Linux等 。同时还涉及日常所使用的手机、电脑和互联网上的使用技巧、问题和实用软件。 只要你一直关注和呆在群里,天天必须有收获

 

       以及对应本平台的QQ群:161156071(大数据躺过的坑)