2013计算机视觉代码合集一:

原文链接:http://www.yuanyong.org/blog/cv/cv-code-one

切记:一定要看原文链接

原文链接; http://blog.csdn.net/zouxy09/article/details/8550952

此外,计算机视觉博客的代码库:http://www.cvchina.info/codes/

一、特征提取Feature Extraction:

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

二、图像分割Image Segmentation:

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

三、目标检测Object Detection:

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

四、显著性检测Saliency Detection:

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

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

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

六、抠图Image Matting

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

七、目标跟踪Object Tracking:

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

八、Kinect:

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

九、3D相关:

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

十、机器学习算法:

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

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

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

十二、图像处理:

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

十三、一些实用工具:

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

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

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

十五、场景解释:

  • Nonparametric Scene Parsing via Label Transfer [Project]

十六、光流Optical flow:

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

十七、图像检索Image Retrieval:

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

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

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

十九、运动检测Motion detection:

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

资源帖:CV代码库搜集相关推荐

  1. 从Google代码库找到的好东西

    Google 代码库是一个类似 SourceForge 的开源社区,大量开发者在那里上传自己的代码或素材同他人分享,Google 代码库于 2006 年启动,至今已积累了大量的好东西,本文从 Goog ...

  2. 从 Google 代码库找到的好东西 [转]

    Google 代码库是一个类似 SourceForge 的开源社区,大量开发者在那里上传自己的代码或素材同他人分享,Google 代码库于 2006 年启动,至今已积累了大量的好东西,本文从 Goog ...

  3. 训练ChatGPT的必备资源:语料、模型和代码库完全指南

    文|python 前言 近期,ChatGPT成为了全网热议的话题.ChatGPT是一种基于大规模语言模型技术(LLM, large language model)实现的人机对话工具.但是,如果我们想要 ...

  4. 机器学习、深度学习教程和代码资源帖

    1. 深度学习 Neural networks and deep learning:我的深度学习启蒙电子书 一个更为概略性的电子书:Applied Deep Learning in Python Mi ...

  5. 口语机器翻译(ST)相关算法、论文、数据集、代码库等资源分享

    本资源整理了口语自动翻译(Speech Translation, Spoken Language Processing, Natural Language Processing)相关的经典端到端算法, ...

  6. Facebook开源算法代码库PySlowFast,轻松复现前沿视频理解模型

    点击我爱计算机视觉标星,更快获取CVML新技术 本文转载自机器之心. 在近些年的视频理解研究中,Facebook AI Research 贡献了许多精彩的工作.近日,FAIR视频团队在 ICCV 相关 ...

  7. ​MMIT冠军方案 | 用于行为识别的时间交错网络,商汤公开视频理解代码库

    作者 | 商汤 出品 | AI科技大本营(ID:rgznai100) 本文主要介绍三个部分: 一个高效的SOTA视频特征提取网络TIN,发表于AAAI2020 ICCV19 MMIT多标签视频理解竞赛 ...

  8. 【PySlowFast】Facebook开源算法代码库PySlowFast,轻松复现前沿视频理解模型

    关注上方"深度学习技术前沿",选择"星标公众号", 资源干货,第一时间送达! 在近些年的视频理解研究中,Facebook AI Research 贡献了许多精彩 ...

  9. Facebook开源算法代码库,轻松复现前沿视频理解模型

    在近些年的视频理解研究中,Facebook AI Research 贡献了许多精彩的工作.近日,FAIR视频团队在 ICCV 相关研讨会上开源了视频识别检测代码库 PySlowFast,并同时发布了预 ...

最新文章

  1. JWT简介json web token bear token
  2. 【目录】python全栈工程师自动化+Py全栈+爬虫+Ai+python全栈工程师
  3. hdu_Anniversary party_(树形DP入门题)
  4. 脑梗塞康复治疗,选择技术很重要!
  5. 前端可视化编程:liveReload安装,sublime 3
  6. 回归分析---线性回归原理和Python实现
  7. 04-12 常见接口安全问题及解决方案
  8. java jsfl是什么_java基础之IO2
  9. Spring boot FastJson
  10. 服务器系统咋关机呀,各种服务器系统的关机
  11. luoguP3600 随机数生成器 期望概率DP + DP优化
  12. C# 匿名对象(匿名类型)、var、动态类型 dynamic
  13. 《c语言程序设计》-谭浩强
  14. win10如何关机时显示停止服务器,Win10系统关机时总提示此应用程序阻止关机如何解决...
  15. linux环境下添加定时任务,linux下添加定时任务。
  16. 王立柱《c语言》3.5.4
  17. 华米Amazfit GTS 2e用续航和高性价比征服外媒
  18. Java编程题-买苹果
  19. 【推荐工具】connected papers:文献知识图谱神器
  20. 简单又有效的基本折线图制作方法

热门文章

  1. Phone相关进程及通信
  2. 05 前端HTTP协议(图解HTTP) 之 HTTP首部
  3. 十二 Cent OS下 tomcat启动项目响应速度很慢
  4. httpclient妙用一 httpclient作为客户端调用soap webservice(转)
  5. 昨天日志 今天日志的获取方法
  6. android软件中加入广告实现方法
  7. 看设备指示灯识别网络故障
  8. vue 简介 vue 项目
  9. leetcode练习
  10. pytorch0.4版的CNN对minist分类