計算機視覺、機器學習相關領域論文和原始碼大集合
原始碼及論文內容較為陳舊,供初學者學習參考。
一、特徵提取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]
裝載:https://zhuanlan.zhihu.com/p/26691794?utm_source=qq&utm_medium=social
相關文章
- 計算機視覺領域如何從別人的論文裡獲取自己的idea?計算機視覺Idea
- 機器學習、資料探勘、計算機視覺等領域經典書籍推薦機器學習計算機視覺
- 計算機視覺論文集計算機視覺
- 影像處理和計算機視覺中的經典論文整理計算機視覺
- 雲端計算相關論文目錄
- 嵌入式視覺領域的機器學習視覺機器學習
- 機器學習工作坊 - 計算機視覺機器學習計算機視覺
- 智慧相機在機器視覺應用領域廣泛視覺
- 必看,10篇定義計算機視覺未來的論文計算機視覺
- 2024年4月計算機視覺論文推薦計算機視覺
- 一文讀懂計算機視覺中的深度域適應計算機視覺
- 2024年3月的計算機視覺論文推薦計算機視覺
- 2020年十大計算機視覺論文 - kdnuggets計算機視覺
- 超全!深度學習在計算機視覺領域應用一覽(附連結)深度學習計算機視覺
- 目標檢測和影像分類及其相關計算機視覺的影像分佈計算機視覺
- Alan Yuille:在計算機視覺領域,誰是殺死神經網路的真凶?UI計算機視覺神經網路
- AI/機器學習(計算機視覺/NLP)方向面試複習1AI機器學習計算機視覺面試
- 計算機視覺相關乾貨文章-20190807計算機視覺
- 當博弈論遇上機器學習:一文讀懂相關理論機器學習
- 電腦科學和Python程式設計導論(一) 計算機相關理論Python程式設計計算機
- 解讀 | 2019年10篇計算機視覺精選論文(上)計算機視覺
- 盤點國內八家初創計算機視覺領域優質企業計算機視覺
- 智慧噴灑:計算機視覺在農業機械自動化領域的小試牛刀計算機視覺
- 計算機經典論文計算機
- 全球計算機視覺頂會CVPR 2019論文出爐:騰訊優圖25篇論文入選計算機視覺
- 資料視覺化領域的6個著名實踐及其原始碼視覺化原始碼
- Spark相關論文Spark
- 計算機視覺課程作業 程式碼說明以及原始檔計算機視覺
- 2024年6月計算機視覺論文推薦:擴散模型、視覺語言模型、影片生成等計算機視覺模型
- iOS計算機視覺—ARKitiOS計算機視覺
- 計算機視覺隨談計算機視覺
- 大模型時代的計算機視覺!CVPR 2024線上論文分享會啟動大模型計算機視覺
- 【計算機視覺前沿研究 熱點 頂會】ECCV 2024中目標檢測有關的論文計算機視覺
- 史丹佛—深度學習和計算機視覺深度學習計算機視覺
- 論文資源: CVPR、ICCV、ECCV、IJCAI等計算機視覺、影像處理頂會頂刊歷年論文連結AI計算機視覺
- 影片美顏sdk和計算機視覺技術有哪些關聯?計算機視覺
- 工業領域機器視覺原理及優勢視覺
- Boxx:一個旨在提高 Python 程式碼開發和除錯效率的工具庫,尤其在計算機視覺領域Python除錯計算機視覺