博客
关于我
强烈建议你试试无所不能的chatGPT,快点击我
总结一些机器视觉库
阅读量:6327 次
发布时间:2019-06-22

本文共 26399 字,大约阅读时间需要 87 分钟。

一、传统图像算法工程师:

主要涉及图形处理,包括形态学、图像质量、相机成像之3A算法、去雾处理、颜色空间转换、滤镜等,主要在安防公司或者机器视觉领域,包括缺陷检测;

二、现代图像算法工程师:

涉及模式识别,主要表现的经验为AdaboostSVM的研究与应用,特征选取与提取,包括智能驾驶的研究与应用、行人检测、人脸识别;

三、人工智能时代图像算法工程师:

深度学习,主要在大型互联网公司或者研究所机构,具体体现在TensorFlow等开源库的研究与应用,包括机器人的研、基于深度学习的人脸识别;

CSDN上也总结了很多:(补充2016-12-21  23:49:53)

                      

                      

                      

                        (经典论文集合)

                     

                     

                     

                     

                    

通用库/General Library

  •    无需多言。
  •   Recognition And Vision Library. 线程安全。强大的IO机制。包含AAM。
  •   很酷的一个图像处理包。整个库只有一个头文件。包含一个基于PDE的光流

图像,视频IO/Image, Video IO

AR相关/Augmented Reality

  •    基于Marker的AR库
  •    ARToolKit的增强版。实现了更好的姿态估计算法。
  •     实时的跟踪、SLAM、AR库。无需Marker,模板,内置传感器等。
  •    基于特征点检测和识别的AR库。

局部不变特征/Local Invariant Feature

  •    目前最好的Sift开源实现。同时包含了KD-tree,KD-Forest,BoW实现。
  • VLFeat:著名而常用

    项目网站:

    著名的计算机视觉/图像处理开源项目,知名度应该不必OpenCV低太多,曾获ACM Open Source Software Competition 2010一等奖。使用C语言编写,提供C语言和Matlab两种接口。实现了大量计算机视觉算法,包括:

    • 常用图像处理功能,包括颜色空间变换、几何变换(作为Matlab的补充),常用机器学习算法,包括GMM、SVM、KMeans等,常用的图像处理的plot工具。

    • 特征提取,包括 , , ,等。VLFeat提供了一个vl_covdet() 函数作为框架,可以方便的统一所谓“co-variant feature detectors”,包括了DoG, Harris-Affine, Harris-Laplace并且可以提取SIFT或raw patches描述子。

    • 超像素(Superpixel)分割,包括常用的, 算法等

    • 高级聚类算法,比如整数KMeans:Integer k-means (IKM)、hierarchical version of integer k-means (HIKM),基于互信息自动判定聚类类数的算法Agglomerative Information Bottleneck (AIB) algorithm等

    • 高维特特征匹配算法,随机KD树Randomized kd-trees

    可以在查看VLFeat完整的功能列表。 http://www.vlfeat.org/matlab/matlab.html

  •     基于Naive Bayesian Bundle的特征点识别。高速,但占用内存高。
  •    基于OpenCV的Sift实现。

目标检测/Object Detection

  •     又一个AdaBoost实现。训练速度快。
  •     基于Centrist和Linear SVM的快速行人检测。

(近似)最近邻/ANN

  •     目前最完整的(近似)最近邻开源库。不但实现了一系列查找算法,还包含了一种自动选取最快算法的机制。
  •     另外一个近似最近邻库。

SLAM & SFM

  •     [LGPL]   monoSLAM库。由Androw Davison开发。

图像分割/Segmentation

  •    使用Simple Linear Iterative Clustering产生指定数目,近似均匀分布的Super Pixel。

目标跟踪/Tracking

  •    基于Online Random Forest的目标跟踪算法。
  •   Kanade-Lucas-Tracker
  •    Online Boosting Trackers

直线检测/Line Detection

  •     基于联通域连接的直线检测算法。
  •  [GPL]   基于梯度的,局部直线段检测算子。

指纹/Finger Print

  •  [GPL]   基于感知的多媒体文件Hash算法。(提取,对比图像、视频、音频的指纹)

视觉显著性/Visual Salience

  •     Ming-Ming Cheng的视觉显著性算法。

/DWT

  • [GPL]   最快,最好的开源FFT。
  •  [WTFPL]   轻量级的FFT实现。许可证是亮点。

音频处理/Audio processing

  •  [Free]   音频处理,音频合成。
  •  [LGPL]  音频文件IO。
  •  [GPL ]音频重采样。

小波变换   快速小波变换(FWT)

BRIEF: Binary Robust Independent Elementary Feature 一个很好的局部特征描述子,里面有FAST corner + BRIEF实现特征点匹配的DEMO:

