一、特征提取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]
二、图像分割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]
三、目标检测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]
四、显著性检测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]
五、图像分类、聚类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]
八、Kinect:
     Kinect toolbox[Project]
     OpenNI[Project]
     zouxy09 CSDN Blog[Resource]
九、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]
十一、目标、行为识别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[Prpject]
十二、图像处理:
     Distance Transforms of Sampled Functions[Project]
    The Computer Vision Homepage[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





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

Maintained by Jia-Bin Huang



3D Computer Vision: Past, Present, and Future Talk 3D Computer Vision http://www.youtube.com/watch?v=kyIzMr917Rc Steven Seitz, University of Washington, Google Tech Talk, 2011                                      
Computer Vision and 3D Perception for Robotics Tutorial 3D perception http://www.willowgarage.com/workshops/2010/eccv Radu Bogdan Rusu, Gary Bradski, Caroline Pantofaru, Stefan Hinterstoisser, Stefan Holzer, Kurt Konolige  and Andrea Vedaldi, ECCV 2010 Tutorial  
3D point cloud processing: PCL (Point Cloud Library) Tutorial 3D point cloud processing http://www.pointclouds.org/media/iccv2011.html R. Rusu, S. Holzer, M. Dixon, V. Rabaud, ICCV 2011 Tutorial  
Looking at people: The past, the present and the future Tutorial Action Recognition http://www.cs.brown.edu/~ls/iccv2011tutorial.html L. Sigal, T. Moeslund, A. Hilton, V. Kruger, ICCV 2011 Tutorial  
Frontiers of Human Activity Analysis Tutorial Action Recognition http://cvrc.ece.utexas.edu/mryoo/cvpr2011tutorial/ J. K. Aggarwal, Michael S. Ryoo, and Kris Kitani, CVPR 2011 Tutorial  
Statistical and Structural Recognition of Human Actions Tutorial Action Recognition https://sites.google.com/site/humanactionstutorialeccv10/ Ivan Laptev and Greg Mori, ECCV 2010 Tutorial  
Dense Trajectories Video Description Code Action Recognition http://lear.inrialpes.fr/people/wang/dense_trajectories H. Wang and A. Klaser and C. Schmid and C.- L. Liu, Action Recognition by Dense Trajectories, CVPR, 2011  
3D Gradients (HOG3D) Code Action Recognition http://lear.inrialpes.fr/people/klaeser/research_hog3d A. Klaser, M. Marszałek, and C. Schmid, BMVC, 2008.  
Spectral Matting Code Alpha Matting http://www.vision.huji.ac.il/SpectralMatting/ A. Levin, A. Rav-Acha, D. Lischinski. Spectral Matting. PAMI 2008  
Learning-based Matting Code Alpha Matting http://www.mathworks.com/matlabcentral/fileexchange/31412 Y. Zheng and C. Kambhamettu, Learning Based Digital Matting, ICCV 2009  
Bayesian Matting Code Alpha Matting http://www1.idc.ac.il/toky/CompPhoto-09/Projects/Stud_projects/Miki/index.html Y. Y. Chuang, B. Curless, D. H. Salesin, and R. Szeliski, A Bayesian Approach to Digital Matting, CVPR, 2001  
Closed Form Matting Code Alpha Matting http://people.csail.mit.edu/alevin/matting.tar.gz A. Levin D. Lischinski and Y. Weiss. A Closed Form Solution to Natural Image Matting, PAMI 2008.  
Shared Matting Code Alpha Matting http://www.inf.ufrgs.br/~eslgastal/SharedMatting/ E. S. L. Gastal and M. M. Oliveira, Computer Graphics Forum, 2010  
Introduction To Bayesian Inference Talk Bayesian Inference http://videolectures.net/mlss09uk_bishop_ibi/ Christopher Bishop, Microsoft Research  
Modern Bayesian Nonparametrics Talk Bayesian Nonparametrics http://www.youtube.com/watch?v=F0_ih7THV94&feature=relmfu Peter Orbanz and Yee Whye Teh  
Theory and Applications of Boosting Talk Boosting http://videolectures.net/mlss09us_schapire_tab/ Robert Schapire, Department of Computer Science, Princeton University  
Epipolar Geometry Toolbox Code Camera Calibration http://egt.dii.unisi.it/ G.L. Mariottini, D. Prattichizzo, EGT: a Toolbox for Multiple View Geometry and Visual Servoing, IEEE Robotics & Automation Magazine, 2005  
Camera Calibration Toolbox for Matlab Code Camera Calibration http://www.vision.caltech.edu/bouguetj/calib_doc/ http://www.vision.caltech.edu/bouguetj/calib_doc/htmls/ref.html  
EasyCamCalib Code Camera Calibration http://arthronav.isr.uc.pt/easycamcalib/ J. Barreto, J. Roquette, P. Sturm, and F. Fonseca, Automatic camera calibration applied to medical endoscopy, BMVC, 2009  
Spectral Clustering - UCSD Project Code Clustering http://vision.ucsd.edu/~sagarwal/spectral-0.2.tgz  
K-Means - Oxford Code Code Clustering http://www.cs.ucf.edu/~vision/Code/vggkmeans.zip  
Self-Tuning Spectral Clustering Code Clustering http://www.vision.caltech.edu/lihi/Demos/SelfTuningClustering.html  
K-Means - VLFeat Code Clustering http://www.vlfeat.org/  
Spectral Clustering - UW Project Code Clustering http://www.stat.washington.edu/spectral/  
Color image understanding: from acquisition to high-level image understanding Tutorial Color Image Processing http://www.cat.uab.cat/~joost/tutorial_iccv.html Theo Gevers, Keigo Hirakawa, Joost van de Weijer, ICCV 2011 Tutorial  
Sketching the Common Code Common Visual Pattern Discovery http://www.wisdom.weizmann.ac.il/~bagon/matlab_code/SketchCommonCVPR10_v1.1.tar.gz S. Bagon, O. Brostovsky, M. Galun and M. Irani, Detecting and Sketching the Common, CVPR 2010  
Common Visual Pattern Discovery via Spatially Coherent Correspondences Code Common Visual Pattern Discovery https://sites.google.com/site/lhrbss/home/papers/SimplifiedCode.zip?attredirects=0 H. Liu, S. Yan, "Common Visual Pattern Discovery via Spatially Coherent Correspondences", CVPR 2010  
Fcam: an architecture and API for computational cameras Tutorial Computational Imaging http://fcam.garage.maemo.org/iccv2011.html Kari Pulli, Andrew Adams, Timo Ahonen, Marius Tico, ICCV 2011 Tutorial  
Computational Photography, University of Illinois, Urbana-Champaign, Fall 2011 Course Computational Photography http://www.cs.illinois.edu/class/fa11/cs498dh/ Derek Hoiem  
Computational Photography, CMU, Fall 2011 Course Computational Photography http://graphics.cs.cmu.edu/courses/15-463/2011_fall/463.html Alexei “Alyosha” Efros  
Computational Symmetry: Past, Current, Future Tutorial Computational Symmetry http://vision.cse.psu.edu/research/symmComp/index.shtml Yanxi Liu, ECCV 2010 Tutorial  
Introduction to Computer Vision, Stanford University, Winter 2010-2011 Course Computer Vision http://vision.stanford.edu/teaching/cs223b/ Fei-Fei Li  
Computer Vision: From 3D Reconstruction to Visual Recognition, Fall 2012 Course Computer Vision https://www.coursera.org/course/computervision Silvio Savarese and Fei-Fei Li  
Computer Vision, University of Texas at Austin, Spring 2011 Course Computer Vision http://www.cs.utexas.edu/~grauman/courses/spring2011/index.html Kristen Grauman  
Learning-Based Methods in Vision, CMU, Spring 2012 Course Computer Vision https://docs.google.com/document/pub?id=1jGBn7zPDEaU33fJwi3YI_usWS-U6gpSSJotV_2gDrL0 Alexei “Alyosha” Efros and Leonid Sigal  
Introduction to Computer Vision Course Computer Vision http://www.cs.brown.edu/courses/cs143/ James Hays, Brown University, Fall 2011  
Computer Image Analysis, Computer Vision Conferences Link Computer Vision http://iris.usc.edu/information/Iris-Conferences.html USC  
CV Papers on the web Link Computer Vision http://www.cvpapers.com/index.html CVPapers  
Computer Vision, University of North Carolina at Chapel Hill, Spring 2010 Course Computer Vision http://www.cs.unc.edu/~lazebnik/spring10/ Svetlana Lazebnik  
CVonline Link Computer Vision http://homepages.inf.ed.ac.uk/rbf/CVonline/ CVonline: The Evolving, Distributed, Non-Proprietary, On-Line Compendium of Computer Vision  
Computer Vision: The Fundamentals, University of California at Berkeley, Fall 2012 Course Computer Vision https://www.coursera.org/course/vision Jitendra Malik  
Computer Vision, New York University, Fall 2012 Course Computer Vision http://cs.nyu.edu/~fergus/teaching/vision_2012/index.html Rob Fergus  
Advances in Computer Vision Course Computer Vision http://groups.csail.mit.edu/vision/courses/6.869/ Antonio Torralba, MIT, Spring 2010  
Annotated Computer Vision Bibliography Link Computer Vision http://iris.usc.edu/Vision-Notes/bibliography/contents.html compiled by Keith Price  
Computer Vision, University of Illinois, Urbana-Champaign, Spring 2012 Course Computer Vision http://www.cs.illinois.edu/class/sp12/cs543/ Derek Hoiem  
The Computer Vision homepage Link Computer Vision http://www.cs.cmu.edu/afs/cs/project/cil/ftp/html/vision.html  
Computer Vision, University of Washington, Winter 2012 Course Computer Vision http://www.cs.washington.edu/education/courses/cse455/12wi/ Steven Seitz  
CV Datasets on the web Link Computer Vision http://www.cvpapers.com/datasets.html CVPapers  
The Computer Vision Industry Link Computer Vision Industry http://www.cs.ubc.ca/~lowe/vision.html David Lowe  
Compiled list of recognition datasets Link Dataset http://www.cs.utexas.edu/~grauman/courses/spring2008/datasets.htm compiled by Kristen Grauman  
Decision forests for classification, regression, clustering and density estimation Tutorial Decision Forests http://research.microsoft.com/en-us/groups/vision/decisionforests.aspx A. Criminisi, J. Shotton and E. Konukoglu, ICCV 2011 Tutorial  
A tutorial on Deep Learning Talk Deep Learning http://videolectures.net/jul09_hinton_deeplearn/ Geoffrey E. Hinton, Department of Computer Science, University of Toronto  
Kernel Density Estimation Toolbox Code Density Estimation http://www.ics.uci.edu/~ihler/code/kde.html  
Kinect SDK Code Depth Sensor http://www.microsoft.com/en-us/kinectforwindows/ http://www.microsoft.com/en-us/kinectforwindows/  
LLE Code Dimension Reduction http://www.cs.nyu.edu/~roweis/lle/code.html  
Laplacian Eigenmaps Code Dimension Reduction http://www.cse.ohio-state.edu/~mbelkin/algorithms/Laplacian.tar  
Diffusion maps Code Dimension Reduction http://www.stat.cmu.edu/~annlee/software.htm  
ISOMAP Code Dimension Reduction http://isomap.stanford.edu/  
Dimensionality Reduction Toolbox Code Dimension Reduction http://homepage.tudelft.nl/19j49/Matlab_Toolbox_for_Dimensionality_Reduction.html  
Matlab Toolkit for Distance Metric Learning Code Distance Metric Learning http://www.cs.cmu.edu/~liuy/distlearn.htm  
Distance Functions and Metric Learning Tutorial Distance Metric Learning http://www.cs.huji.ac.il/~ofirpele/DFML_ECCV2010_tutorial/ M. Werman, O. Pele and  B. Kulis, ECCV 2010 Tutorial  
Distance Transforms of Sampled Functions Code Distance Transformation http://people.cs.uchicago.edu/~pff/dt/  
Hidden Markov Models Tutorial Expectation Maximization http://crow.ee.washington.edu/people/bulyko/papers/em.pdf Jeff A. Bilmes, University of California at Berkeley  
Edge Foci Interest Points Code Feature Detection http://research.microsoft.com/en-us/um/people/larryz/edgefoci/edge_foci.htm L. Zitnickand K. Ramnath, Edge Foci Interest Points, ICCV, 2011  
Boundary Preserving Dense Local Regions Code Feature Detection http://vision.cs.utexas.edu/projects/bplr/bplr.html J. Kim and K. Grauman, Boundary Preserving Dense Local Regions, CVPR 2011  
Canny Edge Detection Code Feature Detection http://www.mathworks.com/help/toolbox/images/ref/edge.html J. Canny, A Computational Approach To Edge Detection, PAMI, 1986  
FAST Corner Detection Code Feature Detection http://www.edwardrosten.com/work/fast.html E. Rosten and T. Drummond, Machine learning for high-speed corner detection, ECCV, 2006  
Groups of Adjacent Contour Segments Code Feature Detection; Feature Extraction http://www.robots.ox.ac.uk/~vgg/share/ferrari/release-kas-v102.tgz V. Ferrari, L. Fevrier, F. Jurie, and C. Schmid, Groups of Adjacent Contour Segments for Object Detection, PAMI, 2007  
Maximally stable extremal regions (MSER) - VLFeat Code Feature Detection; Feature Extraction http://www.vlfeat.org/ J. Matas, O. Chum, M. Urba, and T. Pajdla. Robust wide baseline stereo from maximally stable extremal regions. BMVC, 2002  
Geometric Blur Code Feature Detection; Feature Extraction http://www.robots.ox.ac.uk/~vgg/software/MKL/ A. C. Berg, T. L. Berg, and J. Malik. Shape matching and object recognition using low distortion correspondences. CVPR, 2005  
Affine-SIFT Code Feature Detection; Feature Extraction http://www.ipol.im/pub/algo/my_affine_sift/ J.M. Morel and G.Yu, ASIFT, A new framework for fully affine invariant image comparison. SIAM Journal on Imaging Sciences, 2009  
Scale-invariant feature transform (SIFT) - Demo Software Code Feature Detection; Feature Extraction http://www.cs.ubc.ca/~lowe/keypoints/ D. Lowe. Distinctive Image Features from Scale-Invariant Keypoints, IJCV 2004.  
Affine Covariant Features Code Feature Detection; Feature Extraction http://www.robots.ox.ac.uk/~vgg/research/affine/ T. Tuytelaars and K. Mikolajczyk, Local Invariant Feature Detectors: A Survey, Foundations and Trends in Computer Graphics and Vision, 2008  
Scale-invariant feature transform (SIFT) - Library Code Feature Detection; Feature Extraction http://blogs.oregonstate.edu/hess/code/sift/ D. Lowe. Distinctive Image Features from Scale-Invariant Keypoints, IJCV 2004.  
Maximally stable extremal regions (MSER) Code Feature Detection; Feature Extraction http://www.robots.ox.ac.uk/~vgg/research/affine/ J. Matas, O. Chum, M. Urba, and T. Pajdla. Robust wide baseline stereo from maximally stable extremal regions. BMVC, 2002  
Color Descriptor Code Feature Detection; Feature Extraction http://koen.me/research/colordescriptors/ K. E. A. van de Sande, T. Gevers and Cees G. M. Snoek, Evaluating Color Descriptors for Object and Scene Recognition, PAMI, 2010  
Speeded Up Robust Feature (SURF) - Open SURF Code Feature Detection; Feature Extraction http://www.chrisevansdev.com/computer-vision-opensurf.html H. Bay, T. Tuytelaars and L. V. Gool SURF: Speeded Up Robust Features, ECCV, 2006  
Scale-invariant feature transform (SIFT) - VLFeat Code Feature Detection; Feature Extraction http://www.vlfeat.org/ D. Lowe. Distinctive Image Features from Scale-Invariant Keypoints, IJCV 2004.  
Speeded Up Robust Feature (SURF) - Matlab Wrapper Code Feature Detection; Feature Extraction http://www.maths.lth.se/matematiklth/personal/petter/surfmex.php H. Bay, T. Tuytelaars and L. V. Gool SURF: Speeded Up Robust Features, ECCV, 2006  
Space-Time Interest Points (STIP) Code Feature Detection; Feature Extraction; Action Recognition http://www.irisa.fr/vista/Equipe/People/Laptev/download/stip-1.1-winlinux.zip;http://www.nada.kth.se/cvap/abstracts/cvap284.html I. Laptev, On Space-Time Interest Points, IJCV, 2005; I. Laptev and T. Lindeberg, On Space-Time Interest Points, IJCV 2005  
PCA-SIFT Code Feature Extraction http://www.cs.cmu.edu/~yke/pcasift/ Y. Ke and R. Sukthankar, PCA-SIFT: A More Distinctive Representation for Local Image Descriptors,CVPR, 2004  
sRD-SIFT Code Feature Extraction http://arthronav.isr.uc.pt/~mlourenco/srdsift/index.html# M. Lourenco, J. P. Barreto and A. Malti, Feature Detection and Matching in Images with Radial Distortion, ICRA 2010  
Local Self-Similarity Descriptor Code Feature Extraction http://www.robots.ox.ac.uk/~vgg/software/SelfSimilarity/ E. Shechtman and M. Irani. Matching local self-similarities across images and videos, CVPR, 2007  
Pyramids of Histograms of Oriented Gradients (PHOG) Code Feature Extraction http://www.robots.ox.ac.uk/~vgg/research/caltech/phog/phog.zip A. Bosch, A. Zisserman, and X. Munoz, Representing shape with a spatial pyramid kernel, CIVR, 2007  
BRIEF: Binary Robust Independent Elementary Features Code Feature Extraction http://cvlab.epfl.ch/research/detect/brief/ M. Calonder, V. Lepetit, C. Strecha, P. Fua, BRIEF: Binary Robust Independent Elementary Features, ECCV 2010  
Global and Efficient Self-Similarity Code Feature Extraction http://www.vision.ee.ethz.ch/~calvin/gss/selfsim_release1.0.tgz T. Deselaers and V. Ferrari. Global and Efficient Self-Similarity for Object Classification and Detection. CVPR 2010; T. Deselaers, V. Ferrari, Global and Efficient Self-Similarity for Object Classification and Detection, CVPR 2010
GIST Descriptor Code Feature Extraction http://people.csail.mit.edu/torralba/code/spatialenvelope/ A. Oliva and A. Torralba. Modeling the shape of the scene: a holistic representation of the spatial envelope, IJCV, 2001  
Shape Context Code Feature Extraction http://www.eecs.berkeley.edu/Research/Projects/CS/vision/shape/sc_digits.html S. Belongie, J. Malik and J. Puzicha. Shape matching and object recognition using shape contexts, PAMI, 2002  
Image and Video Description with Local Binary Pattern Variants Tutorial Feature Extraction http://www.ee.oulu.fi/research/imag/mvg/files/pdf/CVPR-tutorial-final.pdf M. Pietikainen and J. Heikkila, CVPR 2011 Tutorial  
Histogram of Oriented Graidents - OLT for windows Code Feature Extraction; Object Detection http://www.computing.edu.au/~12482661/hog.html N. Dalal and B. Triggs. Histograms of Oriented Gradients for Human Detection. CVPR 2005  
Histogram of Oriented Graidents - INRIA Object Localization Toolkit Code Feature Extraction; Object Detection http://www.navneetdalal.com/software N. Dalal and B. Triggs. Histograms of Oriented Gradients for Human Detection. CVPR 2005  
Feature Learning for Image Classification Tutorial Feature Learning, Image Classification http://ufldl.stanford.edu/eccv10-tutorial/ Kai Yu and Andrew Ng, ECCV 2010 Tutorial  
The Pyramid Match: Efficient Matching for Retrieval and Recognition Code Feature Matching; Image Classification http://www.cs.utexas.edu/~grauman/research/projects/pmk/pmk_projectpage.htm K. Grauman and T. Darrell.  The Pyramid Match Kernel: Discriminative Classification with Sets of Image Features, ICCV 2005  
Game Theory in Computer Vision and Pattern Recognition Tutorial Game Theory http://www.dsi.unive.it/~atorsell/cvpr2011tutorial/ Marcello Pelillo and Andrea Torsello, CVPR 2011 Tutorial  
Gaussian Process Basics Talk Gaussian Process http://videolectures.net/gpip06_mackay_gpb/ David MacKay, University of Cambridge  
Hyper-graph Matching via Reweighted Random Walks Code Graph Matching http://cv.snu.ac.kr/research/~RRWHM/ J. Lee, M. Cho, K. M. Lee. "Hyper-graph Matching via Reweighted Random Walks", CVPR 2011  
Reweighted Random Walks for Graph Matching Code Graph Matching http://cv.snu.ac.kr/research/~RRWM/ M. Cho, J. Lee, and K. M. Lee, Reweighted Random Walks for Graph Matching, ECCV 2010  
Learning with inference for discrete graphical models Tutorial Graphical Models http://www.csd.uoc.gr/~komod/ICCV2011_tutorial/ Nikos Komodakis, Pawan Kumar, Nikos Paragios, Ramin Zabih, ICCV 2011 Tutorial  
Graphical Models and message-passing algorithms Talk Graphical Models http://videolectures.net/mlss2011_wainwright_messagepassing/ Martin J. Wainwright, University of California at Berkeley  
Graphical Models, Exponential Families, and Variational Inference Tutorial Graphical Models http://www.eecs.berkeley.edu/~wainwrig/Papers/WaiJor08_FTML.pdf Martin J. Wainwright and Michael I. Jordan, University of California at Berkeley  
Inference in Graphical Models, Stanford University, Spring 2012 Course Graphical Models http://www.stanford.edu/~montanar/TEACHING/Stat375/stat375.html Andrea Montanari, Stanford University  
Ground shadow detection Code Illumination, Reflectance, and Shadow http://www.jflalonde.org/software.html#shadowDetection J.-F. Lalonde, A. A. Efros, S. G. Narasimhan, Detecting Ground Shadowsin Outdoor Consumer Photographs, ECCV 2010  
Estimating Natural Illumination from a Single Outdoor Image Code Illumination, Reflectance, and Shadow http://www.cs.cmu.edu/~jlalonde/software.html#skyModel J-F. Lalonde, A. A. Efros, S. G. Narasimhan, Estimating Natural Illumination from a Single Outdoor Image , ICCV 2009  
What Does the Sky Tell Us About the Camera? Code Illumination, Reflectance, and Shadow http://www.cs.cmu.edu/~jlalonde/software.html#skyModel J-F. Lalonde, S. G. Narasimhan, A. A. Efros,  What Does the Sky Tell Us About the Camera?, ECCV 2008  
Shadow Detection using Paired Region Code Illumination, Reflectance, and Shadow http://www.cs.illinois.edu/homes/guo29/projects/shadow.html R. Guo, Q. Dai and D. Hoiem, Single-Image Shadow Detection and Removal using Paired Regions, CVPR 2011  
Real-time Specular Highlight Removal Code Illumination, Reflectance, and Shadow http://www.cs.cityu.edu.hk/~qiyang/publications/code/eccv-10.zip Q. Yang, S. Wang and N. Ahuja, Real-time Specular Highlight Removal Using Bilateral Filtering, ECCV 2010  
Webcam Clip Art: Appearance and Illuminant Transfer from Time-lapse Sequences Code Illumination, Reflectance, and Shadow http://www.cs.cmu.edu/~jlalonde/software.html#skyModel J-F. Lalonde, A. A. Efros, S. G. Narasimhan, Webcam Clip Art: Appearance and Illuminant Transfer from Time-lapse Sequences, SIGGRAPH Asia 2009  
Sparse Coding for Image Classification Code Image Classification http://www.ifp.illinois.edu/~jyang29/ScSPM.htm J. Yang, K. Yu, Y. Gong, T. Huang, Linear Spatial Pyramid Matching using Sparse Coding for Image Classification, CVPR, 2009  
Texture Classification Code Image Classification http://www.robots.ox.ac.uk/~vgg/research/texclass/index.html M. Varma and A. Zisserman, A statistical approach to texture classification from single images, IJCV2005  
Locality-constrained Linear Coding Code Image Classification http://www.ifp.illinois.edu/~jyang29/LLC.htm J. Wang, J. Yang, K. Yu, F. Lv, T. Huang, and Y. Gong. Locality-constrained Linear Coding for Image Classification, CVPR, 2010  
Spatial Pyramid Matching Code Image Classification http://www.cs.unc.edu/~lazebnik/research/SpatialPyramid.zip S. Lazebnik, C. Schmid, and J. Ponce. Beyond Bags of Features: Spatial Pyramid Matching for Recognizing Natural Scene Categories, CVPR 2006  
Non-blind deblurring (and blind denoising) with integrated noise estimation Code Image Deblurring http://www.gris.tu-darmstadt.de/research/visinf/software/index.en.htm U. Schmidt, K. Schelten, and S. Roth. Bayesian deblurring with integrated noise estimation, CVPR 2011  
Richardson-Lucy Deblurring for Scenes under Projective Motion Path Code Image Deblurring http://yuwing.kaist.ac.kr/projects/projectivedeblur/projectivedeblur_files/ProjectiveDeblur.zip Y.-W. Tai, P. Tan, M. S. Brown: Richardson-Lucy Deblurring for Scenes under Projective Motion Path, PAMI 2011  
Analyzing spatially varying blur Code Image Deblurring http://www.eecs.harvard.edu/~ayanc/svblur/ A. Chakrabarti, T. Zickler, and W. T. Freeman, Analyzing Spatially-varying Blur, CVPR 2010  
Radon Transform Code Image Deblurring http://people.csail.mit.edu/taegsang/Documents/RadonDeblurringCode.zip T. S. Cho, S. Paris, B. K. P. Horn, W. T. Freeman, Blur kernel estimation using the radon transform, CVPR 2011  
Eficient Marginal Likelihood Optimization in Blind Deconvolution Code Image Deblurring http://www.wisdom.weizmann.ac.il/~levina/papers/LevinEtalCVPR2011Code.zip A. Levin, Y. Weiss, F. Durand, W. T. Freeman. Efficient Marginal Likelihood Optimization in Blind Deconvolution, CVPR 2011  
BLS-GSM Code Image Denoising http://decsai.ugr.es/~javier/denoise/  
Gaussian Field of Experts Code Image Denoising http://www.cs.huji.ac.il/~yweiss/BRFOE.zip  
Field of Experts Code Image Denoising http://www.cs.brown.edu/~roth/research/software.html  
BM3D Code Image Denoising http://www.cs.tut.fi/~foi/GCF-BM3D/  
Nonlocal means with cluster trees Code Image Denoising http://lmb.informatik.uni-freiburg.de/resources/binaries/nlmeans_brox_tip08Linux64.zip T. Brox, O. Kleinschmidt, D. Cremers, Efficient nonlocal means for denoising of textural patterns, TIP 2008  
Non-local Means Code Image Denoising http://dmi.uib.es/~abuades/codis/NLmeansfilter.m  
K-SVD Code Image Denoising http://www.cs.technion.ac.il/~ronrubin/Software/ksvdbox13.zip  
What makes a good model of natural images ? Code Image Denoising http://www.cs.huji.ac.il/~yweiss/BRFOE.zip Y. Weiss and W. T. Freeman, CVPR 2007  
Clustering-based Denoising Code Image Denoising http://users.soe.ucsc.edu/~priyam/K-LLD/ P. Chatterjee and P. Milanfar, Clustering-based Denoising with Locally Learned Dictionaries (K-LLD), TIP, 2009  
Sparsity-based Image Denoising Code Image Denoising http://www.csee.wvu.edu/~xinl/CSR.html W. Dong, X. Li, L. Zhang and G. Shi, Sparsity-based Image Denoising vis Dictionary Learning and Structural Clustering, CVPR, 2011  
Kernel Regressions Code Image Denoising http://www.soe.ucsc.edu/~htakeda/MatlabApp/KernelRegressionBasedImageProcessingToolBox_ver1-1beta.zip  
Learning Models of Natural Image Patches Code Image Denoising; Image Super-resolution; Image Deblurring http://www.cs.huji.ac.il/~daniez/ D. Zoran and Y. Weiss, From Learning Models of Natural Image Patches to Whole Image Restoration, ICCV, 2011  
Efficient Belief Propagation for Early Vision Code Image Denoising; Stereo Matching http://www.cs.brown.edu/~pff/bp/ P. F. Felzenszwalb and D. P. Huttenlocher, Efficient Belief Propagation for Early Vision, IJCV, 2006  
SVM for Edge-Preserving Filtering Code Image Filtering http://vision.ai.uiuc.edu/~qyang6/publications/code/cvpr-10-svmbf/program_video_conferencing.zip Q. Yang, S. Wang, and N. Ahuja, SVM for Edge-Preserving Filtering,  
Local Laplacian Filters Code Image Filtering http://people.csail.mit.edu/sparis/publi/2011/siggraph/matlab_source_code.zip S. Paris, S. Hasinoff, J. Kautz, Local Laplacian Filters: Edge-Aware Image Processing with a Laplacian Pyramid, SIGGRAPH 2011  
Real-time O(1) Bilateral Filtering Code Image Filtering http://vision.ai.uiuc.edu/~qyang6/publications/code/qx_constant_time_bilateral_filter_ss.zip Q. Yang, K.-H. Tan and N. Ahuja,  Real-time O(1) Bilateral Filtering,  
Image smoothing via L0 Gradient Minimization Code Image Filtering http://www.cse.cuhk.edu.hk/~leojia/projects/L0smoothing/L0smoothing.zip L. Xu, C. Lu, Y. Xu, J. Jia, Image smoothing via L0 Gradient Minimization, SIGGRAPH Asia 2011  
Anisotropic Diffusion Code Image Filtering http://www.mathworks.com/matlabcentral/fileexchange/14995-anisotropic-diffusion-perona-malik P. Perona and J. Malik, Scale-space and edge detection using anisotropic diffusion, PAMI 1990  
Guided Image Filtering Code Image Filtering http://personal.ie.cuhk.edu.hk/~hkm007/eccv10/guided-filter-code-v1.rar K. He, J. Sun, X. Tang, Guided Image Filtering, ECCV 2010  
Fast Bilateral Filter Code Image Filtering http://people.csail.mit.edu/sparis/bf/ S. Paris and F. Durand, A Fast Approximation of the Bilateral Filter using a Signal Processing Approach, ECCV, 2006  
GradientShop Code Image Filtering http://grail.cs.washington.edu/projects/gradientshop/ P. Bhat, C.L. Zitnick, M. Cohen, B. Curless, and J. Kim, GradientShop: A Gradient-Domain Optimization Framework for Image and Video Filtering, TOG 2010  
Domain Transformation Code Image Filtering http://inf.ufrgs.br/~eslgastal/DomainTransform/DomainTransformFilters-Source-v1.0.zip E. Gastal, M. Oliveira, Domain Transform for Edge-Aware Image and Video Processing, SIGGRAPH 2011  
Weighted Least Squares Filter Code Image Filtering http://www.cs.huji.ac.il/~danix/epd/ Z. Farbman, R. Fattal, D. Lischinski, R. Szeliski, Edge-Preserving Decompositions for Multi-Scale Tone and Detail Manipulation, SIGGRAPH 2008  
Piotr's Image & Video Matlab Toolbox Code Image Processing; Image Filtering http://vision.ucsd.edu/~pdollar/toolbox/doc/index.html Piotr Dollar, Piotr's Image & Video Matlab Toolbox,http://vision.ucsd.edu/~pdollar/toolbox/doc/index.html  
Structural SIMilarity Code Image Quality Assessment https://ece.uwaterloo.ca/~z70wang/research/ssim/  
SPIQA Code Image Quality Assessment http://vision.ai.uiuc.edu/~bghanem2/shared_code/SPIQA_code.zip  
Feature SIMilarity Index Code Image Quality Assessment http://www4.comp.polyu.edu.hk/~cslzhang/IQA/FSIM/FSIM.htm  
Degradation Model Code Image Quality Assessment http://users.ece.utexas.edu/~bevans/papers/2000/imageQuality/index.html  
Tools and Methods for Image Registration Tutorial Image Registration http://www.imgfsr.com/CVPR2011/Tutorial6/ Brown, G. Carneiro, A. A. Farag, E. Hancock, A. A. Goshtasby (Organizer), J. Matas, J.M. Morel, N. S. Netanyahu, F. Sur, and G. Yu, CVPR 2011 Tutorial  
SLIC Superpixels Code Image Segmentation http://ivrg.epfl.ch/supplementary_material/RK_SLICSuperpixels/index.html R. Achanta, A. Shaji, K. Smith, A. Lucchi, P. Fua, and S. Susstrunk, SLIC Superpixels, EPFL Technical Report, 2010  
Recovering Occlusion Boundaries from a Single Image Code Image Segmentation http://www.cs.cmu.edu/~dhoiem/software/ D. Hoiem, A. Stein, A. A. Efros, M. Hebert, Recovering Occlusion Boundaries from a Single Image, ICCV 2007.  
Multiscale Segmentation Tree Code Image Segmentation http://vision.ai.uiuc.edu/segmentation E. Akbas and N. Ahuja, “From ramp discontinuities to segmentation tree,”  ACCV 2009; N. Ahuja, “A Transform for Multiscale Image Segmentation by Integrated Edge and Region Detection,” PAMI 1996  
Quick-Shift Code Image Segmentation http://www.vlfeat.org/overview/quickshift.html A. Vedaldi and S. Soatto, Quick Shift and Kernel Methodsfor Mode Seeking, ECCV, 2008  
Efficient Graph-based Image Segmentation - C++ code Code Image Segmentation http://people.cs.uchicago.edu/~pff/segment/ P. Felzenszwalb and D. Huttenlocher. Efficient Graph-Based Image Segmentation, IJCV 2004  
Turbepixels Code Image Segmentation http://www.cs.toronto.edu/~babalex/research.html A. Levinshtein, A. Stere, K. N. Kutulakos, D. J. Fleet, S. J. Dickinson, and K. Siddiqi, TurboPixels: Fast Superpixels Using Geometric Flows, PAMI 2009  
Superpixel by Gerg Mori Code Image Segmentation http://www.cs.sfu.ca/~mori/research/superpixels/ X. Ren and J. Malik. Learning a classification model for segmentation. ICCV, 2003  
Normalized Cut Code Image Segmentation http://www.cis.upenn.edu/~jshi/software/ J. Shi and J Malik, Normalized Cuts and Image Segmentation, PAMI, 2000  
Mean-Shift Image Segmentation - Matlab Wrapper Code Image Segmentation http://www.wisdom.weizmann.ac.il/~bagon/matlab_code/edison_matlab_interface.tar.gz D. Comaniciu, P Meer. Mean Shift: A Robust Approach Toward Feature Space Analysis. PAMI 2002  
Segmenting Scenes by Matching Image Composites Code Image Segmentation http://www.cs.washington.edu/homes/bcr/projects/SceneComposites/index.html B. Russell, A. A. Efros, J.  Sivic, W. T. Freeman, A. Zisserman, NIPS 2009  
OWT-UCM Hierarchical Segmentation Code Image Segmentation http://www.eecs.berkeley.edu/Research/Projects/CS/vision/grouping/resources.html P. Arbelaez, M. Maire, C. Fowlkes and J. Malik. Contour Detection and Hierarchical Image Segmentation. PAMI, 2011  
Entropy Rate Superpixel Segmentation Code Image Segmentation http://www.umiacs.umd.edu/~mingyliu/src/ers_matlab_wrapper_v0.1.zip M.-Y. Liu, O. Tuzel, S. Ramalingam, and R. Chellappa, Entropy Rate Superpixel Segmentation, CVPR 2011  
Efficient Graph-based Image Segmentation - Matlab Wrapper Code Image Segmentation http://www.mathworks.com/matlabcentral/fileexchange/25866-efficient-graph-based-image-segmentation P. Felzenszwalb and D. Huttenlocher. Efficient Graph-Based Image Segmentation, IJCV 2004  
Biased Normalized Cut Code Image Segmentation http://www.cs.berkeley.edu/~smaji/projects/biasedNcuts/ S. Maji, N. Vishnoi and J. Malik, Biased Normalized Cut, CVPR 2011  
Segmentation by Minimum Code Length Code Image Segmentation http://perception.csl.uiuc.edu/coding/image_segmentation/ A. Y. Yang, J. Wright, S. Shankar Sastry, Y. Ma , Unsupervised Segmentation of Natural Images via Lossy Data Compression, CVIU, 2007  
Mean-Shift Image Segmentation - EDISON Code Image Segmentation http://coewww.rutgers.edu/riul/research/code/EDISON/index.html D. Comaniciu, P Meer. Mean Shift: A Robust Approach Toward Feature Space Analysis. PAMI 2002  
Self-Similarities for Single Frame Super-Resolution Code Image Super-resolution https://eng.ucmerced.edu/people/cyang35/ACCV10.zip C.-Y. Yang, J.-B. Huang, and M.-H. Yang, Exploiting Self-Similarities for Single Frame Super-Resolution, ACCV 2010  
MRF for image super-resolution Code Image Super-resolution http://people.csail.mit.edu/billf/project%20pages/sresCode/Markov%20Random%20Fields%20for%20Super-Resolution.html W. T Freeman and C. Liu. Markov Random Fields for Super-resolution and Texture Synthesis. In A. Blake, P. Kohli, and C. Rother, eds., Advances in Markov Random Fields for Vision and Image Processing, Chapter 10. MIT Press, 2011
Sprarse coding super-resolution Code Image Super-resolution http://www.ifp.illinois.edu/~jyang29/ScSR.htm J. Yang, J. Wright, T. S. Huang, and Y. Ma. Image super-resolution via sparse representation, TIP 2010  
Multi-frame image super-resolution Code Image Super-resolution http://www.robots.ox.ac.uk/~vgg/software/SR/index.html Pickup, L. C. Machine Learning in Multi-frame Image Super-resolution, PhD thesis  
Single-Image Super-Resolution Matlab Package Code Image Super-resolution http://www.cs.technion.ac.il/~elad/Various/Single_Image_SR.zip R. Zeyde, M. Elad, and M. Protter, On Single Image Scale-Up using Sparse-Representations, LNCS 2010  
MDSP Resolution Enhancement Software Code Image Super-resolution http://users.soe.ucsc.edu/~milanfar/software/superresolution.html S. Farsiu, D. Robinson, M. Elad, and P. Milanfar, Fast and Robust Multi-frame Super-resolution, TIP 2004  
Nonparametric Scene Parsing via Label Transfer Code Image Understanding http://people.csail.mit.edu/celiu/LabelTransfer/index.html C. Liu, J. Yuen, and Antonio Torralba, Nonparametric Scene Parsing via Label Transfer, PAMI 2011  
Discriminative Models for Multi-Class Object Layout Code Image Understanding http://www.ics.uci.edu/~desaic/multiobject_context.zip C. Desai, D. Ramanan, C. Fowlkes. "Discriminative Models for Multi-Class Object Layout, IJCV 2011  
Towards Total Scene Understanding Code Image Understanding http://vision.stanford.edu/projects/totalscene/index.html L.-J. Li, R. Socher and Li F.-F.. Towards Total Scene Understanding:Classification, Annotation and Segmentation in an Automatic Framework, CVPR 2009  
Object Bank Code Image Understanding http://vision.stanford.edu/projects/objectbank/index.html Li-Jia Li, Hao Su, Eric P. Xing and Li Fei-Fei. Object Bank: A High-Level Image Representation for Scene Classification and Semantic Feature Sparsification, NIPS 2010  
SuperParsing Code Image Understanding http://www.cs.unc.edu/~jtighe/Papers/ECCV10/eccv10-jtighe-code.zip J. Tighe and S. Lazebnik, SuperParsing: Scalable Nonparametric Image  
Blocks World Revisited: Image Understanding using Qualitative Geometry and Mechanics Code Image Understanding http://www.cs.cmu.edu/~abhinavg/blocksworld/#downloads A. Gupta, A. A. Efros, M. Hebert, Blocks World Revisited: Image Understanding using Qualitative Geometry and Mechanics, ECCV 2010  
Information Theory Talk Information Theory http://videolectures.net/mlss09uk_mackay_it/ David MacKay, University of Cambridge  
Information Theory in Learning and Control Talk Information Theory http://www.youtube.com/watch?v=GKm53xGbAOk&feature=relmfu Naftali (Tali) Tishby, The Hebrew University  
Efficient Earth Mover's Distance with L1 Ground Distance (EMD_L1) Code Kernels and Distances http://www.dabi.temple.edu/~hbling/code/EmdL1_v3.zip H. Ling and K. Okada, An Efficient Earth Mover's Distance Algorithm for Robust Histogram Comparison, PAMI 2007  
Machine learning and kernel methods for computer vision Talk Kernels and Distances http://videolectures.net/etvc08_bach_mlakm/ Francis R. Bach, INRIA  
Diffusion-based distance Code Kernels and Distances http://www.dabi.temple.edu/~hbling/code/DD_v1.zip H. Ling and K. Okada, Diffusion Distance for Histogram Comparison, CVPR 2006  
Fast Directional Chamfer Matching Code Kernels and Distances http://www.umiacs.umd.edu/~mingyliu/src/fdcm_matlab_wrapper_v0.2.zip  
Learning and Inference in Low-Level Vision Talk Low-level vision http://videolectures.net/nips09_weiss_lil/ Yair Weiss, School of Computer Science and Engineering, The Hebrew University of Jerusalem  
TILT: Transform Invariant Low-rank Textures Code Low-Rank Modeling http://perception.csl.uiuc.edu/matrix-rank/tilt.html Z. Zhang, A. Ganesh, X. Liang, and Y. Ma, TILT: Transform Invariant Low-rank Textures, IJCV 2011  
Low-Rank Matrix Recovery and Completion Code Low-Rank Modeling http://perception.csl.uiuc.edu/matrix-rank/sample_code.html  
RASL: Robust Batch Alignment of Images by Sparse and Low-Rank Decomposition Code Low-Rank Modeling http://perception.csl.uiuc.edu/matrix-rank/rasl.html Y. Peng, A. Ganesh, J. Wright, W. Xu, and Y. Ma, RASL: Robust Batch Alignment of Images by Sparse and Low-Rank Decomposition, CVPR 2010  
Statistical Pattern Recognition Toolbox Code Machine Learning http://cmp.felk.cvut.cz/cmp/software/stprtool/ M.I. Schlesinger, V. Hlavac: Ten lectures on the statistical and structural pattern recognition, Kluwer Academic Publishers, 2002  
FastICA package for MATLAB Code Machine Learning http://research.ics.tkk.fi/ica/fastica/ http://research.ics.tkk.fi/ica/book/  
Boosting Resources by Liangliang Cao Code Machine Learning http://www.ifp.illinois.edu/~cao4/reading/boostingbib.htm http://www.ifp.illinois.edu/~cao4/reading/boostingbib.htm  
Netlab Neural Network Software Code Machine Learning http://www1.aston.ac.uk/eas/research/groups/ncrg/resources/netlab/ C. M. Bishop, Neural Networks for Pattern RecognitionㄝOxford University Press, 1995  
Matlab Tutorial Tutorial Matlab http://www.cs.unc.edu/~lazebnik/spring10/matlab.intro.html David Kriegman and Serge Belongie  
Writing Fast MATLAB Code Tutorial Matlab http://www.mathworks.com/matlabcentral/fileexchange/5685 Pascal Getreuer, Yale University  
MRF Minimization Evaluation Code MRF Optimization http://vision.middlebury.edu/MRF/ R. Szeliski et al., A Comparative Study of Energy Minimization Methods for Markov Random Fields with Smoothness-Based Priors, PAMI, 2008  
Max-flow/min-cut Code MRF Optimization http://vision.csd.uwo.ca/code/maxflow-v3.01.zip Y. Boykov and V. Kolmogorov, An Experimental Comparison of Min-Cut/Max-Flow Algorithms for Energy Minimization in Vision, PAMI 2004  
Planar Graph Cut Code MRF Optimization http://vision.csd.uwo.ca/code/PlanarCut-v1.0.zip F. R. Schmidt, E. Toppe and D. Cremers, Efficient Planar Graph Cuts with Applications in Computer Vision, CVPR 2009  
Max-flow/min-cut for massive grids Code MRF Optimization http://vision.csd.uwo.ca/code/regionpushrelabel-v1.03.zip A. Delong and Y. Boykov, A Scalable Graph-Cut Algorithm for N-D Grids, CVPR 2008  
Multi-label optimization Code MRF Optimization http://vision.csd.uwo.ca/code/gco-v3.0.zip Y. Boykov, O. Verksler, and R. Zabih, Fast Approximate Energy Minimization via Graph Cuts, PAMI 2001  
Max-flow/min-cut for shape fitting Code MRF Optimization http://www.csd.uwo.ca/faculty/yuri/Implementations/TouchExpand.zip V. Lempitsky and Y. Boykov, Global Optimization for Shape Fitting, CVPR 2007  
MILIS Code Multiple Instance Learning   Z. Fu, A. Robles-Kelly, and J. Zhou, MILIS: Multiple instance learning with instance selection, PAMI 2010  
MILES Code Multiple Instance Learning http://infolab.stanford.edu/~wangz/project/imsearch/SVM/PAMI06/ Y. Chen, J. Bi and J. Z. Wang, MILES: Multiple-Instance Learning via Embedded Instance Selection. PAMI 2006  
MIForests Code Multiple Instance Learning http://www.ymer.org/amir/software/milforests/ C. Leistner, A. Saffari, and H. Bischof, MIForests: Multiple-Instance Learning with Randomized Trees, ECCV 2010  
DD-SVM Code Multiple Instance Learning   Yixin Chen and James Z. Wang, Image Categorization by Learning and Reasoning with Regions, JMLR 2004  
DOGMA Code Multiple Kernel Learning http://dogma.sourceforge.net/ F. Orabona, L. Jie, and B. Caputo. Online-batch strongly convex multi kernel learning. CVPR, 2010  
SHOGUN Code Multiple Kernel Learning http://www.shogun-toolbox.org/ S. Sonnenburg, G. Rätsch, C. Schäfer, B. Schölkopf . Large scale multiple kernel learning. JMLR, 2006  
SimpleMKL Code Multiple Kernel Learning http://asi.insa-rouen.fr/enseignants/~arakotom/code/mklindex.html A. Rakotomamonjy, F. Bach, S. Canu, and Y. Grandvalet. Simplemkl. JMRL, 2008  
OpenKernel.org Code Multiple Kernel Learning http://www.openkernel.org/ F. Orabona and L. Jie. Ultra-fast optimization algorithm for sparse multi kernel learning. ICML, 2011  
Matlab Functions for Multiple View Geometry Code Multiple View Geometry http://www.robots.ox.ac.uk/~vgg/hzbook/code/  
for Computer Vision and Image Processing Code Multiple View Geometry http://www.csse.uwa.edu.au/~pk/Research/MatlabFns/index.html P. D. Kovesi.   MATLAB and Octave Functions for Computer Vision and Image Processing,http://www.csse.uwa.edu.au/~pk/research/matlabfns  
Patch-based Multi-view Stereo Software Code Multi-View Stereo http://grail.cs.washington.edu/software/pmvs/ Y. Furukawa and J. Ponce, Accurate, Dense, and Robust Multi-View Stereopsis, PAMI 2009  
Clustering Views for Multi-view Stereo Code Multi-View Stereo http://grail.cs.washington.edu/software/cmvs/ Y. Furukawa, B. Curless, S. M. Seitz, and R. Szeliski, Towards Internet-scale Multi-view Stereo, CVPR 2010  
Multi-View Stereo Evaluation Code Multi-View Stereo http://vision.middlebury.edu/mview/ S. Seitz et al. A Comparison and Evaluation of Multi-View Stereo Reconstruction Algorithms, CVPR 2006  
Spectral Hashing Code Nearest Neighbors Matching http://www.cs.huji.ac.il/~yweiss/SpectralHashing/ Y. Weiss, A. Torralba, R. Fergus, Spectral Hashing, NIPS 2008  
FLANN: Fast Library for Approximate Nearest Neighbors Code Nearest Neighbors Matching http://www.cs.ubc.ca/~mariusm/index.php/FLANN/FLANN  
ANN: Approximate Nearest Neighbor Searching Code Nearest Neighbors Matching http://www.cs.umd.edu/~mount/ANN/  
LDAHash: Binary Descriptors for Matching in Large Image Databases Code Nearest Neighbors Matching http://cvlab.epfl.ch/research/detect/ldahash/index.php C. Strecha, A. M. Bronstein, M. M. Bronstein and P. Fua. LDAHash: Improved matching with smaller descriptors, PAMI, 2011.  
Coherency Sensitive Hashing Code Nearest Neighbors Matching http://www.eng.tau.ac.il/~simonk/CSH/index.html S. Korman, S. Avidan, Coherency Sensitive Hashing, ICCV 2011  
Learning in Hierarchical Architectures: from Neuroscience to Derived Kernels Talk Neuroscience http://videolectures.net/mlss09us_poggio_lhandk/ Tomaso A. Poggio, McGovern Institute for Brain Research, Massachusetts Institute of Technology  
Computer vision fundamentals: robust non-linear least-squares and their applications Tutorial Non-linear Least Squares http://cvlab.epfl.ch/~fua/courses/lsq/ Pascal Fua, Vincent Lepetit, ICCV 2011 Tutorial  
Non-rigid registration and reconstruction Tutorial Non-rigid registration http://www.isr.ist.utl.pt/~adb/tutorial/ Alessio Del Bue, Lourdes Agapito, Adrien Bartoli, ICCV 2011 Tutorial  
Geometry constrained parts based detection Tutorial Object Detection http://ci2cv.net/tutorials/iccv-2011/ Simon Lucey, Jason Saragih, ICCV 2011 Tutorial  
Max-Margin Hough Transform Code Object Detection http://www.cs.berkeley.edu/~smaji/projects/max-margin-hough/ S. Maji and J. Malik, Object Detection Using a Max-Margin Hough Transform. CVPR 2009  
Recognition using regions Code Object Detection http://www.cs.berkeley.edu/~chunhui/publications/cvpr09_v2.zip C. Gu, J. J. Lim, P. Arbelaez, and J. Malik, CVPR 2009  
Poselet Code Object Detection http://www.eecs.berkeley.edu/~lbourdev/poselets/ L. Bourdev, J. Malik, Poselets: Body Part Detectors Trained Using 3D Human Pose Annotations, ICCV 2009  
A simple object detector with boosting Code Object Detection http://people.csail.mit.edu/torralba/shortCourseRLOC/boosting/boosting.html ICCV 2005 short courses on Recognizing and Learning Object Categories  
Feature Combination Code Object Detection http://www.vision.ee.ethz.ch/~pgehler/projects/iccv09/index.html P. Gehler and S. Nowozin, On Feature Combination for Multiclass Object Detection, ICCV, 2009  
Hough Forests for Object Detection Code Object Detection http://www.vision.ee.ethz.ch/~gallju/projects/houghforest/index.html J. Gall and V. Lempitsky, Class-Specific Hough Forests for Object Detection, CVPR, 2009  
Cascade Object Detection with Deformable Part Models Code Object Detection http://people.cs.uchicago.edu/~rbg/star-cascade/ P. Felzenszwalb, R. Girshick, D. McAllester. Cascade Object Detection with Deformable Part Models. CVPR, 2010  
Discriminatively Trained Deformable Part Models Code Object Detection http://people.cs.uchicago.edu/~pff/latent/ P. Felzenszwalb, R. Girshick, D. McAllester, D. Ramanan.  
A simple parts and structure object detector Code Object Detection http://people.csail.mit.edu/fergus/iccv2005/partsstructure.html ICCV 2005 short courses on Recognizing and Learning Object Categories  
Object Recognition with Deformable Models Talk Object Detection http://www.youtube.com/watch?v=_J_clwqQ4gI Pedro Felzenszwalb, Brown University  
Ensemble of Exemplar-SVMs for Object Detection and Beyond Code Object Detection http://www.cs.cmu.edu/~tmalisie/projects/iccv11/ T. Malisiewicz, A. Gupta, A. A. Efros, Ensemble of Exemplar-SVMs for Object Detection and Beyond , ICCV 2011  
Viola-Jones Object Detection Code Object Detection http://pr.willowgarage.com/wiki/FaceDetection P. Viola and M. Jones, Rapid Object Detection Using a Boosted Cascade of Simple Features, CVPR, 2001  
Implicit Shape Model Code Object Detection http://www.vision.ee.ethz.ch/~bleibe/code/ism.html B. Leibe, A. Leonardis, B. Schiele. Robust Object Detection with Interleaved Categorization and Segmentation, IJCV, 2008  
Multiple Kernels Code Object Detection http://www.robots.ox.ac.uk/~vgg/software/MKL/ A. Vedaldi, V. Gulshan, M. Varma, and A. Zisserman, Multiple Kernels for Object Detection. ICCV, 2009  
Ensemble of Exemplar-SVMs Code Object Detection http://www.cs.cmu.edu/~tmalisie/projects/iccv11/ T. Malisiewicz, A. Gupta, A. Efros. Ensemble of Exemplar-SVMs for Object Detection and Beyond . ICCV, 2011  
Using Multiple Segmentations to Discover Objects and their Extent in Image Collections Code Object Discovery http://people.csail.mit.edu/brussell/research/proj/mult_seg_discovery/index.html B. Russell, A. A. Efros, J. Sivic, W. T. Freeman, A. Zisserman, Using Multiple Segmentations to Discover Objects and their Extent in Image Collections, CVPR 2006  
Objectness measure Code Object Proposal http://www.vision.ee.ethz.ch/~calvin/objectness/objectness-release-v1.01.tar.gz B. Alexe, T. Deselaers, V. Ferrari, What is an Object?, CVPR 2010  
Parametric min-cut Code Object Proposal http://sminchisescu.ins.uni-bonn.de/code/cpmc/ J. Carreira and C. Sminchisescu. Constrained Parametric Min-Cuts for Automatic Object Segmentation, CVPR 2010  
Region-based Object Proposal Code Object Proposal http://vision.cs.uiuc.edu/proposals/ I. Endres and D. Hoiem. Category Independent Object Proposals, ECCV 2010  
Biologically motivated object recognition Code Object Recognition http://cbcl.mit.edu/software-datasets/standardmodel/index.html T. Serre, L. Wolf and T. Poggio. Object recognition with features inspired by visual cortex, CVPR 2005  
Recognition by Association via Learning Per-exemplar Distances Code Object Recognition http://www.cs.cmu.edu/~tmalisie/projects/cvpr08/dfuns.tar.gz T. Malisiewicz, A. A. Efros, Recognition by Association via Learning Per-exemplar Distances, CVPR 2008  
Sparse to Dense Labeling Code Object Segmentation http://lmb.informatik.uni-freiburg.de/resources/binaries/SparseToDenseLabeling.tar.gz P. Ochs, T. Brox, Object Segmentation in Video: A Hierarchical Variational Approach for Turning Point Trajectories into Dense Regions, ICCV 2011  
ClassCut for Unsupervised Class Segmentation Code Object Segmentation http://www.vision.ee.ethz.ch/~calvin/classcut/ClassCut-release.zip B. Alexe, T. Deselaers and V. Ferrari, ClassCut for Unsupervised Class Segmentation, ECCV 2010  
Geodesic Star Convexity for Interactive Image Segmentation Code Object Segmentation http://www.robots.ox.ac.uk/~vgg/software/iseg/index.shtml V. Gulshan, C. Rother, A. Criminisi, A. Blake and A. Zisserman. Geodesic star convexity for interactive image segmentation  
Black and Anandan's Optical Flow Code Optical Flow http://www.cs.brown.edu/~dqsun/code/ba.zip  
Optical Flow Evaluation Code Optical Flow http://vision.middlebury.edu/flow/ S. Baker et al. A Database and Evaluation Methodology for Optical Flow, IJCV, 2011  
Optical Flow by Deqing Sun Code Optical Flow http://www.cs.brown.edu/~dqsun/code/flow_code.zip D. Sun, S. Roth, M. J. Black, Secrets of Optical Flow Estimation and Their Principles, CVPR, 2010  
Horn and Schunck's Optical Flow Code Optical Flow http://www.cs.brown.edu/~dqsun/code/hs.zip  
Dense Point Tracking Code Optical Flow http://lmb.informatik.uni-freiburg.de/resources/binaries/ N. Sundaram, T. Brox, K. Keutzer  
Large Displacement Optical Flow Code Optical Flow http://lmb.informatik.uni-freiburg.de/resources/binaries/ T. Brox, J. Malik, Large displacement optical flow: descriptor matching in variational motion estimation, PAMI 2011  
Classical Variational Optical Flow Code Optical Flow http://lmb.informatik.uni-freiburg.de/resources/binaries/ T. Brox, A. Bruhn, N. Papenberg, J. Weickert, High accuracy optical flow estimation based on a theory for warping, ECCV 2004  
Optimization Algorithms in Machine Learning Talk Optimization http://videolectures.net/nips2010_wright_oaml/ Stephen J. Wright, Computer Sciences Department, University of Wisconsin - Madison  
Convex Optimization Talk Optimization http://videolectures.net/mlss2011_vandenberghe_convex/ Lieven Vandenberghe, Electrical Engineering Department, University of California, Los Angeles  
Energy Minimization with Label costs and Applications in Multi-Model Fitting Talk Optimization http://videolectures.net/nipsworkshops2010_boykov_eml/ Yuri Boykov, Department of Computer Science, University of Western Ontario  
Who is Afraid of Non-Convex Loss Functions? Talk Optimization http://videolectures.net/eml07_lecun_wia/ Yann LeCun, New York University  
Optimization Algorithms in Support Vector Machines Talk Optimization and Support Vector Machines http://videolectures.net/mlss09us_wright_oasvm/ Stephen J. Wright, Computer Sciences Department, University of Wisconsin - Madison  
Training Deformable Models for Localization Code Pose Estimation http://www.ics.uci.edu/~dramanan/papers/parse/index.html Ramanan, D. "Learning to Parse Images of Articulated Bodies." NIPS 2006  
Articulated Pose Estimation using Flexible Mixtures of Parts Code Pose Estimation http://phoenix.ics.uci.edu/software/pose/ Y. Yang, D. Ramanan, Articulated Pose Estimation using Flexible Mixtures of Parts, CVPR 2011  
Calvin Upper-Body Detector Code Pose Estimation http://www.vision.ee.ethz.ch/~calvin/calvin_upperbody_detector/ E. Marcin,  F. Vittorio, Better Appearance Models for Pictorial Structures, BMVC 2009  
Estimating Human Pose from Occluded Images Code Pose Estimation http://faculty.ucmerced.edu/mhyang/code/accv09_pose.zip J.-B. Huang and M.-H. Yang, Estimating Human Pose from Occluded Images, ACCV 2009  
Relative Entropy Talk Relative Entropy http://videolectures.net/nips09_verdu_re/ Sergio Verdu, Princeton University  
Saliency-based video segmentation Code Saliency Detection http://www.brl.ntt.co.jp/people/akisato/saliency3.html K. Fukuchi, K.  Miyazato, A. Kimura, S. Takagi and J. Yamato, Saliency-based video segmentation with graph cuts and sequentially updated priors, ICME 2009  
Saliency Using Natural statistics Code Saliency Detection http://cseweb.ucsd.edu/~l6zhang/ L. Zhang, M. Tong, T. Marks, H. Shan, and G. Cottrell. Sun: A bayesian framework for saliency using natural statistics. Journal of Vision, 2008  
Context-aware saliency detection Code Saliency Detection http://webee.technion.ac.il/labs/cgm/Computer-Graphics-Multimedia/Software/Saliency/Saliency.html S. Goferman, L. Zelnik-Manor, and A. Tal. Context-aware saliency detection. In CVPR, 2010.  
Learning to Predict Where Humans Look Code Saliency Detection http://people.csail.mit.edu/tjudd/WherePeopleLook/index.html T. Judd and K. Ehinger and F. Durand and A. Torralba, Learning to Predict Where Humans Look, ICCV, 2009  
Graph-based visual saliency Code Saliency Detection http://www.klab.caltech.edu/~harel/share/gbvs.php J. Harel, C. Koch, and P. Perona. Graph-based visual saliency. NIPS, 2007  
Discriminant Saliency for Visual Recognition from Cluttered Scenes Code Saliency Detection http://www.svcl.ucsd.edu/projects/saliency/ D. Gao and N. Vasconcelos, Discriminant Saliency for Visual Recognition from Cluttered Scenes, NIPS, 2004  
Global Contrast based Salient Region Detection Code Saliency Detection http://cg.cs.tsinghua.edu.cn/people/~cmm/saliency/ M.-M. Cheng, G.-X. Zhang, N. J. Mitra, X. Huang, S.-M. Hu. Global Contrast based Salient Region Detection. CVPR, 2011  
Itti, Koch, and Niebur' saliency detection Code Saliency Detection http://www.saliencytoolbox.net/ L. Itti, C. Koch, and E. Niebur. A model of saliency-based visual attention for rapid scene analysis. PAMI, 1998  
Learning Hierarchical Image Representation with Sparsity, Saliency and Locality Code Saliency Detection   J. Yang and M.-H. Yang, Learning Hierarchical Image Representation with Sparsity, Saliency and Locality, BMVC 2011  
Spectrum Scale Space based Visual Saliency Code Saliency Detection http://www.cim.mcgill.ca/~lijian/saliency.htm J Li, M D. Levine, X An and H. He, Saliency Detection Based on Frequency and Spatial Domain Analyses, BMVC 2011  
Attention via Information Maximization Code Saliency Detection http://www.cse.yorku.ca/~neil/AIM.zip N. Bruce and J. Tsotsos. Saliency based on information maximization. In NIPS, 2005  
Saliency detection: A spectral residual approach Code Saliency Detection http://www.klab.caltech.edu/~xhou/projects/spectralResidual/spectralresidual.html X. Hou and L. Zhang. Saliency detection: A spectral residual approach. CVPR, 2007  
Saliency detection using maximum symmetric surround Code Saliency Detection http://ivrg.epfl.ch/supplementary_material/RK_ICIP2010/index.html R. Achanta and S. Susstrunk. Saliency detection using maximum symmetric surround. In ICIP, 2010  
Frequency-tuned salient region detection Code Saliency Detection http://ivrgwww.epfl.ch/supplementary_material/RK_CVPR09/index.html R. Achanta, S. Hemami, F. Estrada, and S. Susstrunk. Frequency-tuned salient region detection. In CVPR, 2009  
Segmenting salient objects from images and videos Code Saliency Detection http://www.cse.oulu.fi/MVG/Downloads/saliency E. Rahtu, J. Kannala, M. Salo, and J. Heikkila. Segmenting salient objects from images and videos. CVPR, 2010  
Diffusion Geometry Methods in Shape Analysis Tutorial Shape Analysis, Diffusion Geometry http://tosca.cs.technion.ac.il/book/course_eccv10.html A. Brontein and M. Bronstein, ECCV 2010 Tutorial  
Source Code Collection for Reproducible Research Link Source code http://www.csee.wvu.edu/~xinl/reproducible_research.html collected by Xin Li, Lane Dept of CSEE, West Virginia University  
Computer Vision Algorithm Implementations Link Source code http://www.cvpapers.com/rr.html CVPapers  
Robust Sparse Coding for Face Recognition Code Sparse Representation http://www4.comp.polyu.edu.hk/~cslzhang/code/RSC.zip M. Yang, L. Zhang, J. Yang and D. Zhang, “Robust Sparse Coding for Face Recognition,” CVPR 2011  
Sparse coding simulation software Code Sparse Representation http://redwood.berkeley.edu/bruno/sparsenet/ Olshausen BA, Field DJ, "Emergence of Simple-Cell Receptive Field Properties by Learning a Sparse Code for Natural Images", Nature 1996  
Sparse and Redundant Representations: From Theory to Applications in Signal and Image Processing Code Sparse Representation http://www.cs.technion.ac.il/~elad/Various/Matlab-Package-Book.rar M. Elad, Sparse and Redundant Representations: From Theory to Applications in Signal and Image Processing  
Fisher Discrimination Dictionary Learning for Sparse Representation Code Sparse Representation http://www4.comp.polyu.edu.hk/~cslzhang/code/FDDL.zip M. Yang, L. Zhang, X. Feng and D. Zhang, Fisher Discrimination Dictionary Learning for Sparse Representation, ICCV 2011  
Efficient sparse coding algorithms Code Sparse Representation http://ai.stanford.edu/~hllee/softwares/nips06-sparsecoding.htm H. Lee, A. Battle, R. Rajat and A. Y. Ng, Efficient sparse coding algorithms, NIPS 2007  
A Linear Subspace Learning Approach via Sparse Coding Code Sparse Representation http://www4.comp.polyu.edu.hk/~cslzhang/code/LSL_SC.zip L. Zhang, P. Zhu, Q. Hu and D. Zhang, “A Linear Subspace Learning Approach via Sparse Coding,” ICCV 2011  
SPArse Modeling Software Code Sparse Representation http://www.di.ens.fr/willow/SPAMS/ J. Mairal, F. Bach, J. Ponce and G. Sapiro. Online Learning for Matrix Factorization and Sparse Coding, JMLR 2010  
Sparse Methods for Machine Learning: Theory and Algorithms Talk Sparse Representation http://videolectures.net/nips09_bach_smm/ Francis R. Bach, INRIA  
Centralized Sparse Representation for Image Restoration Code Sparse Representation http://www4.comp.polyu.edu.hk/~cslzhang/code/CSR_IR.zip W. Dong, L. Zhang and G. Shi, “Centralized Sparse Representation for Image Restoration,” ICCV 2011  
A Tutorial on Spectral Clustering Tutorial Spectral Clustering http://web.mit.edu/~wingated/www/introductions/tutorial_on_spectral_clustering.pdf Ulrike von Luxburg, Max Planck Institute for Biological Cybernetics  
Statistical Learning Theory Talk Statistical Learning Theory http://videolectures.net/mlss04_taylor_slt/ John Shawe-Taylor, Centre for Computational Statistics and Machine Learning, University College London  
Stereo Evaluation Code Stereo http://vision.middlebury.edu/stereo/ D. Scharstein and R. Szeliski. A taxonomy and evaluation of dense two-frame stereo correspondence algorithms, IJCV 2001  
Constant-Space Belief Propagation Code Stereo http://www.cs.cityu.edu.hk/~qiyang/publications/code/cvpr-10-csbp/csbp.htm Q. Yang, L. Wang, and N. Ahuja, A Constant-Space Belief Propagation Algorithm for Stereo Matching, CVPR 2010  
libmv Code Structure from motion http://code.google.com/p/libmv/  
Structure from Motion toolbox for Matlab by Vincent Rabaud Code Structure from motion http://code.google.com/p/vincents-structure-from-motion-matlab-toolbox/  
FIT3D Code Structure from motion http://www.fit3d.info/  
VisualSFM : A Visual Structure from Motion System Code Structure from motion http://www.cs.washington.edu/homes/ccwu/vsfm/  
Structure and Motion Toolkit in Matlab Code Structure from motion http://cms.brookes.ac.uk/staff/PhilipTorr/Code/code_page_4.htm  
Nonrigid Structure from Motion Tutorial Structure from motion http://www.cs.cmu.edu/~yaser/ECCV2010Tutorial.html Y. Sheikh and Sohaib Khan, ECCV 2010 Tutorial  
Bundler Code Structure from motion http://phototour.cs.washington.edu/bundler/ N. Snavely, S M. Seitz, R Szeliski. Photo Tourism: Exploring image collections in 3D. SIGGRAPH 2006  
Nonrigid Structure From Motion in Trajectory Space Code Structure from motion http://cvlab.lums.edu.pk/nrsfm/index.html  
OpenSourcePhotogrammetry Code Structure from motion http://opensourcephotogrammetry.blogspot.com/  
Structured Prediction and Learning in Computer Vision Tutorial Structured Prediction http://www.nowozin.net/sebastian/cvpr2011tutorial/ S. Nowozin and C. Lampert, CVPR 2011 Tutorial  
Generalized Principal Component Analysis Code Subspace Learning http://www.vision.jhu.edu/downloads/main.php?dlID=c1 R. Vidal, Y. Ma and S. Sastry. Generalized Principal Component Analysis (GPCA), CVPR 2003  
Text recognition in the wild Code Text Recognition http://vision.ucsd.edu/~kai/grocr/ K. Wang, B. Babenko, and S. Belongie, End-to-end Scene Text Recognition, ICCV 2011  
Neocognitron for handwritten digit recognition Code Text Recognition http://visiome.neuroinf.jp/modules/xoonips/detail.php?item_id=375 K. Fukushima: "Neocognitron for handwritten digit recognition", Neurocomputing, 2003  
Image Quilting for Texture Synthesis and Transfer Code Texture Synthesis http://www.cs.cmu.edu/~efros/quilt_research_code.zip A. A. Efros and W. T. Freeman, Image Quilting for Texture Synthesis and Transfer, SIGGRAPH 2001  
Variational methods for computer vision Tutorial Variational Calculus http://cvpr.in.tum.de/tutorials/iccv2011 Daniel Cremers, Bastian Goldlucke, Thomas Pock, ICCV 2011 Tutorial  
Variational Methods in Computer Vision Tutorial Variational Calculus http://cvpr.cs.tum.edu/tutorials/eccv2010 D. Cremers, B. Goldlücke, T. Pock, ECCV 2010 Tutorial  
Understanding Visual Scenes Talk Visual Recognition http://videolectures.net/nips09_torralba_uvs/ Antonio Torralba, MIT  
Visual Recognition, University of Texas at Austin, Fall 2011 Course Visual Recognition http://www.cs.utexas.edu/~grauman/courses/fall2011/schedule.html Kristen Grauman  
Tracking using Pixel-Wise Posteriors Code Visual Tracking http://www.robots.ox.ac.uk/~cbibby/research_pwp.shtml C. Bibby and I. Reid, Tracking using Pixel-Wise Posteriors, ECCV 2008  
Visual Tracking with Histograms and Articulating Blocks Code Visual Tracking http://www.cise.ufl.edu/~smshahed/tracking.htm S. M. Shshed Nejhum, J.  Ho, and M.-H.Yang, Visual Tracking with Histograms and Articulating Blocks, CVPR 2008  
Lucas-Kanade affine template tracking Code Visual Tracking http://www.mathworks.com/matlabcentral/fileexchange/24677-lucas-kanade-affine-template-tracking S. Baker and I. Matthews, Lucas-Kanade 20 Years On: A Unifying Framework, IJCV 2002  
Visual Tracking Decomposition Code Visual Tracking http://cv.snu.ac.kr/research/~vtd/ J Kwon and K. M. Lee, Visual Tracking Decomposition, CVPR 2010  
GPU Implementation of Kanade-Lucas-Tomasi Feature Tracker Code Visual Tracking http://cs.unc.edu/~ssinha/Research/GPU_KLT/ S. N Sinha, J.-M. Frahm, M. Pollefeys and Y. Genc, Feature Tracking and Matching in Video Using Programmable Graphics Hardware, MVA, 2007  
Motion Tracking in Image Sequences Code Visual Tracking http://www.cs.berkeley.edu/~flw/tracker/ C. Stauffer and W. E. L. Grimson. Learning patterns of activity using real-time tracking, PAMI, 2000  
Particle Filter Object Tracking Code Visual Tracking http://blogs.oregonstate.edu/hess/code/particles/  
Tracking with Online Multiple Instance Learning Code Visual Tracking http://vision.ucsd.edu/~bbabenko/project_miltrack.shtml B. Babenko, M.-H. Yang, S. Belongie, Visual Tracking with Online Multiple Instance Learning, PAMI 2011  
KLT: An Implementation of the Kanade-Lucas-Tomasi Feature Tracker Code Visual Tracking http://www.ces.clemson.edu/~stb/klt/ B. D. Lucas and T. Kanade. An Iterative Image Registration Technique with an Application to Stereo Vision. IJCAI, 1981  
Superpixel Tracking Code Visual Tracking http://faculty.ucmerced.edu/mhyang/papers/iccv11a.html S. Wang, H. Lu, F. Yang, and M.-H. Yang, Superpixel Tracking, ICCV 2011  
L1 Tracking Code Visual Tracking http://www.dabi.temple.edu/~hbling/code_data.htm X. Mei and H. Ling, Robust Visual Tracking using L1 Minimization, ICCV, 2009  
Online Discriminative Object Tracking with Local Sparse Representation Code Visual Tracking http://faculty.ucmerced.edu/mhyang/code/wacv12a_code.zip Q. Wang, F. Chen, W. Xu, and M.-H. Yang, Online Discriminative Object Tracking with Local Sparse Representation, WACV 2012  
Incremental Learning for Robust Visual Tracking Code Visual Tracking http://www.cs.toronto.edu/~dross/ivt/ D. Ross, J. Lim, R.-S. Lin, M.-H. Yang, Incremental Learning for Robust Visual Tracking, IJCV 2007  
Online boosting trackers Code Visual Tracking http://www.vision.ee.ethz.ch/boostingTrackers/ H. Grabner, and H. Bischof, On-line Boosting and Vision, CVPR, 2006  
Globally-Optimal Greedy Algorithms for Tracking a Variable Number of Objects Code Visual Tracking http://www.ics.uci.edu/~hpirsiav/papers/tracking_cvpr11_release_v1.0.tar.gz H. Pirsiavash, D. Ramanan, C. Fowlkes. "Globally-Optimal Greedy Algorithms for Tracking a Variable Number of Objects, CVPR 2011  
Object Tracking Code Visual Tracking http://plaza.ufl.edu/lvtaoran/object%20tracking.htm A. Yilmaz, O. Javed and M. Shah, Object Tracking: A Survey, ACM Journal of Computing Surveys, Vol. 38, No. 4, 2006
查看全文
如若内容造成侵权/违法违规/事实不符,请联系编程学习网邮箱:809451989@qq.com进行投诉反馈,一经查实,立即删除!

相关文章

  1. Python实现RabbitMQ中6种消息模型!

    RabbitMQ与Redis对比RabbitMQ是一种比较流行的消息中间件,之前我一直使用redis作为消息中间件,但是生产环境比较推荐RabbitMQ来替代Redis,所以我去查询了一些RabbitMQ的资料。相比于Redis,RabbitMQ优点很多,比如:具有消息消费确认机制队列,消息,都可以选择是否持久化,…...

    2024/4/20 20:42:45
  2. 轻量级便捷DIY的遮罩

    遮罩应该很多人都会需要的,血条、进度条神马的都离不开它。最简单高效的办法是用Shader实现贴上一个:复制代码 123456789101112131415161718192021222324252627282930313233343536373839404142434445464748495051525354555657585960616263646566676869Sh…...

    2024/5/5 12:21:31
  3. 深度学习论文和开源代码

    语义分割: Awesome Semantic Segmentation https://github.com/mrgloom/awesome-semantic-segmentation Semantic Segmentation Algorithms Implemented in PyTorch https://github.com/meetshah1995/pytorch-semseg Learning Deconvolution Network for Semanti…...

    2024/5/6 23:54:26
  4. CVPR2019目标检测

    作为计算机视觉领域三大顶会之一,CVPR2019(2019.6.16-6.19在美国洛杉矶举办)被CVers 重点关注。目前CVPR 2019 接收结果已经出来啦,相关报道:1300篇!CVPR2019接收结果公布,你中了吗?…...

    2024/4/20 20:42:41
  5. 6月份GitHub上最热门的开源项目排行结果出炉!

    导读6月份GitHub上热门的开源项目排行已经出炉啦,一起来看看上榜详情吧!1. cwa-app-android https://github.com/corona-warn-app/cwa-app-android Star 1526 Corona-Warn-App(简称CWA)意思是“新冠病毒预警 App”,基于苹果和谷歌的 Expos…...

    2024/4/21 1:28:36
  6. Github上前十名的机器学习开源项目

    文章来源:ATYUN AI平台 在过去的一个月里,我们对将近250个机器学习开源项目进行了排名,并选出了前10名。 我们比较了在此期间的新项目或主要推出项目。Mybridge AI根据各种因素对项目进行排名,以衡量其质量。以下是对这些项目的…...

    2024/4/25 17:43:57
  7. 【GitHub】知识蒸馏从入门到精通

    点击上方,选择星标,每天给你送干货!转载自 | 专知【导读】知识蒸馏(Knowledge Distilling)是由大神Geoffrey Hinton、Oriol Vinyals、Jeff Dean在NIPS2015上提出的。作为模型压缩的一种方法,知识蒸馏能够利…...

    2024/4/21 1:28:34
  8. DeepFaceLab强大的换脸软件

    开源网址:https://github.com/iperov/DeepFaceLab...

    2024/4/21 1:28:33
  9. Windows 花屏问题

    已经有2台电脑 Windows 10 系统出现花屏现象,表现为比较炫的界面出现花屏、文字显示不全、移位、闪烁等,如果点击“设置”、“开始”,Chrome浏览器等;比较平素的界面显示正常,比如资源管理器。 第1台出现问题是 Thinkp…...

    2024/5/7 1:26:30
  10. Ubuntu16.04 花屏修复

    花屏修复花屏现象花屏修复 花屏修复 花屏现象 刚开始给自己的台式机安装的为 Ubuntu17.04 系统,发现在打开网页或者在命令行敲击命令时,经常会出现花屏现象,如下图所示: 轻微花屏 严重花屏 猜测可能是由于台式机较老旧的原…...

    2024/4/21 1:28:30
  11. rtmp投屏花屏卡顿原因分析

    rtmp投屏花屏卡顿原因分析 1.丢失参考帧导致的 一般 H.264 码流有 I、B、P 三种帧类型,I 帧是关键帧,B 帧是双向预测内插编码帧,P 帧是前向预测编码帧。 I 帧由于是帧内压缩,因此可以独立解码播放,而 B 帧&#xff…...

    2024/4/24 14:55:49
  12. 解决ubuntu花屏的问题

    解决办法: 【安装】 1 安装时按任一键,将出现选单“就是有试用和安装”那个界面 2 选语言后,光标移到“试用和安装”,按F6【其他选项】,再按ESC跳出来 3 此时屏幕下方会有一行“开机选项”【一段可编辑的文字】 4…...

    2024/5/5 14:56:19
  13. ubuntu 安装 花屏

    解决办法: 【安装】 1 安装时按任一键,将出现选单“就是有试用和安装”那个界面 2 选语言后,光标移到“试用和安装”,按F6【其他选项】,再按ESC跳出来 3 此时屏幕下方会有一行“开机选项”【一段可编辑的文字】 4 找到…...

    2024/4/21 1:28:27
  14. Ubuntu花屏问题

    博主RTX2060S显卡 处理器R5 3600无核显,台机主板msi B450M迫击炮 装的双系统win10ubuntu18.04,通过UEFI选择进入ubuntu系统总是花屏 暂时不能FQ所以百度搜了半天,各种复制来复制去一样的方法,大多数笔记本的方法,解决…...

    2024/4/21 1:28:27
  15. 华为fusion compute桌面云开机花屏处理方法

    在部署完虚拟化V100R003C10SPC605平台,创建虚机并给虚拟机安装完Redhat 6.5操作系统重启后,出现花屏现象,无法进入图形界面;可以正常进入命令行模式,并且可以正常使用。 Redhat 6.5版本中自带的xorg-x11-drv-cirrus图形…...

    2024/4/21 1:28:25
  16. 从FFmpeg源码去解决IJKPlayer直播花屏问题

    IJKPlayer是一个非常优秀的播放器,支持rtmp、rtsp、http等协议直播,也支持Android、iOS跨平台使用。我在使用IJKPlayer做rtsp直播时,发现分辨率在达到1080P甚至是4K时,由于数据量比较大,有时出现花屏,影响用…...

    2024/5/6 14:10:09
  17. Linux_花屏

    virtualbox安装CentOS7,增强功能, 花屏 右边的ctrl f1 右边的ctrl f7 右边的ctrl f1(回到图形界面)...

    2024/4/20 6:31:01
  18. 装主机和Ubuntu花屏

    1.电脑黑屏:插口插在主板核显插口上,插在显卡上才行、 2.安装win10 后,再装Ubuntu18.04过程(还未到界面)出现花屏,可能的原因是: 1.BIOS中将安全启动关闭 2.快速启动关闭 3.最主要的要在BIOS将独…...

    2024/5/5 8:27:28
  19. FFmpeg解码H264视频流局部花屏解决方法

    在项目中使用到了FFmpeg实现屏幕广播技术,其物理拓扑图如下: 由于我们的场景是在局域网中,因此基于FFmpeg的udp协议进行播放;当视频流是从windows 10 系统播出时,部分接收端存在局部花屏现象现象; 为了验…...

    2024/5/5 12:21:38
  20. [引擎]之六:渲染原理和在Unity3D中的应用分析(花屏处理)

    在Unity3D的使用过程中,项目中有可能出现花屏现象。并且,有可能是偶现或者必现的,但这真的是个bug,可以被解决的。 参考**《3D游戏编程大师技巧》3.2.1帧缓存和视频系统和3.2.3缓存交换**,先搞清楚原理,再对照出现的现…...

    2024/5/5 14:43:18

最新文章

  1. 第八节课《大模型微调数据构造》

    大模型微调数据构造(补充课程)_哔哩哔哩_bilibili Tutorial/FineTune at main Focusshang/Tutorial GitHub 一、大模型训练数据介绍 预训练: 网络、论文数据,无标签数据transform算法base model典型:GPT监督微调 对…...

    2024/5/7 6:23:37
  2. 梯度消失和梯度爆炸的一些处理方法

    在这里是记录一下梯度消失或梯度爆炸的一些处理技巧。全当学习总结了如有错误还请留言,在此感激不尽。 权重和梯度的更新公式如下: w w − η ⋅ ∇ w w w - \eta \cdot \nabla w ww−η⋅∇w 个人通俗的理解梯度消失就是网络模型在反向求导的时候出…...

    2024/5/6 9:38:23
  3. Harmony鸿蒙南向驱动开发-UART

    UART指异步收发传输器(Universal Asynchronous Receiver/Transmitter),是通用串行数据总线,用于异步通信。该总线双向通信,可以实现全双工传输。 两个UART设备的连接示意图如下,UART与其他模块一般用2线&a…...

    2024/4/30 1:11:28
  4. dp小兰走迷宫

    昨天学习了bfs的基本概念&#xff0c;今天来做一道经典习题练练手吧&#xff01; bfs常用的两类题型 1.从A出发是否存在到达B的路径(dfs也可) 2.从A出发到B的最短路径&#xff08;数小:<20才能用dfs&#xff09; 遗留的那个问题的答案- 题目&#xff1a;走迷宫 #incl…...

    2024/5/7 4:57:38
  5. 【ARM 嵌入式 C 文件操作系列 20 -- 文件删除函数 remove 详细介绍】

    请阅读【嵌入式开发学习必备专栏 】 文章目录 文件删除函数 remove 文件删除函数 remove 在 C 语言中&#xff0c; 可以使用 remove 函数来删除一个文件&#xff0c;但在删除之前 可能想确认该文件是否存在。 可以使用 stat 函数来检查文件是否存在。 以下是如何实现这个功能…...

    2024/5/1 18:15:01
  6. 【外汇早评】美通胀数据走低,美元调整

    原标题:【外汇早评】美通胀数据走低,美元调整昨日美国方面公布了新一期的核心PCE物价指数数据,同比增长1.6%,低于前值和预期值的1.7%,距离美联储的通胀目标2%继续走低,通胀压力较低,且此前美国一季度GDP初值中的消费部分下滑明显,因此市场对美联储后续更可能降息的政策…...

    2024/5/7 5:50:09
  7. 【原油贵金属周评】原油多头拥挤,价格调整

    原标题:【原油贵金属周评】原油多头拥挤,价格调整本周国际劳动节,我们喜迎四天假期,但是整个金融市场确实流动性充沛,大事频发,各个商品波动剧烈。美国方面,在本周四凌晨公布5月份的利率决议和新闻发布会,维持联邦基金利率在2.25%-2.50%不变,符合市场预期。同时美联储…...

    2024/5/4 23:54:56
  8. 【外汇周评】靓丽非农不及疲软通胀影响

    原标题:【外汇周评】靓丽非农不及疲软通胀影响在刚结束的周五,美国方面公布了新一期的非农就业数据,大幅好于前值和预期,新增就业重新回到20万以上。具体数据: 美国4月非农就业人口变动 26.3万人,预期 19万人,前值 19.6万人。 美国4月失业率 3.6%,预期 3.8%,前值 3…...

    2024/5/4 23:54:56
  9. 【原油贵金属早评】库存继续增加,油价收跌

    原标题:【原油贵金属早评】库存继续增加,油价收跌周三清晨公布美国当周API原油库存数据,上周原油库存增加281万桶至4.692亿桶,增幅超过预期的74.4万桶。且有消息人士称,沙特阿美据悉将于6月向亚洲炼油厂额外出售更多原油,印度炼油商预计将每日获得至多20万桶的额外原油供…...

    2024/5/6 9:21:00
  10. 【外汇早评】日本央行会议纪要不改日元强势

    原标题:【外汇早评】日本央行会议纪要不改日元强势近两日日元大幅走强与近期市场风险情绪上升,避险资金回流日元有关,也与前一段时间的美日贸易谈判给日本缓冲期,日本方面对汇率问题也避免继续贬值有关。虽然今日早间日本央行公布的利率会议纪要仍然是支持宽松政策,但这符…...

    2024/5/4 23:54:56
  11. 【原油贵金属早评】欧佩克稳定市场,填补伊朗问题的影响

    原标题:【原油贵金属早评】欧佩克稳定市场,填补伊朗问题的影响近日伊朗局势升温,导致市场担忧影响原油供给,油价试图反弹。此时OPEC表态稳定市场。据消息人士透露,沙特6月石油出口料将低于700万桶/日,沙特已经收到石油消费国提出的6月份扩大出口的“适度要求”,沙特将满…...

    2024/5/4 23:55:05
  12. 【外汇早评】美欲与伊朗重谈协议

    原标题:【外汇早评】美欲与伊朗重谈协议美国对伊朗的制裁遭到伊朗的抗议,昨日伊朗方面提出将部分退出伊核协议。而此行为又遭到欧洲方面对伊朗的谴责和警告,伊朗外长昨日回应称,欧洲国家履行它们的义务,伊核协议就能保证存续。据传闻伊朗的导弹已经对准了以色列和美国的航…...

    2024/5/4 23:54:56
  13. 【原油贵金属早评】波动率飙升,市场情绪动荡

    原标题:【原油贵金属早评】波动率飙升,市场情绪动荡因中美贸易谈判不安情绪影响,金融市场各资产品种出现明显的波动。随着美国与中方开启第十一轮谈判之际,美国按照既定计划向中国2000亿商品征收25%的关税,市场情绪有所平复,已经开始接受这一事实。虽然波动率-恐慌指数VI…...

    2024/5/4 23:55:16
  14. 【原油贵金属周评】伊朗局势升温,黄金多头跃跃欲试

    原标题:【原油贵金属周评】伊朗局势升温,黄金多头跃跃欲试美国和伊朗的局势继续升温,市场风险情绪上升,避险黄金有向上突破阻力的迹象。原油方面稍显平稳,近期美国和OPEC加大供给及市场需求回落的影响,伊朗局势并未推升油价走强。近期中美贸易谈判摩擦再度升级,美国对中…...

    2024/5/4 23:54:56
  15. 【原油贵金属早评】市场情绪继续恶化,黄金上破

    原标题:【原油贵金属早评】市场情绪继续恶化,黄金上破周初中国针对于美国加征关税的进行的反制措施引发市场情绪的大幅波动,人民币汇率出现大幅的贬值动能,金融市场受到非常明显的冲击。尤其是波动率起来之后,对于股市的表现尤其不安。隔夜美国股市出现明显的下行走势,这…...

    2024/5/6 1:40:42
  16. 【外汇早评】美伊僵持,风险情绪继续升温

    原标题:【外汇早评】美伊僵持,风险情绪继续升温昨日沙特两艘油轮再次发生爆炸事件,导致波斯湾局势进一步恶化,市场担忧美伊可能会出现摩擦生火,避险品种获得支撑,黄金和日元大幅走强。美指受中美贸易问题影响而在低位震荡。继5月12日,四艘商船在阿联酋领海附近的阿曼湾、…...

    2024/5/4 23:54:56
  17. 【原油贵金属早评】贸易冲突导致需求低迷,油价弱势

    原标题:【原油贵金属早评】贸易冲突导致需求低迷,油价弱势近日虽然伊朗局势升温,中东地区几起油船被袭击事件影响,但油价并未走高,而是出于调整结构中。由于市场预期局势失控的可能性较低,而中美贸易问题导致的全球经济衰退风险更大,需求会持续低迷,因此油价调整压力较…...

    2024/5/4 23:55:17
  18. 氧生福地 玩美北湖(上)——为时光守候两千年

    原标题:氧生福地 玩美北湖(上)——为时光守候两千年一次说走就走的旅行,只有一张高铁票的距离~ 所以,湖南郴州,我来了~ 从广州南站出发,一个半小时就到达郴州西站了。在动车上,同时改票的南风兄和我居然被分到了一个车厢,所以一路非常愉快地聊了过来。 挺好,最起…...

    2024/5/4 23:55:06
  19. 氧生福地 玩美北湖(中)——永春梯田里的美与鲜

    原标题:氧生福地 玩美北湖(中)——永春梯田里的美与鲜一觉醒来,因为大家太爱“美”照,在柳毅山庄去寻找龙女而错过了早餐时间。近十点,向导坏坏还是带着饥肠辘辘的我们去吃郴州最富有盛名的“鱼头粉”。说这是“十二分推荐”,到郴州必吃的美食之一。 哇塞!那个味美香甜…...

    2024/5/4 23:54:56
  20. 氧生福地 玩美北湖(下)——奔跑吧骚年!

    原标题:氧生福地 玩美北湖(下)——奔跑吧骚年!让我们红尘做伴 活得潇潇洒洒 策马奔腾共享人世繁华 对酒当歌唱出心中喜悦 轰轰烈烈把握青春年华 让我们红尘做伴 活得潇潇洒洒 策马奔腾共享人世繁华 对酒当歌唱出心中喜悦 轰轰烈烈把握青春年华 啊……啊……啊 两…...

    2024/5/4 23:55:06
  21. 扒开伪装医用面膜,翻六倍价格宰客,小姐姐注意了!

    原标题:扒开伪装医用面膜,翻六倍价格宰客,小姐姐注意了!扒开伪装医用面膜,翻六倍价格宰客!当行业里的某一品项火爆了,就会有很多商家蹭热度,装逼忽悠,最近火爆朋友圈的医用面膜,被沾上了污点,到底怎么回事呢? “比普通面膜安全、效果好!痘痘、痘印、敏感肌都能用…...

    2024/5/5 8:13:33
  22. 「发现」铁皮石斛仙草之神奇功效用于医用面膜

    原标题:「发现」铁皮石斛仙草之神奇功效用于医用面膜丽彦妆铁皮石斛医用面膜|石斛多糖无菌修护补水贴19大优势: 1、铁皮石斛:自唐宋以来,一直被列为皇室贡品,铁皮石斛生于海拔1600米的悬崖峭壁之上,繁殖力差,产量极低,所以古代仅供皇室、贵族享用 2、铁皮石斛自古民间…...

    2024/5/4 23:55:16
  23. 丽彦妆\医用面膜\冷敷贴轻奢医学护肤引导者

    原标题:丽彦妆\医用面膜\冷敷贴轻奢医学护肤引导者【公司简介】 广州华彬企业隶属香港华彬集团有限公司,专注美业21年,其旗下品牌: 「圣茵美」私密荷尔蒙抗衰,产后修复 「圣仪轩」私密荷尔蒙抗衰,产后修复 「花茵莳」私密荷尔蒙抗衰,产后修复 「丽彦妆」专注医学护…...

    2024/5/4 23:54:58
  24. 广州械字号面膜生产厂家OEM/ODM4项须知!

    原标题:广州械字号面膜生产厂家OEM/ODM4项须知!广州械字号面膜生产厂家OEM/ODM流程及注意事项解读: 械字号医用面膜,其实在我国并没有严格的定义,通常我们说的医美面膜指的应该是一种「医用敷料」,也就是说,医用面膜其实算作「医疗器械」的一种,又称「医用冷敷贴」。 …...

    2024/5/6 21:42:42
  25. 械字号医用眼膜缓解用眼过度到底有无作用?

    原标题:械字号医用眼膜缓解用眼过度到底有无作用?医用眼膜/械字号眼膜/医用冷敷眼贴 凝胶层为亲水高分子材料,含70%以上的水分。体表皮肤温度传导到本产品的凝胶层,热量被凝胶内水分子吸收,通过水分的蒸发带走大量的热量,可迅速地降低体表皮肤局部温度,减轻局部皮肤的灼…...

    2024/5/4 23:54:56
  26. 配置失败还原请勿关闭计算机,电脑开机屏幕上面显示,配置失败还原更改 请勿关闭计算机 开不了机 这个问题怎么办...

    解析如下&#xff1a;1、长按电脑电源键直至关机&#xff0c;然后再按一次电源健重启电脑&#xff0c;按F8健进入安全模式2、安全模式下进入Windows系统桌面后&#xff0c;按住“winR”打开运行窗口&#xff0c;输入“services.msc”打开服务设置3、在服务界面&#xff0c;选中…...

    2022/11/19 21:17:18
  27. 错误使用 reshape要执行 RESHAPE,请勿更改元素数目。

    %读入6幅图像&#xff08;每一幅图像的大小是564*564&#xff09; f1 imread(WashingtonDC_Band1_564.tif); subplot(3,2,1),imshow(f1); f2 imread(WashingtonDC_Band2_564.tif); subplot(3,2,2),imshow(f2); f3 imread(WashingtonDC_Band3_564.tif); subplot(3,2,3),imsho…...

    2022/11/19 21:17:16
  28. 配置 已完成 请勿关闭计算机,win7系统关机提示“配置Windows Update已完成30%请勿关闭计算机...

    win7系统关机提示“配置Windows Update已完成30%请勿关闭计算机”问题的解决方法在win7系统关机时如果有升级系统的或者其他需要会直接进入一个 等待界面&#xff0c;在等待界面中我们需要等待操作结束才能关机&#xff0c;虽然这比较麻烦&#xff0c;但是对系统进行配置和升级…...

    2022/11/19 21:17:15
  29. 台式电脑显示配置100%请勿关闭计算机,“准备配置windows 请勿关闭计算机”的解决方法...

    有不少用户在重装Win7系统或更新系统后会遇到“准备配置windows&#xff0c;请勿关闭计算机”的提示&#xff0c;要过很久才能进入系统&#xff0c;有的用户甚至几个小时也无法进入&#xff0c;下面就教大家这个问题的解决方法。第一种方法&#xff1a;我们首先在左下角的“开始…...

    2022/11/19 21:17:14
  30. win7 正在配置 请勿关闭计算机,怎么办Win7开机显示正在配置Windows Update请勿关机...

    置信有很多用户都跟小编一样遇到过这样的问题&#xff0c;电脑时发现开机屏幕显现“正在配置Windows Update&#xff0c;请勿关机”(如下图所示)&#xff0c;而且还需求等大约5分钟才干进入系统。这是怎样回事呢&#xff1f;一切都是正常操作的&#xff0c;为什么开时机呈现“正…...

    2022/11/19 21:17:13
  31. 准备配置windows 请勿关闭计算机 蓝屏,Win7开机总是出现提示“配置Windows请勿关机”...

    Win7系统开机启动时总是出现“配置Windows请勿关机”的提示&#xff0c;没过几秒后电脑自动重启&#xff0c;每次开机都这样无法进入系统&#xff0c;此时碰到这种现象的用户就可以使用以下5种方法解决问题。方法一&#xff1a;开机按下F8&#xff0c;在出现的Windows高级启动选…...

    2022/11/19 21:17:12
  32. 准备windows请勿关闭计算机要多久,windows10系统提示正在准备windows请勿关闭计算机怎么办...

    有不少windows10系统用户反映说碰到这样一个情况&#xff0c;就是电脑提示正在准备windows请勿关闭计算机&#xff0c;碰到这样的问题该怎么解决呢&#xff0c;现在小编就给大家分享一下windows10系统提示正在准备windows请勿关闭计算机的具体第一种方法&#xff1a;1、2、依次…...

    2022/11/19 21:17:11
  33. 配置 已完成 请勿关闭计算机,win7系统关机提示“配置Windows Update已完成30%请勿关闭计算机”的解决方法...

    今天和大家分享一下win7系统重装了Win7旗舰版系统后&#xff0c;每次关机的时候桌面上都会显示一个“配置Windows Update的界面&#xff0c;提示请勿关闭计算机”&#xff0c;每次停留好几分钟才能正常关机&#xff0c;导致什么情况引起的呢&#xff1f;出现配置Windows Update…...

    2022/11/19 21:17:10
  34. 电脑桌面一直是清理请关闭计算机,windows7一直卡在清理 请勿关闭计算机-win7清理请勿关机,win7配置更新35%不动...

    只能是等着&#xff0c;别无他法。说是卡着如果你看硬盘灯应该在读写。如果从 Win 10 无法正常回滚&#xff0c;只能是考虑备份数据后重装系统了。解决来方案一&#xff1a;管理员运行cmd&#xff1a;net stop WuAuServcd %windir%ren SoftwareDistribution SDoldnet start WuA…...

    2022/11/19 21:17:09
  35. 计算机配置更新不起,电脑提示“配置Windows Update请勿关闭计算机”怎么办?

    原标题&#xff1a;电脑提示“配置Windows Update请勿关闭计算机”怎么办&#xff1f;win7系统中在开机与关闭的时候总是显示“配置windows update请勿关闭计算机”相信有不少朋友都曾遇到过一次两次还能忍但经常遇到就叫人感到心烦了遇到这种问题怎么办呢&#xff1f;一般的方…...

    2022/11/19 21:17:08
  36. 计算机正在配置无法关机,关机提示 windows7 正在配置windows 请勿关闭计算机 ,然后等了一晚上也没有关掉。现在电脑无法正常关机...

    关机提示 windows7 正在配置windows 请勿关闭计算机 &#xff0c;然后等了一晚上也没有关掉。现在电脑无法正常关机以下文字资料是由(历史新知网www.lishixinzhi.com)小编为大家搜集整理后发布的内容&#xff0c;让我们赶快一起来看一下吧&#xff01;关机提示 windows7 正在配…...

    2022/11/19 21:17:05
  37. 钉钉提示请勿通过开发者调试模式_钉钉请勿通过开发者调试模式是真的吗好不好用...

    钉钉请勿通过开发者调试模式是真的吗好不好用 更新时间:2020-04-20 22:24:19 浏览次数:729次 区域: 南阳 > 卧龙 列举网提醒您:为保障您的权益,请不要提前支付任何费用! 虚拟位置外设器!!轨迹模拟&虚拟位置外设神器 专业用于:钉钉,外勤365,红圈通,企业微信和…...

    2022/11/19 21:17:05
  38. 配置失败还原请勿关闭计算机怎么办,win7系统出现“配置windows update失败 还原更改 请勿关闭计算机”,长时间没反应,无法进入系统的解决方案...

    前几天班里有位学生电脑(windows 7系统)出问题了&#xff0c;具体表现是开机时一直停留在“配置windows update失败 还原更改 请勿关闭计算机”这个界面&#xff0c;长时间没反应&#xff0c;无法进入系统。这个问题原来帮其他同学也解决过&#xff0c;网上搜了不少资料&#x…...

    2022/11/19 21:17:04
  39. 一个电脑无法关闭计算机你应该怎么办,电脑显示“清理请勿关闭计算机”怎么办?...

    本文为你提供了3个有效解决电脑显示“清理请勿关闭计算机”问题的方法&#xff0c;并在最后教给你1种保护系统安全的好方法&#xff0c;一起来看看&#xff01;电脑出现“清理请勿关闭计算机”在Windows 7(SP1)和Windows Server 2008 R2 SP1中&#xff0c;添加了1个新功能在“磁…...

    2022/11/19 21:17:03
  40. 请勿关闭计算机还原更改要多久,电脑显示:配置windows更新失败,正在还原更改,请勿关闭计算机怎么办...

    许多用户在长期不使用电脑的时候&#xff0c;开启电脑发现电脑显示&#xff1a;配置windows更新失败&#xff0c;正在还原更改&#xff0c;请勿关闭计算机。。.这要怎么办呢&#xff1f;下面小编就带着大家一起看看吧&#xff01;如果能够正常进入系统&#xff0c;建议您暂时移…...

    2022/11/19 21:17:02
  41. 还原更改请勿关闭计算机 要多久,配置windows update失败 还原更改 请勿关闭计算机,电脑开机后一直显示以...

    配置windows update失败 还原更改 请勿关闭计算机&#xff0c;电脑开机后一直显示以以下文字资料是由(历史新知网www.lishixinzhi.com)小编为大家搜集整理后发布的内容&#xff0c;让我们赶快一起来看一下吧&#xff01;配置windows update失败 还原更改 请勿关闭计算机&#x…...

    2022/11/19 21:17:01
  42. 电脑配置中请勿关闭计算机怎么办,准备配置windows请勿关闭计算机一直显示怎么办【图解】...

    不知道大家有没有遇到过这样的一个问题&#xff0c;就是我们的win7系统在关机的时候&#xff0c;总是喜欢显示“准备配置windows&#xff0c;请勿关机”这样的一个页面&#xff0c;没有什么大碍&#xff0c;但是如果一直等着的话就要两个小时甚至更久都关不了机&#xff0c;非常…...

    2022/11/19 21:17:00
  43. 正在准备配置请勿关闭计算机,正在准备配置windows请勿关闭计算机时间长了解决教程...

    当电脑出现正在准备配置windows请勿关闭计算机时&#xff0c;一般是您正对windows进行升级&#xff0c;但是这个要是长时间没有反应&#xff0c;我们不能再傻等下去了。可能是电脑出了别的问题了&#xff0c;来看看教程的说法。正在准备配置windows请勿关闭计算机时间长了方法一…...

    2022/11/19 21:16:59
  44. 配置失败还原请勿关闭计算机,配置Windows Update失败,还原更改请勿关闭计算机...

    我们使用电脑的过程中有时会遇到这种情况&#xff0c;当我们打开电脑之后&#xff0c;发现一直停留在一个界面&#xff1a;“配置Windows Update失败&#xff0c;还原更改请勿关闭计算机”&#xff0c;等了许久还是无法进入系统。如果我们遇到此类问题应该如何解决呢&#xff0…...

    2022/11/19 21:16:58
  45. 如何在iPhone上关闭“请勿打扰”

    Apple’s “Do Not Disturb While Driving” is a potentially lifesaving iPhone feature, but it doesn’t always turn on automatically at the appropriate time. For example, you might be a passenger in a moving car, but your iPhone may think you’re the one dri…...

    2022/11/19 21:16:57