赞
踩
申明:本文非笔者原创,原文转载自:http://blog.csdn.net/liuyue2046/article/details/12658441
************************************************************************************************************************************************************************************
在这里,我特别声明:本文章的源作者是 杨晓冬 (个人邮箱:xdyang.ustc@gmail.com)。原文的链接是
http://www.iask.sina.com.cn/u/2252291285/ish。版权归 杨晓冬 朋友所有。
我非常感谢原作者辛勤地编写本文章,并愿意共享出来。我也希望转载本文的各位朋友,要注明原作者和出处,以尊重原作者!
-------------------------------飞信天下
***************************************************************************************************************************************************************************************
By xdyang(杨晓冬xdyang.ustc@gmail.com)
本文是对现有的图像处理和计算机视觉的经典书籍(后面会有推荐)的一个补充。一般的图像处理书籍都是介绍性的介绍某个方法,在每个领域内都会引用几十上百篇参考文献。有时候想深入研究这个领域的时候却发现文献太多,不知如何选择。但实际上在每个领域都有那么三五篇抑或更多是非读不可的经典文献。这些文献除了提出了很经典的算法,同时他们的Introduction和Related work也是对所在的领域很好的总结。读通了这几篇文献也就等于深入了解了这个领域,比单纯的看书收获要多很多。写本文的目的就是想把自己所了解到的各个领域的经典文章整理出来,不用迷失在参考文献的汪洋大海里。
B.图像分析:对图像的内容进行分析,提取有意义的特征,以便于后续的处理。处理的仍然是单幅图像。
C.计算机视觉:对图像分析得到的特征进行分析,提取场景的语义表示,让计算机具有人眼和人脑的能力。这时处理的是多幅图像或者序列图像,当然也包括部分单幅图像。
关于图像处理,图像分析和计算机视觉的划分并没有一个很统一的标准。一般的来说,图像处理的书籍总会或多或少的介绍一些图像分析和计算机视觉的知识,比如冈萨雷斯的数字图像处理。而计算机视觉的书籍基本上都会包括图像处理和图像分析,只是不会介绍的太详细。其实图像处理,图像分析和计算机视觉都可以纳入到计算机视觉的范畴:图像处理->低层视觉(low level vision),图像分析->中间层视觉(middle level vision),计算机视觉->高层视觉(high level vision)。这是一般的计算机视觉或者机器视觉的划分方法。在本文中,仍然按照传统的方法把这个领域划分为图像处理,图像分析和计算机视觉。
(2)OpenCV有一堆图像处理和计算机视觉的大牛在维护,bug在逐步减少,每个新的版本都会带来不同的惊喜。而且它已经或者逐步在移植到不懂的平台,并提供了对Python的很好的支持。
(3)在OpenCV上可以尝试各种最新以及成熟的技术,而不需要自己从头去写,比如人脸检测(Harr,LBP),DPM(Latent SVM),高斯背景模型,特征检测,聚类,hough变换等等 。而且它还支持各种机器学习方法(SVM,NN,KNN,决策树,Boosting等),使用起来很简单。
(4)文档内容丰富,并且给出了很多示例程序。当然也有一些地方文档描述不清楚,不过看看代码就很清楚了。
(5)完全开源。可以从中间提取出任何需要的算法。
(6)从学校出来后,除极少数会继续在学术圈里,大部分还是要进入工业界。现在在工 业界,c/c++仍是主流,很多公司都会优先考虑熟悉或者精通OpenCV的。事实上,在学术界,现在OpenCV也大有取代matlab之势。以前的demo或者source code,很多作者都愿意给出matlab版本的,然后别人再呼哧呼哧改成c版本的。现在作者干脆给出c/c++版本,或者自己集成到OpenCV中去,这样能快速提升自己的影响力。
如果想在图像处理和计算机视觉界有比较深入的研究,并且以后打算进入这个领域工作的话,建议把OpenCV作为自己的主攻方向。如果找工作的时候敢号称自己精通OpenCV的话,肯定可以找到一份满意的工作。
由于个人精力和视野的关系,有一些我未涉足过的领域不敢斗胆推荐,只是列出了一些引用率比较高的文章,比如摄像机标定和立体视觉。不过将来,由于工作或者其他原因,这些领域也会接触到,我会逐步增减这些领域的文章。尽管如此,仍然会有疏漏,忘见谅。同时文章的挑选也夹带了一些个人的喜好,比如我个人比较喜欢low level方向的,尤其是IJCV和PAMI上面的文章,因此这方面也稍微多点,希望不要引起您的反感。如果有什么意见或者建议,欢迎mail我。文章和资源我都会在我的csdn blog和sina ishare同步更新。此申明:这些论文的版权归作者及其出版商所有,请勿用于商业目的。
个人blog: http://blog.csdn.net/dcraw
新浪iask地址:http://iask.sina.com.cn/u/2252291285/ish?folderid=868438
本文的安排如下。第一部分是绪论。第二部分是图像处理中所需要用到的理论基础,主要是这个领域所涉及到的一些比较好的参考书籍。第三部分是计算机视觉中所涉及到的信号处理和模式识别文章。由于图像处理与图像分析太难区分了,第四部分集中讨论了它们。第五部分是计算机视觉部分。最后是小结。
信号与系统(第2版) Alan V.Oppenheim等著 刘树棠译
离散时间信号处理(第2版) A.V.奥本海姆等著 刘树棠译
数字信号处理:理论算法与实现 胡广书 (编者)
现代信号处理 张贤达著
统计信号处理基础:估计与检测理论 Steven M.Kay等著 罗鹏飞等译
自适应滤波器原理(第4版) Simon Haykin著 郑宝玉等译
信号处理的小波导引:稀疏方法(原书第3版) tephane Malla著, 戴道清等译
信息论基础(原书第2版) Thomas M.Cover等著 阮吉寿等译
Pattern Recognition and Machine Learning Bishop, Christopher M. Springer
模式识别(英文版)(第4版) 西奥多里德斯著
Pattern Classification (2nd Edition) Richard O. Duda等著
Statistical Pattern Recognition, 3rd Edition Andrew R. Webb等著
模式识别(第3版) 张学工著
图像处理,分析与机器视觉 第三版 Sonka等著 艾海舟等译
Image Processing, Analysis and Machine Vision
( 附:这本书是图像处理与计算机视觉里面比较全的一本书了,几乎涵盖了图像视觉领域的各个方面。中文版的个人感觉也还可以,值得一看。)
数字图像处理 第三版 冈萨雷斯等著
Digital Image Processing
(附:数字图像处理永远的经典,现在已经出到了第三版,相当给力。我的导师曾经说过,这本书写的很优美,对写英文论文也很有帮助,建议购买英文版的。)
计算机视觉:理论与算法 Richard Szeliski著
Computer Vision: Theory and Algorithm
(附:微软的Szeliski写的一本最新的计算机视觉著作。内容非常丰富,尤其包括了作者的研究兴趣,比如一般的书里面都没有的Image Stitching和 Image Matting等。这也从另一个侧面说明这本书的通用性不如Sonka的那本。不过作者开放了这本书的电子版,可以有选择性的阅读。
http://szeliski.org/Book/
Multiple View Geometry in Computer Vision 第二版Harley等著
引用达一万多次的经典书籍了。第二版到处都有电子版的。第一版曾出过中文版的,后来绝版了。网上也可以找到中英文版的电子版。)
计算机视觉:一种现代方法 DA Forsyth等著
Computer Vision: A Modern Approach
MIT的经典教材。虽然已经过去十年了,还是值得一读。期待第二版
Machine vision: theory, algorithms, practicalities 第三版 Davies著
(附:为数不多的英国人写的书,偏向于工业应用。)
数字图像处理 第四版 Pratt著
Digital Image Processing
(附:写作风格独树一帜,也是图像处理领域很不错的一本书。网上也可以找到非常清晰的电子版。)
[1997] A Decision-Theoretic Generalization of on-Line Learning and an Application to Boosting
[1998] Boosting the margin A new explanation for the effectiveness of voting methods
[2002 ICIP TR] Empirical Analysis of Detection Cascades of Boosted Classifiers for Rapid Object Detection
[2003] The Boosting Approach to Machine Learning An Overview
[2004 IJCV] Robust Real-time Face Detection
[1989 PAMI] Unsupervised Optimal Fuzzy Clustering
[1991 PAMI] A validity measure for fuzzy clustering
[1995 PAMI] On cluster validity for the fuzzy c-means model
[1998] Some New Indexes of Cluster Validity
[1999 ACM] Data Clustering A Review
[1999 JIIS] On Clustering Validation Techniques
[2001] Estimating the number of clusters in a dataset via the Gap statistic
[2001 NIPS] On Spectral Clustering
[2002] A stability based method for discovering structure in clustered data
[2007] A tutorial on spectral clustering
[2006 TIT] Compressed Sensing
[2008 SPM] An Introduction to Compressive Sampling
[2011 TSP] Structured Compressed Sensing From Theory to Applications
[1986] Introduction to Decision Trees
[1990 PAMI] using dynamic programming for solving variational problems in vision
[Book Chapter] Dynamic Programming
[1977] Maximum likelihood from incomplete data via the EM algorithm
[1996 SPM] The Expectation-Maximzation Algorithm
[1999 ML] An Introduction to Variational Methods for Graphical Models
[1989 ] A tutorial on hidden markov models and selected applications in speech recognition
[1998 TSP] Wavelet-based statistical signal processing using hidden Markov models
[2001 TIP] Multiscale image segmentation using wavelet-domain hidden Markov models
[2002 TMM] Rotation invariant texture characterization and retrieval using steerable wavelet-domain hidden Markov models
[2003 TIP] Wavelet-based texture analysis and synthesis using hidden Markov models
Hmm Chinese book.pdf
[1999] Independent Component Analysis A Tutorial
[2000 NN] Independent component analysis algorithms and applications
[2000] Independent Component Analysis Algorithms and Applications
[1995 NC] An Information-Maximization Approach to Blind Separation and Blind Deconvolution
[2010] An information theory perspective on computational vision
[1960 Kalman] A New Approach to Linear Filtering and Prediction Problems Kalman
[1970] Least-squares estimation_from Gauss to Kalman
[1997 SPIE] A New Extension of the Kalman Filter to Nonlinear System
[2000] The Unscented Kalman Filter for Nonlinear Estimation
[2001 Siggraph] An Introduction to the Kalman Filter_full
[2003] A Study of the Kalman Filter applied to Visual Tracking
[2000 PAMI] Statistical pattern recognition a review
[2004 CSVT] An Introduction to Biometric Recognition
[2010 SPM] Machine Learning in Medical Imaging
[2001 PAMI] PCA versus LDA
[2001] Nonlinear component analysis as a kernel eigenvalue problem
[2002] A Tutorial on Principal Component Analysis
[2009] A Tutorial on Principal Component Analysis
[2011] Robust Principal Component Analysis
[Book Chapter] Singular Value Decomposition and Principal Component Analysis
[2001 ML] Random Forests
[2009 BMVC] Performance Evaluation of RANSAC Family
[2006 TSP] K-SVD An Algorithm for Designing Overcomplete Dictionaries for Sparse Representation
[Book Chapter] Singular Value Decomposition and Principal Component Analysis
[2009 PAMI] Robust Face Recognition via Sparse Representation
[2009 PIEEE] Image Decomposition and Separation Using Sparse Representations An Overview
[2010 PIEEE] Dictionaries for Sparse Representation Modeling
[2010 PIEEE] It's All About the Data
[2010 PIEEE] Matrix Completion With Noise
[2010 PIEEE] On the Role of Sparse and Redundant Representations in Image Processing
[2010 PIEEE] Sparse Representation for Computer Vision and Pattern Recognition
[2011 SPM] Directionary Learning
18. Support Vector Machines
[1998] A Tutorial on Support Vector Machines for Pattern Recognition
[2004] LIBSVM A Library for Support Vector Machines
[1989 PAMI] A theory for multiresolution signal decomposition__the wavelet representation
[1996 PAMI] Image Representation using 2D Gabor Wavelet
[1998 ] FACTORING WAVELET TRANSFORMS INTO LIFTING STEPS
[1998] The Lifting Scheme_ A Construction Of Second Generation Wavelets
[2000 TCE] The JPEG2000 still image coding system_ an overview
[2002 TIP] The curvelet transform for image denoising
[2003 TIP] Gray and color image contrast enhancement by the curvelet transform
[2003 TIP] Mathematical Properties of the jpeg2000 wavelet filters
[2003 TIP] The finite ridgelet transform for image representation
[2005 TIP] Sparse Geometric Image Representations With Bandelets
[2005 TIP] The Contourlet Transform_ An Efficient Directional Multiresolution Image Representation
[2010 SPM] The Curvelet Transform
[1998 ICCV] Bilateral Filtering for Gray and Color Images
[2008 TIP] Adaptive Bilateral Filter for Sharpness Enhancement and Noise Removal
[1991 IJCV] Color Indexing
[2000 IJCV] The Earth Mover's Distance as a Metric for Image Retrieval
[2001 PAMI] Color invariance
[2002 IJCV] Statistical Color Models with Application to Skin Detection
[2003] A review of RGB color spaces
[2007 PR]A survey of skin-color modeling and detection methods
Gamma.pdf
GammaFAQ.pdf
[2005 IEEE] Trends and perspectives in image and video coding
[2002 IJCV] Vision and the Atmosphere
[2003 TIP] Gray and color image contrast enhancement by the curvelet transform
[2006 TIP] Gray-level grouping (GLG) an automatic method for optimized image contrast enhancement-part II
[2006 TIP] Gray-level grouping (GLG) an automatic method for optimized image contrast Enhancement-part I
[2007 TIP] Transform Coefficient Histogram-Based Image Enhancement Algorithms Using Contrast Entropy
[2009 TIP] A Histogram Modification Framework and Its Application for Image Contrast Enhancement
[1972] Bayesian-Based Iterative Method of Image Restoration
[1974] an iterative technique for the rectification of observed distributions
[1990 IEEE] Iterative methods for image deblurring
[1996 SPM] Blind Image Deconvolution
[1997 SPM] Digital image restoration
[2005] Digital Image Reconstruction - Deblurring and Denoising
[2006 Siggraph] Removing Camera Shake from a Single Photograph
[2008 Siggraph] High-quality Motion Deblurring from a Single Image
[2011 PAMI] Richardson-Lucy Deblurring for Scenes under a Projective Motion Path
[2008 Siggraph] Single Image Dehazing
[2009 CVPR] Single Image Haze Removal Using Dark Channel Prior
[2011 PAMI] Single Image Haze Removal Using Dark Channel Prior
[1992 SIAM] Image selective smoothing and edge detection by nonlinear diffusion. II
[1992 SIAM] Image selective smoothing and edge detection by nonlinear diffusion
[1992] Nonlinear total variation based noise removal algorithms
[1994 SIAM] Signal and image restoration using shock filters and anisotropic diffusion
[1995 TIT] De-noising by soft-thresholding
[1998 TIP] Orientation diffusions
[2000 TIP] Adaptive wavelet thresholding for image denoising and compression
[2000 TIP] Fourth-order partial differential equations for noise removal
[2001] Denoising through wavelet shrinkage
[2002 TIP] The Curvelet Transform for Image Denoising
[2003 TIP] Noise removal using fourth-order partial differential equation with applications to medical magnetic resonance images in space and time
[2008 PAMI] Automatic Estimation and Removal of Noise from a Single Image
[2009 TIP] Is Denoising Dead
[1980] theory of edge detection
[1983 Canny Thesis] find edge
[1986 PAMI] A Computational Approach to Edge Detection
[1990 PAMI] Scale-space and edge detection using anisotropic diffusion
[1991 PAMI] The design and use of steerable filters
[1995 PR] Multiresolution edge detection techniques
[1996 TIP] Optimal edge detection in two-dimensional images
[1998 PAMI] Local Scale Control for Edge Detection and Blur Estimation
[2003 PAMI] Statistical edge detection_ learning and evaluating edge cues
[2004 IEEE] Edge Detection Revisited
[2004 PAMI] Design of steerable filters for feature detection using canny-like criteria
[2004 PAMI] Learning to Detect Natural Image Boundaries Using Local Brightness, Color, and Texture Cues
[2011 IVC] Edge and line oriented contour detection State of the art
[2000 PAMI] Normalized cuts and image segmentation
[2001 PAMI] Fast approximate energy minimization via graph cuts
[2004 PAMI] What energy functions can be minimized via graph cuts
[1986 CVGIU] A Survey of the Hough Transform
[1989] A Comparative study of Hough transform methods for circle finding
[1992 PAMI] Shapes recognition using the straight line Hough transform_ theory and generalization
[1997 PR] Extraction of line features in a noisy image
[2000 CVIU] Robust Detection of Lines Using the Progressive Probabilistic Hough Transform
[2000 TMI] Interpolation revisited
[2008 Fnd] Image and Video Matting A Survey
[2008 PAMI] A Closed-Form Solution to Natural Image Matting
[2008 PAMI] Spectral Matting
[1994] The statistics of natural images
[2003 JMIV] On Advances in Statistical Modeling of Natural Images
[2009 IJCV] Fields of Experts
[2009 PAMI] Modeling multiscale subbands of photographic images with fields of Gaussian scale mixtures
[2004 TIP] Image quality assessment from error visibility to structural similarity
[2011 TIP] blind image quality assessment From Natural Scene Statistics to Perceptual Quality
[1992 MIA] Image matching as a diffusion process
[1992 PAMI] A Method for Registration of 3-D shapes
[1992] a survey of image registration techniques
[1998 MIA] A survey of medical image registration
[2003 IVC] Image registration methods a survey
[2003 TMI] Mutual-Information-Based Registration of Medical Survey
[2011 TIP] Hairis registration
[2000 PAMI] Content-based image retrieval at the end of the early years
[2000 TIP] PicToSeek Combining Color and Shape Invariant Features for Image Retrieval
[2002] Content-Based Image Retrieval Systems A Survey
[2008] Content-Based Image Retrieval-Literature Survey
[2010] Plant Image Retrieval Using Color,Shape and Texture Features
[2012 PAMI] A Multimedia Retrieval Framework Based on Semi-Supervised Ranking and Relevance Feedback
CBIR Chinese
fundament of cbir
[2004 IJCV] Efficient Graph-Based Image Segmentation
[2008 CVIU] Image segmentation evaluation A survey of unsupervised methods
[2011 PAMI] Contour Detection and Hierarchical Image Segmentation
[1995 PAMI] Shape modeling with front propagation_ a level set approach
[2001 JCP] Level Set Methods_ An Overview and Some Recent Results
[2005 CVIU] Geodesic active regions and level set methods for motion estimation and tracking
[2007 IJCV] A Review of Statistical Approaches to Level Set Segmentation
[2008 ECCV] Robust Real-Time Visual Tracking using Pixel-Wise Posteriors
[2010 TIP] Distance Regularized Level Set Evolution and its Application to Image Segmentation
[1983] The Laplacian Pyramid as a Compact Image Code
[1993 PAMI] Image representation via a finite Radon transform
[1993 TIP] The fast discrete radon transform I theory
[2007 IVC] Generalised finite radon transform for N×N images
[1987] Scale-space filtering
[1990 PAMI] Scale-Space for Discrete Signals
[1994] Scale-space theory A basic tool for analysing structures at different scales
[1998 IJCV] Edge Detection and Ridge Detection with Automatic Scale Selection
[1998 IJCV] Feature Detection with Automatic Scale Selection
[1987 IJCV] Snakes Active Contour Models
[1996 ] deformable model in medical image A Survey
[1997 IJCV] geodesic active contour
[1998 TIP] Snakes, shapes, and gradient vector flow
[2000 PAMI] Geodesic active contours and level sets for the detection and tracking of moving objects
[2001 TIP] Active contours without edges
[2002] Example-Based Super-Resolution
[2009 ICCV] Super-Resolution from a Single Image
[2010 TIP] Image Super-Resolution Via Sparse Representation
[1979 IEEE] OTSU A threshold selection method from gray-level histograms
[2001 JISE] A Fast Algorithm for Multilevel Thresholding
[2004 JEI] Survey over image thresholding techniques and quantitative performance evaluation
[1991 PAMI] Watersheds in digital spaces an efficient algorithm based on immersion simulations
[2001]The Watershed Transform Definitions, Algorithms and Parallelizat on Strategies
[1998 ECCV] Active Appearance Models
[2001 PAMI] Active Appearance Models
[1995 CVIU]Active Shape Models-Their Training and Application
[1997 PAMI] Pfinder Real-Time Tracking of the Human Body
[1999 CVPR] Adaptive background mixture models for real-time tracking
[1999 ICCV] Wallflower Principles and Practice of Background Maintenance
[2000 ECCV] Non-parametric Model for Background Subtraction
[2000 PAMI] Learning Patterns of Activity Using Real-Time Tracking
[2002 PIEEE] Background and foreground modeling using nonparametric
kernel density estimation for visual surveillance
[2004 ICPR] Improved adaptive Gaussian mixture model for background subtraction
[2004 PAMI] Recursive unsupervised learning of finite mixture models
[2006 PRL] Efficient adaptive density estimation per image pixel for the task of background subtraction
[2011 TIP] ViBe A Universal Background Subtraction Algorithm for Video Sequences
[2003 ICCV] Video Google A Text Retrieval Approach to Object Matching in Videos
[2004 ECCV] Visual Categorization with Bags of Keypoints
[2006 CVPR] Beyond bags of features Spatial pyramid matching for recognizing natural scene categories
[2010 ECCV] BRIEF Binary Robust Independent Elementary Features
[2011 ICCV] ORB an efficient alternative to SIFT or SURF
[2012 PAMI] BRIEF Computing a Local Binary Descriptor Very Fast
[1979 Marr] A Computational Theory of Human Stereo Vision
[1985] Computational vision and regularization theory
[1987 IEEE] A versatile camera calibration technique for
high-accuracy 3D machine vision metrology using off-the-shelf TV cameras and lenses
[1987] Probabilistic Solution of Ill-Posed Problems in Computational Vision
[1988 PIEEE] Ill-Posed Problems in Early Vision
[1989 IJCV] Kalman Filter-based Algorithms for Estimating Depth from Image Sequences
[1990 IJCV] Relative Orientation
[1990 IJCV] Using vanishing points for camera calibration
[1992 ECCV] Camera self-calibration Theory and experiments
[1992 IJCV] A theory of self-calibration of a moving camera
[1992 PAMI] Camera calibration with distortion models and accuracy evaluation
[1994 IJCV] The Fundamental Matrix Theory, Algorithms, and Stability Analysis
[1994 PAMI] a stereo matching algorithm with an adaptive window theory and experiment
[1999 ICCV] Flexible camera calibration by viewing a plane from unknown orientations
[1999 IWAR] Marker tracking and hmd calibration for a video-based augmented reality conferencing system
[2000 PAMI] A flexible new technique for camera calibration
[1995 SPIE] Similarity of color images
[1996 PR] IMAGE RETRIEVAL USING COLOR AND SHAPE
[1996] comparing images using color coherence vectors
[1997 ] Image Indexing Using Color Correlograms
[2001 TIP] An Efficient Color Representation for Image Retrieval
[2009 CVIU] Performance evaluation of local colour invariants
[2008 CVPR] A Discriminatively Trained, Multiscale, Deformable Part Model
[2010 CVPR] Cascade Object Detection with Deformable Part Models
[2010 PAMI] Object Detection with Discriminatively Trained Part-Based Models
[1986 CVGIP] Distance Transformations in Digital Images
[2008 ACM] 2D Euclidean Distance Transform Algorithms A Comparative Survey
[1998 PAMI] Neural Network-Based Face Detection
[2002 PAMI] Detecting faces in images a survey
[2002 PAMI] Face Detection in Color Images
[2004 IJCV] Robust Real-Time Face Detection
[1991] Face Recognition Using Eigenfaces
[2000 PAMI] Automatic Analysis of Facial Expressions The State of the Art
[2000] Face Recognition A Literature Survey
[2006 PR] Face recognition from a single image per person A survey
[2009 PAMI] Robust Face Recognition via Sparse Representation
[2006 ECCV] Machine learning for high-speed corner detection
[2010 PAMI] Faster and Better A Machine Learning Approach to Corner Detection
[1989 PAMI] On the detection of dominant points on digital curves
[1997 IJCV] SUSAN—A New Approach to Low Level Image Processing
[2004 IJCV] Matching Widely Separated Views Based on Affine Invariant Regions
[2004 IJCV] Scale & Affine Invariant Interest Point Detectors
[2005 PAMI] A performance evaluation of local descriptors
[2006 IJCV] A Comparison of Affine Region Detectors
[2007 FAT] Local Invariant Feature Detectors - A Survey
[2011 IJCV] Evaluation of Interest Point Detectors and Feature Descriptors
[2012 PAMI] LDAHash Improved Matching with Smaller Descriptors
[1988 Harris] A combined corner and edge detector
[2005 CVPR] Histograms of Oriented Gradients for Human Detection
NavneetDalalThesis.pdf
[1993 PAMI] Comparing Images Using the Hausdorff Distance
[2006 Fnd] Image Alignment and Stitching A Tutorial
[2007 IJCV] Automatic Panoramic Image Stitching using Invariant Features
[1981] An Iterative Image Registration Technique with an Application to Stereo Vision full version
[1994 CVPR] Good Features to Track
[2004 IJCV] Lucas-Kanade 20 Years On A Unifying Framework
Pyramidal Implementation of the Lucas Kanade Feature Tracker OpenCV
[2002 PAMI] Multiresolution gray-scale and rotation Invariant Texture Classification with Local Binary Patterns
[2004 ECCV] Face Recognition with Local Binary Patterns
[2006 PAMI] Face Description with Local Binary Patterns
[2011 TIP] Rotation-Invariant Image and Video Description With Local Binary Pattern Features
[1998 TIP] A general framework for low level vision
[2000 IJCV] Learning Low-Level Vision
[1995 PAMI] Mean shift, mode seeking, and clustering
[2002 PAMI] Mean shift a robust approach toward feature space analysis
[2003 CVPR] Mean-shift blob tracking through scale space
[2009 CVIU] Object tracking using SIFT features and mean shift
[2012 PAMI] Mean Shift Trackers with Cross-Bin Metrics
OpenCV Computer Vision Face Tracking For Use in a Perceptual User Interface
[2002 BMVC] Robust Wide Baseline Stereo from Maximally Stable Extremal Regions
[2003] MSER Author Presentation
[2004 IVC] Robust wide-baseline stereo from maximally stable extremal regions
[2011 PAMI] Are MSER Features Really Interesting
http://en.wikipedia.org/wiki/Singapore_Airlines_Flight_006
最后一篇文章也是Fua课题组的,作者给出的demo效果相当好。
[1998 PAMI] Example-based learning for view-based human face detection
[2003 IJCV] Learning the Statistics of People in Images and Video
[2011 PAMI] Learning to Detect a Salient Object
[2012 PAMI] A Real-Time Deformable Detector
[2003 PAMI] Kernel-based object tracking
[2007 PAMI] Tracking People by Learning Their Appearance
[2008 ACM] Object Tracking A Survey
[2008 PAMI] Segmentation and Tracking of Multiple Humans in Crowded Environments
[2011 PAMI] Hough Forests for Object Detection, Tracking, and Action Recognition
[2011 PAMI] Robust Object Tracking with Online Multiple Instance Learning
[2012 IJCV] PWP3D Real-Time Segmentation and Tracking of 3D Objects
[1992 IEEE] Historical review of OCR research and development
Video OCR A Survey and Practitioner's Guide
[1981 AI] Determine Optical Flow
[1994 IJCV] Performance of optical flow techniques
[1995 ACM] The Computation of Optical Flow
[2004 TR] Tutorial Computing 2D and 3D Optical Flow
[2005 BOOK] Optical Flow Estimation
[2008 ECCV] Learning Optical Flow
[2011 IJCV] A Database and Evaluation Methodology for Optical Flow
[1998 IJCV] CONDENSATION—Conditional Density Propagation for Visual Tracking
[2002 TSP] A tutorial on particle filters for online nonlinear non-Gaussian Bayesian tracking
[2002 TSP] Particle filters for positioning, navigation, and tracking
[2003 SPM] particle filter
[1999 CVIU] Visual analysis of human movement_ A survey
[2001 CVIU] A Survey of Computer Vision-Based Human Motion Capture
[2005 TIP] Image change detection algorithms a systematic survey
[2006 CVIU] a survey of avdances in vision based human motion capture
[2007 CVIU] Vision-based human motion analysis An overview
[2007 IJCV] Pedestrian Detection via Periodic Motion Analysis
[2007 PR] A survey of skin-color modeling and detection methods
[2010 IVC] A survey on vision-based human action recognition
[2012 PAMI] Pedestrian Detection An Evaluation of the State of the Art
[2001 IJCV] Modeling the Shape of the Scene A Holistic Representation of the Spatial Envelope
[2001 PAMI] Visual Word Ambiguity
[2007 PAMI] A Thousand Words in a Scene
[2010 PAMI] Evaluating Color Descriptors for Object and Scene Recognition
[2011 PAMI] CENTRIST A Visual Descriptor for Scene Categorization
[2003 PAMI] Detecting moving shadows-- algorithms and evaluation
[1993 PR] IMPROVED MOMENT INVARIANTS FOR SHAPE DISCRIMINATION
[1993 PR] Pattern Recognition by Affine Moment Invariants
[1996 PR] IMAGE RETRIEVAL USING COLOR AND SHAPE
[2001 SMI] Shape matching similarity measures and algorithms
[2002 PAMI] Shape matching and object recognition using shape contexts
[2004 PR] Review of shape representation and description techniques
[2006 PAMI] Integral Invariants for Shape Matching
[2008] A Survey of Shape Feature Extraction Techniques
[1999 ICCV] Object recognition from local scale-invariant features
[2000 IJCV] Evaluation of Interest Point Detectors
[2003 CVIU] Speeded-Up Robust Features (SURF)
[2004 CVPR] PCA-SIFT A More Distinctive Representation for Local Image Descriptors
[2004 IJCV] Distinctive Image Features from Scale-Invariant Keypoints
[2010 IJCV] Improving Bag-of-Features for Large Scale Image Search
[2011 PAMI] SIFTflow Dense Correspondence across Scenes and its Applications
[2002 PAMI] Simultaneous Localization and Map-Building Using Active Vision
[2007 PAMI] MonoSLAM Real-Time Single Camera SLAM
[1973] Textural features for image classification
[1979 ] Statistical and structural approaches to texture
[1996 PAMI] Texture features for browsing and retrieval of image data
[2002 PR] Brief review of invariant texture analysis methods
[2012 TIP] Color Local Texture Features for Color Face Recognition
[2009] Online learning of robust object detectors during unstable tracking
[2010 CVPR] P-N Learning Bootstrapping Binary Classifiers by Structural Constraints
[2010 ICIP] FACE-TLD TRACKING-LEARNING-DETECTION APPLIED TO FACES
[2012 PAMI] Tracking-Learning-Detection
[2000 CMU TR] A System for Video Surveillance and Monitoring
[2000 PAMI] W4-- real-time surveillance of people and their activities
[2008 MVA] The evolution of video surveillance an overview
[2001 CVPR] Rapid object detection using a boosted cascade of simple features
[2004 IJCV] Robust Real-time Face Detection
文章总数:372
2012年: 10
2011年: 20
2010年: 20
2009年: 14
2008年: 18
2007年: 13
2006年: 14
2005年: 9
2004年: 24
2003年: 22
2002年: 21
2001年: 21
2000年: 23
1999年: 10
1998年: 22
1997年: 8
1996年: 9
1995年: 9
1994年: 7
1993年: 5
1992年: 11
1991年: 5
1990年: 6
1980-1989: 22
1960-1979: 9
Copyright © 2003-2013 www.wpsshop.cn 版权所有,并保留所有权利。