Java打包的OpenCV, FFmpeg, libdc1394, PGR FlyCapture, OpenKinect, videoInput, and ARToolKitPlus库。可以放在Android上用~

 libHIK,HIK SVM,计算HIK SVM跟Centrist的Lib。

 一组视觉显著性检测的链接:

 

的工具箱:轻量好用,侧重图像处理  

项目网站:

这位Peter大哥目前在工作,他自己写了一套Matlab计算机视觉算法,所谓工具箱其实就是许多m文件的集合,全部Matlab实现,无需编译安装,支持Octave(如果没有Matlab的话,有了这个工具箱也可以在Octave下进行图像处理了)。别看这位大哥单枪匹马,人家的工具箱可是相当有名,研究时候需要哪个Matlab的计算机视觉小功能,直接到他家主页上下几个m文件放在自己文件夹就好了。这个工具箱主要以图像处理算法为主,附带一些三维视觉的基本算法,列一些包括的功能:

  • ,通过相位一致性检测图像特征

  • ,Harris、Canny之类的特征算法

  • ,边缘特征和线特征的各种操作

  • ,图像降噪

  • ,从法向量积分出表面

  • ,量图计算

  • ,著名的保边缘平滑算法

  • ,傅立叶变换

  • ,透视几何、三维视觉的一些算法

  • 、特征匹配

  • 、RANSAC

  • ,指纹图像增强

  • ,一些好玩儿的图像生成算法

  • ,图像融合

  • ,颜色空间算法

MexOpenCV:让Matlab支持调用的OpenCV

项目网站:

作者Kota Yamaguchi桑是石溪大学()的PhD,早些时候自己搞了一套东西把OpenCV的代码编译成Matlab可用的mex接口,然后这个东西迅速火了。今年夏天这个项目被OpenCV吸收为一个模块,貌似是搞了一个Google Summer of Code(GSoC)的项目,最近(大概是9、10月)已经merge到了OpenCV主包,有兴趣的可以到Github的去玩一下,应该会在10月份的OpenCV 3 alpha里正式发布。现在OpenCV就同时有了Python和Maltab的binding(好强大)。具体的功能就不细说了,既然是OpenCV的binding,当然是可以使用OpenCV的绝大多数算法了。

 

OpenCV是Intel®开源计算机视觉库。它由一系列 C 函数和少量 C++ 类构成,实现了图像处理和计算机视觉方面的很多通用算法。 OpenCV 拥有包括 300 多个C函数的跨平台的中、高层 API。它不依赖于其它的外部库——尽管也可以使用某些外部库。 OpenCV 对非商业...

faceservice.cgi 是一个用来进行人脸识别的 CGI , 你可以通过上传图像,然后该程序即告诉你人脸的大概坐标位置。faceservice是采用 OpenCV 库进行开发的。

OpenCVDotNet 是一个 .NET 对 OpenCV 包的封装。

jViolajones是人脸检测算法Viola-Jones的一个Java实现,并能够加载OpenCV XML文件。 示例代码:

JavaCV 提供了在计算机视觉领域的封装库,包括:OpenCV、ARToolKitPlus、libdc1394 2.x 、PGR FlyCapture和FFmpeg。此外,该工具可以很容易地使用Java平台的功能。 JavaCV还带有硬件加速的全屏幕图像显示(CanvasFrame),易于在多个内核中执行并行代码(并...

QMotion 是一个采用 OpenCV 开发的运动检测程序,基于 QT。

OpenVSS - 开放平台的视频监控系统 - 是一个系统级别的视频监控软件视频分析框架(VAF)的视频分析与检索和播放服务,记录和索引技术。它被设计成插件式的支持多摄像头平台,多分析仪模块(OpenCV的集成),以及多核心架构。

手势识别,用OpenCV实现

提供人脸检测、识别与检测特定人脸的功能,示例代码 cvReleaseImage( &gray ); cvReleaseMemStorage(&storage); cvReleaseHaarClassifierCascade(&cascade);...

Active Shape Model Library (ASMLibrary©) SDK, 用OpenCV开发,用于人脸检测与跟踪。

ECV 是 lua 的计算机视觉开发库(目前只提供linux支持)

OpenCVSharp 是一个OpenCV的.Net wrapper,应用最新的OpenCV库开发,使用习惯比EmguCV更接近原始的OpenCV,有详细的使用样例供参考。

基于OpenCV构建的图像处理和3D视觉库。 示例代码: ImageSequenceReaderFactory factory; ImageSequenceReader* reader = factory.pathRegex("c:/a/im_%03d.jpg", 0, 20); //ImageSequenceReader*

reader = factory.avi("a.avi"); if (reader == NULL) { ...

基于 QT 的面向对象的多平台计算机视觉库。可以方便的创建图形化应用程序,算法库主要从 OpenCV,GSL,CGAL,IPP,Octave 等高性能库借鉴而来。

cvBlob 是计算机视觉应用中在二值图像里寻找连通域的库.能够执行连通域分析与特征提取.

GShow is a real-time image/video processing filter development kit. It successfully integrates DirectX11 with DirectShow framework. So it has the following

features: GShow 是实时 图像/视频 处理滤波开发包,集成DiretX11。...

VideoMan 提供一组视频捕获 API 。支持多种视频流同时输入(视频传输线、USB摄像头和视频文件等)。能利用 OpenGL 对输入进行处理,方便的与 OpenCV,CUDA 等集成开发计算机视觉系统。

Pattern Recognition project(开放模式识别项目),致力于开发出一套包含图像处理、计算机视觉、自然语言处理、模式识别、机器学习和相关领域算法的函数库。

OpenCV的Python封装,主要特性包括: 提供与OpenCV 2.x中最新的C++接口极为相似的Python接口,并且包括C++中不包括的C接口 提供对OpenCV 2.x中所有主要部件的绑定:CxCORE (almost complete), CxFLANN (complete), Cv (complete),

CvAux (C++ part almost...

计算机视觉快速开发平台,提供测试框架,使开发者可以专注于算法研究。

对函数库v412的封装,从网络摄像头等硬件获得图像数据,支持YUYV裸数据输出和BGR24的OpenCV  IplImage输出

OpenVIDIA projects implement computer vision algorithms running on on graphics hardware such as single or multiple graphics processing units(GPUs) using

OpenGL, Cg and CUDA-C. Some samples will soon support OpenCL and Direct Compute API'...

实现了基于混合高斯模型的点集配准算法,该算法描述在论文: A Robust Algorithm for Point Set Registration Using Mixture of Gaussians, Bing Jian and Baba C. Vemuri. ,实现了C++/Matlab/Python接口...

Recognition And Vision Library (RAVL) 是一个通用 C++ 库,包含计算机视觉、模式识别等模块。

LTI-Lib 是一个包含图像处理和计算机视觉常用算法和数据结构的面向对象库,提供 Windows 下的 VC 版本和 Linux 下的 gcc 版本,主要包含以下几方面内容: 1、线性代数 2、聚类分析 3、图像处理 4、可视化和绘图工具

优化了OpenCV库在DSP上的速度。

Integrating Vision Toolkit (IVT) 是一个强大而迅速的C++计算机视觉库,拥有易用的接口和面向对象的架构,并且含有自己的一套跨平台GUI组件,另外可以选择集成OpenCV

The Epipolar Geometry Toolbox (EGT) is a toolbox designed for Matlab (by Mathworks Inc.). EGT provides a wide set of functions to approach computer vision

and robotics problems with single and multiple views, and with different vision se...

ImageNets 是对OpenCV 的扩展,提供对机器人视觉算法方面友好的支持,使用Nokia的QT编写界面。

视频处理、计算机视觉和计算机图形学的快速开发库。

Matlab 的计算机视觉包,包含用于观察结果的 GUI 组件,貌似也停止开发了,拿来做学习用挺不错的。

SIP 是 Scilab(一种免费的类Matlab编程环境)的图像处理和计算机视觉库。SIP 可以读写 JPEG/PNG/BMP 格式的图片。具备图像滤波、分割、边缘检测、形态学处理和形状分析等功能。

STAIR Vision Library (SVL) 最初是为支持斯坦福智能机器人设计的,提供对计算机视觉、机器学习和概率统计模。

 

今天的主要任务就是和大家分享一些鄙人收藏的认为相当研究价值的网页:

Oxford大牛:Andrew Zisserman,,此人主要研究多幅图像的几何学,该网站提供了部分工具,相当实用,还有例子

西澳大利亚大学的Peter Kovesi:,提供了一些基本的matlab工具,主要内容涉及Computer Vision, Image Processing

CMU:,该网站是我的最爱,尤其后面这个地址,在这里提供了世界各地机构、大学在Computer Vision所涉及各领域的研究情况,包括Image Processing, Machine Vision,我后来也是通过它连接到了很多国外的网站

Cambridge:,这是剑桥大学的机器智能实验室,里面有三个小组,Computer Vision & Robotics, Machine Intelligence, Speech,目前为止,Computer Vision & Robotics的一些研究成果对我日后的帮助可能会比较大,所以在此提及

大量计算机视觉方面的原版电子书:,我今天先下了本Zisserman的书,呵呵,国外的原版书,虽然都是比较老的,但是对于基础的理解学习还是很有帮助的,至于目前的研究现状只能通过论文或者一些研究小组的网站

stanford:,这个网站是Andrew N.G老师和一个印度阿三的博士一起维护的,主要对于单张照片的三维重建,尤其他有个网页make3d.stanford.edu可以让你自己上传你的照片,通过网站来重建三维模型,这个网站对于刚开始接触Computer Vision的我来说,如获至宝,但有个致命问题就是make3d已经无法注册,我也多次给Andrew和印度阿三email,至今未回,郁闷,要是有这个网站的帐号,那还是相当爽的,不知道是不是由于他们的邮箱把我的email当成垃圾邮件过滤,哎,但这个stanford网站的贡献主要是代码,有很多computer vision的基础工具,貌似40M左右,全都是基于matlab的

caltech:,这是我们Computer Vision老师课件上的连接,主要是用于摄像机标定的工具集,当然也有涉及对标定图像三维重建的前期处理过程

JP Tarel:,这是他的个人主页,也是目前为止我发的email中,唯一一个给我回信的老外,因为我需要重建练习的正是他的图片集,我读过他的论文,但没有涉及代码的内容,再加上又是94年以前的论文,很多相关的引文,我都无法下载,在我的再三追问下,Tarel教授只告诉我,你可以按照我的那篇论文对足球进行重建,可是...你知道吗,你有很多图像处理的引文都下不了了,我只知道你通过那篇文章做了图像的预处理,根本不知道具体过程,当然我有幸找到过一篇90左右的论文,讲的是region-based segmentation,可是这文章里所有引文又是找不到的....悲剧的人生

开源软件网站:www.sourceforge.net

一、特征提取Feature Extraction:

  • SIFT [1] [][] []
  • PCA-SIFT [2] []
  • Affine-SIFT [3] []
  • SURF [4] [] []
  • Affine Covariant Features [5] []
  • MSER [6] [] []
  • Geometric Blur [7] []
  • Local Self-Similarity Descriptor [8] []
  • Global and Efficient Self-Similarity [9] []
  • Histogram of Oriented Graidents [10] [] []
  • GIST [11] []
  • Shape Context [12] []
  • Color Descriptor [13] []
  • Pyramids of Histograms of Oriented Gradients []
  • Space-Time Interest Points (STIP) [14][] []
  • Boundary Preserving Dense Local Regions [15][]
  • Weighted Histogram[]
  • Histogram-based Interest Points Detectors[][]
  • An OpenCV - C++ implementation of Local Self Similarity Descriptors []
  • Fast Sparse Representation with Prototypes[]
  • Corner Detection []
  • AGAST Corner Detector: faster than FAST and even FAST-ER[]
  • Real-time Facial Feature Detection using Conditional Regression Forests[]
  • Global and Efficient Self-Similarity for Object Classification and Detection[]
  • WαSH: Weighted α-Shapes for Local Feature Detection[]
  • HOG[]
  • Online Selection of Discriminative Tracking Features[]

二、图像分割Image Segmentation:

  • Normalized Cut [1] []
  • Gerg Mori’ Superpixel code [2] []
  • Efficient Graph-based Image Segmentation [3] [] []
  • Mean-Shift Image Segmentation [4] [] []
  • OWT-UCM Hierarchical Segmentation [5] []
  • Turbepixels [6] [] [] []
  • Quick-Shift [7] []
  • SLIC Superpixels [8] []
  • Segmentation by Minimum Code Length [9] []
  • Biased Normalized Cut [10] []
  • Segmentation Tree [11-12] []
  • Entropy Rate Superpixel Segmentation [13] []
  • Fast Approximate Energy Minimization via Graph Cuts[][]
  • Efficient Planar Graph Cuts with Applications in Computer Vision[][]
  • Isoperimetric Graph Partitioning for Image Segmentation[][]
  • Random Walks for Image Segmentation[][]
  • Blossom V: A new implementation of a minimum cost perfect matching algorithm[]
  • An Experimental Comparison of Min-Cut/Max-Flow Algorithms for Energy Minimization in Computer Vision[][]
  • Geodesic Star Convexity for Interactive Image Segmentation[]
  • Contour Detection and Image Segmentation Resources[][]
  • Biased Normalized Cuts[]
  • Max-flow/min-cut[]
  • Chan-Vese Segmentation using Level Set[]
  • A Toolbox of Level Set Methods[]
  • Re-initialization Free Level Set Evolution via Reaction Diffusion[]
  • Improved C-V active contour model[][]
  • A Variational Multiphase Level Set Approach to Simultaneous Segmentation and Bias Correction[][]
  • Level Set Method Research by Chunming Li[]
  • ClassCut for Unsupervised Class Segmentation[e]
  • SEEDS: Superpixels Extracted via Energy-Driven Sampling ][]

三、目标检测Object Detection:

  • A simple object detector with boosting []
  • INRIA Object Detection and Localization Toolkit [1] []
  • Discriminatively Trained Deformable Part Models [2] []
  • Cascade Object Detection with Deformable Part Models [3] []
  • Poselet [4] []
  • Implicit Shape Model [5] []
  • Viola and Jones’s Face Detection [6] []
  • Bayesian Modelling of Dyanmic Scenes for Object Detection[][]
  • Hand detection using multiple proposals[]
  • Color Constancy, Intrinsic Images, and Shape Estimation[][]
  • Discriminatively trained deformable part models[]
  • Gradient Response Maps for Real-Time Detection of Texture-Less Objects: LineMOD []
  • Image Processing On Line[]
  • Robust Optical Flow Estimation[]
  • Where's Waldo: Matching People in Images of Crowds[]
  • Scalable Multi-class Object Detection[]
  • Class-Specific Hough Forests for Object Detection[]
  • Deformed Lattice Detection In Real-World Images[]
  • Discriminatively trained deformable part models[]

四、显著性检测Saliency Detection:

  • Itti, Koch, and Niebur’ saliency detection [1] []
  • Frequency-tuned salient region detection [2] []
  • Saliency detection using maximum symmetric surround [3] []
  • Attention via Information Maximization [4] []
  • Context-aware saliency detection [5] []
  • Graph-based visual saliency [6] []
  • Saliency detection: A spectral residual approach. [7] []
  • Segmenting salient objects from images and videos. [8] []
  • Saliency Using Natural statistics. [9] []
  • Discriminant Saliency for Visual Recognition from Cluttered Scenes. [10] []
  • Learning to Predict Where Humans Look [11] []
  • Global Contrast based Salient Region Detection [12] []
  • Bayesian Saliency via Low and Mid Level Cues[]
  • Top-Down Visual Saliency via Joint CRF and Dictionary Learning[][]
  • Saliency Detection: A Spectral Residual Approach[]

五、图像分类、聚类Image Classification, Clustering

  • Pyramid Match [1] []
  • Spatial Pyramid Matching [2] []
  • Locality-constrained Linear Coding [3] [] []
  • Sparse Coding [4] [] []
  • Texture Classification [5] []
  • Multiple Kernels for Image Classification [6] []
  • Feature Combination [7] []
  • SuperParsing []
  • Large Scale Correlation Clustering Optimization[]
  • Detecting and Sketching the Common[]
  • Self-Tuning Spectral Clustering[][]
  • User Assisted Separation of Reflections from a Single Image Using a Sparsity Prior[][]
  • Filters for Texture Classification[]
  • Multiple Kernel Learning for Image Classification[]
  • SLIC Superpixels[]

六、抠图Image Matting

  • A Closed Form Solution to Natural Image Matting []
  • Spectral Matting []
  • Learning-based Matting []

七、目标跟踪Object Tracking:

  • A Forest of Sensors - Tracking Adaptive Background Mixture Models []
  • Object Tracking via Partial Least Squares Analysis[][]
  • Robust Object Tracking with Online Multiple Instance Learning[][]
  • Online Visual Tracking with Histograms and Articulating Blocks[]
  • Incremental Learning for Robust Visual Tracking[]
  • Real-time Compressive Tracking[]
  • Robust Object Tracking via Sparsity-based Collaborative Model[]
  • Visual Tracking via Adaptive Structural Local Sparse Appearance Model[]
  • Online Discriminative Object Tracking with Local Sparse Representation[][]
  • Superpixel Tracking[]
  • Learning Hierarchical Image Representation with Sparsity, Saliency and Locality[][]
  • Online Multiple Support Instance Tracking [][]
  • Visual Tracking with Online Multiple Instance Learning[]
  • Object detection and recognition[]
  • Compressive Sensing Resources[]
  • Robust Real-Time Visual Tracking using Pixel-Wise Posteriors[]
  • Tracking-Learning-Detection[][]
  • the HandVu:vision-based hand gesture interface[]
  • Learning Probabilistic Non-Linear Latent Variable Models for Tracking Complex Activities[]

八、Kinect:

  • Kinect toolbox[]
  • OpenNI[]
  • zouxy09 CSDN Blog[]
  • FingerTracker 手指跟踪[]

九、3D相关:

  • 3D Reconstruction of a Moving Object[] []
  • Shape From Shading Using Linear Approximation[]
  • Combining Shape from Shading and Stereo Depth Maps[][]
  • Shape from Shading: A Survey[][]
  • A Spatio-Temporal Descriptor based on 3D Gradients (HOG3D)[][]
  • Multi-camera Scene Reconstruction via Graph Cuts[][]
  • A Fast Marching Formulation of Perspective Shape from Shading under Frontal Illumination[][]
  • Reconstruction:3D Shape, Illumination, Shading, Reflectance, Texture[]
  • Monocular Tracking of 3D Human Motion with a Coordinated Mixture of Factor Analyzers[]
  • Learning 3-D Scene Structure from a Single Still Image[ 

十、机器学习算法:

  • Matlab class for computing Approximate Nearest Nieghbor (ANN) [ providing interface to]
  • Random Sampling[]
  • Probabilistic Latent Semantic Analysis (pLSA)[]
  • FASTANN and FASTCLUSTER for approximate k-means (AKM)[]
  • Fast Intersection / Additive Kernel SVMs[]
  • SVM[]
  • Ensemble learning[]
  • Deep Learning[]
  • Deep Learning Methods for Vision[]
  • Neural Network for Recognition of Handwritten Digits[]
  • Training a deep autoencoder or a classifier on MNIST digits[]
  • THE MNIST DATABASE of handwritten digits[]
  • Ersatz:deep neural networks in the cloud[]
  • Deep Learning []
  • sparseLM : Sparse Levenberg-Marquardt nonlinear least squares in C/C++[]
  • Weka 3: Data Mining Software in Java[]
  • Invited talk "A Tutorial on Deep Learning" by Dr. Kai Yu (余凯)[]
  • CNN - Convolutional neural network class[]
  • Yann LeCun's Publications[]
  • LeNet-5, convolutional neural networks[]
  • Training a deep autoencoder or a classifier on MNIST digits[]
  • Deep Learning 大牛Geoffrey E. Hinton's HomePage[]
  • Multiple Instance Logistic Discriminant-based Metric Learning (MildML) and Logistic Discriminant-based Metric Learning (LDML)[]
  • Sparse coding simulation software[]
  • Visual Recognition and Machine Learning Summer School[]

十一、目标、行为识别Object, Action Recognition:

  • Action Recognition by Dense Trajectories[][]
  • Action Recognition Using a Distributed Representation of Pose and Appearance[]
  • Recognition Using Regions[][]
  • 2D Articulated Human Pose Estimation[]
  • Fast Human Pose Estimation Using Appearance and Motion via Multi-Dimensional Boosting Regression[][]
  • Estimating Human Pose from Occluded Images[][]
  • Quasi-dense wide baseline matching[]
  • ChaLearn Gesture Challenge: Principal motion: PCA-based reconstruction of motion histograms[]
  • Real Time Head Pose Estimation with Random Regression Forests[]
  • 2D Action Recognition Serves 3D Human Pose Estimation[
  • A Hough Transform-Based Voting Framework for Action Recognition[
  • Motion Interchange Patterns for Action Recognition in Unconstrained Videos[
  • 2D articulated human pose estimation software[]
  • Learning and detecting shape models []
  • Progressive Search Space Reduction for Human Pose Estimation[]
  • Learning Non-Rigid 3D Shape from 2D Motion[]

十二、图像处理:

  • Distance Transforms of Sampled Functions[]
  • The Computer Vision Homepage[]
  • Efficient appearance distances between windows[]
  • Image Exploration algorithm[]
  • Motion Magnification 运动放大 []
  • Bilateral Filtering for Gray and Color Images 双边滤波器 []
  • A Fast Approximation of the Bilateral Filter using a Signal Processing Approach [

十三、一些实用工具:

  • EGT: a Toolbox for Multiple View Geometry and Visual Servoing[] []
  • a development kit of matlab mex functions for OpenCV library[]
  • Fast Artificial Neural Network Library[]

十四、人手及指尖检测与识别:

  • finger-detection-and-gesture-recognition []
  • Hand and Finger Detection using JavaCV[]
  • Hand and fingers detection[]

十五、场景解释:

  • Nonparametric Scene Parsing via Label Transfer []

十六、光流Optical flow:

  • High accuracy optical flow using a theory for warping []
  • Dense Trajectories Video Description []
  • SIFT Flow: Dense Correspondence across Scenes and its Applications[]
  • KLT: An Implementation of the Kanade-Lucas-Tomasi Feature Tracker []
  • Tracking Cars Using Optical Flow[]
  • Secrets of optical flow estimation and their principles[]
  • implmentation of the Black and Anandan dense optical flow method[]
  • Optical Flow Computation[]
  • Beyond Pixels: Exploring New Representations and Applications for Motion Analysis[]
  • A Database and Evaluation Methodology for Optical Flow[]
  • optical flow relative[]
  • Robust Optical Flow Estimation []
  • optical flow[]

十七、图像检索Image Retrieval

  • Semi-Supervised Distance Metric Learning for Collaborative Image Retrieval ][]

十八、马尔科夫随机场Markov Random Fields:

  • Markov Random Fields for Super-Resolution ]
  • A Comparative Study of Energy Minimization Methods for Markov Random Fields with Smoothness-Based Priors []

十九、运动检测Motion detection:

  • Moving Object Extraction, Using Models or Analysis of Regions ]
  • Background Subtraction: Experiments and Improvements for ViBe []
  • A Self-Organizing Approach to Background Subtraction for Visual Surveillance Applications []
  • changedetection.net: A new change detection benchmark dataset[]
  • ViBe - a powerful technique for background detection and subtraction in video sequences[]
  • Background Subtraction Program[]
  • Motion Detection Algorithms[]
  • Stuttgart Artificial Background Subtraction Dataset[]
  • Object Detection, Motion Estimation, and Tracking[]

Feature Detection and Description

General Libraries: 

  •  – Implementation of various feature descriptors (including SIFT, HOG, and LBP) and covariant feature detectors (including DoG, Hessian, Harris Laplace, Hessian Laplace, Multiscale Hessian, Multiscale Harris). Easy-to-use Matlab interface. See  – Slides providing a demonstration of VLFeat and also links to other software. Check also 
  •  – Various implementations of modern feature detectors and descriptors (SIFT, SURF, FAST, BRIEF, ORB, FREAK, etc.)

Fast Keypoint Detectors for Real-time Applications: 

  •  – High-speed corner detector implementation for a wide variety of platforms
  •  – Even faster than the FAST corner detector. A multi-scale version of this method is used for the BRISK descriptor (ECCV 2010).

Binary Descriptors for Real-Time Applications: 

  •  – C++ code for a fast and accurate interest point descriptor (not invariant to rotations and scale) (ECCV 2010)
  •  – OpenCV implementation of the Oriented-Brief (ORB) descriptor (invariant to rotations, but not scale)
  •  – Efficient Binary descriptor invariant to rotations and scale. It includes a Matlab mex interface. (ICCV 2011)
  •  – Faster than BRISK (invariant to rotations and scale) (CVPR 2012)

SIFT and SURF Implementations: 

  • SIFT: , ,  by David Lowe, , 
  • SURF: , , 

Other Local Feature Detectors and Descriptors: 

  •  – Oxford code for various affine covariant feature detectors and descriptors.
  •  – Source code for the Local Intensity order Pattern (LIOP) descriptor (ICCV 2011).
  •  – Source code for matching of local symmetry features under large variations in lighting, age, and rendering style (CVPR 2012).

Global Image Descriptors: 

  •  – Matlab code for the GIST descriptor
  •  – Global visual descriptor for scene categorization and object detection (PAMI 2011)

Feature Coding and Pooling 

  •  – Source code for various state-of-the-art feature encoding methods – including Standard hard encoding, Kernel codebook encoding, Locality-constrained linear encoding, and Fisher kernel encoding.
  •  – Source code for feature pooling based on spatial pyramid matching (widely used for image classification)

Convolutional Nets and Deep Learning 

  •  – C++ Library for Energy-Based Learning. It includes several demos and step-by-step instructions to train classifiers based on convolutional neural networks.
  •  – Provides a matlab-like environment for state-of-the-art machine learning algorithms, including a fast implementation of convolutional neural networks.
  •  - Various links for deep learning software.

Part-Based Models 

  •  – Library provided by the authors of the original paper (state-of-the-art in PASCAL VOC detection task)
  •  – Branch-and-Bound implementation for a deformable part-based detector.
  •  – Efficient implementation of a method that achieves the exact same performance of deformable part-based detectors but with significant acceleration (ECCV 2012).
  •  – Fast approach for deformable object detection (CVPR 2011).
  •  – C++ and Matlab versions for object detection based on poselets.
  •  – Implementation of a unified approach for face detection, pose estimation, and landmark localization (CVPR 2012).

Attributes and Semantic Features 

  •  – Modified implementation of RankSVM to train Relative Attributes (ICCV 2011).
  •  – Implementation of object bank semantic features (NIPS 2010). See also 
  •  – Software for extracting high-level image descriptors (ECCV 2010, NIPS 2011, CVPR 2012).

Large-Scale Learning 

  •  – Source code for fast additive kernel SVM classifiers (PAMI 2013).
  •  – Library for large-scale linear SVM classification.
  •  – Implementation for Pegasos SVM and Homogeneous Kernel map.

 

Fast Indexing and Image Retrieval 

  •  – Library for performing fast approximate nearest neighbor.
  •  – Source code for Kernelized Locality-Sensitive Hashing (ICCV 2009).
  •  – Code for generation of small binary codes using Iterative Quantization and other baselines such as Locality-Sensitive-Hashing (CVPR 2011).
  •  – Efficient code for state-of-the-art large-scale image retrieval (CVPR 2011).

Object Detection 

  • See  and  above.
  •  – Very fast and accurate pedestrian detector (CVPR 2012).
  •  – Excellent resource for pedestrian detection, with various links for state-of-the-art implementations.
  •  – Enhanced implementation of Viola&Jones real-time object detector, with trained models for face detection.
  •  – Source code for branch-and-bound optimization for efficient object localization (CVPR 2008).

3D Recognition 

  •  – Library for 3D image and point cloud processing.

Action Recognition 

  •  – Source code for action recognition based on the ActionBank representation (CVPR 2012).
  •  – software for computing space-time interest point descriptors
  •  – Look for Stacked ISA for Videos (CVPR 2011)
  •  - C++ code for activity recognition using the velocity histories of tracked keypoints (ICCV 2009)

 

Datasets

Attributes 

  •  – 30,475 images of 50 animals classes with 6 pre-extracted feature representations for each image.
  •  – Attribute annotations for images collected from Yahoo and Pascal VOC 2008.
  •  – 15,000 faces annotated with 10 attributes and fiducial points.
  •  – 58,797 face images of 200 people with 73 attribute classifier outputs.
  •  – 13,233 face images of 5,749 people with 73 attribute classifier outputs.
  •  – 8,000 people with annotated attributes. Check also this  for another dataset of human attributes.
  •  – Large-scale scene attribute database with a taxonomy of 102 attributes.
  •  – Variety of attribute labels for the ImageNet dataset.
  •  – Data for OSR and a subset of PubFig datasets. Check also this  for the WhittleSearch data.
  •  – Images of shopping categories associated with textual descriptions.

Fine-grained Visual Categorization 

  •  – Hundreds of bird categories with annotated parts and attributes.
  •  – 20,000 images of 120 breeds of dogs from around the world.
  •  – 37 category pet dataset with roughly 200 images for each class. Pixel level trimap segmentation is included.
  •  – 832 images of 10 species of butterflies.
  •  – Hundreds of flower categories.

Face Detection 

  •  – UMass face detection dataset and benchmark (5,000+ faces)
  •  – Classical face detection dataset.

Face Recognition 

  •  – Large collection of face recognition datasets.
  •  – UMass unconstrained face recognition dataset (13,000+ face images).
  •  – includes face recognition grand challenge (FRGC), vendor tests (FRVT) and others.
  •  – contains more than 750,000 images of 337 people, with 15 different views and 19 lighting conditions.
  •  – Classical face recognition dataset.
  •  – Easy to use if you want play with simple face datasets including Yale, ORL, PIE, and Extended Yale B.
  •  – Low-resolution face dataset captured from surveillance cameras.

Handwritten Digits 

  •  – large dataset containing a training set of 60,000 examples, and a test set of 10,000 examples.

Pedestrian Detection

  •  – 10 hours of video taken from a vehicle,350K bounding boxes for about 2.3K unique pedestrians.
  •  – Currently one of the most popular pedestrian detection datasets.
  •  – Urban dataset captured from a stereo rig mounted on a stroller.
  •  – Dataset with image pairs recorded in an crowded urban setting with an onboard camera.
  •  – One of 20 categories in PASCAL VOC detection challenges.
  •  – Small dataset captured from surveillance cameras.

Generic Object Recognition 

  •  – Currently the largest visual recognition dataset in terms of number of categories and images.
  •  – 80 million 32x32 low resolution images.
  •  – One of the most influential visual recognition datasets.
  •  /  – Popular image datasets containing 101 and 256 object categories, respectively.
  •  – Online annotation tool for building computer vision databases.

Scene Recognition

  •  – MIT scene understanding dataset.
  •  – Dataset of 15 natural scene categories.

Feature Detection and Description 

  •  – Widely used dataset for measuring performance of feature detection and description. Checkfor an evaluation framework.

Action Recognition

  •  – CVPR 2012 tutorial covering various datasets for action recognition.

RGBD Recognition 

  •  – Dataset containing 300 common household objects

转载地址:http://ssgaa.baihongyu.com/

你可能感兴趣的文章
php中引用&的真正理解-变量引用、函数引用、对象引用
查看>>
tomcat 下War包部署方法
查看>>
软件工程自评
查看>>
存储过程
查看>>
转载--C# PLINQ 内存列表查询优化历程
查看>>
调用函数后加括号与不加括号的区别
查看>>
Linq左右連接
查看>>
Mysql 一些命令记录
查看>>
实现一个简单的C++协程库
查看>>
java基础---接口和抽象类
查看>>
Selenium2+python自动化5-操作浏览器基本方法
查看>>
查看数据库文件已用空间
查看>>
python学习之老男孩python全栈第九期_day013知识点总结
查看>>
ifdef ANDROID总是不好用
查看>>
poj1328 Radar Installation 贪心
查看>>
file(内部存储与外部存储)
查看>>
Anya and Cubes 搜索+map映射
查看>>
斯坦福依存句法分析环境的搭建(但没有root提示)
查看>>
PHP2014-5-12的总结
查看>>
Python 用HTMLParser解析HTML文件 - 转
查看>>