Improved Spatial Pyramid Matching for Image Classification

Size: px
Start display at page:

Download "Improved Spatial Pyramid Matching for Image Classification"

Transcription

1 Improved Spatial Pyramid Matching for Image Classification Mohammad Shahiduzzaman, Dengsheng Zhang, and Guojun Lu Gippsland School of IT, Monash University, Australia Abstract. Spatial analysis of salient feature points has been shown to be promising in image analysis and classification. In the past, spatial pyramid matching makes use of both of salient feature points and spatial multiresolution blocks to match between images. However, it is shown that different images or blocks can still have similar features using spatial pyramid matching. The analysis and matching will be more accurate in scale space. In this paper, we propose to do spatial pyramid matching in scale space. Specifically, pyramid match histograms are computed in multiple scales to refine the kernel for support vector machine classification. We show that the combination of salient point features, scale space and spatial pyramid matching improves the original spatial pyramid matching significantly. 1 Introduction Image classification has attracted large amount of research interest in the past few decades due to the ever increasing digital image data generated around the world. Traditionally, images are represented and retrieved using low level features. Recently, machine learning tools have been widely used to classify images into semantic categories. Now low level features can be used more efficiently than ever. Image classification is an important application in computer vision. Our research goal is to improve methods for Image classification, more specifically natural scene images or images with some spatial configurations. We want to classify an image based on its semantic category of a scene like forest, road or building etc. Our approach to whole image categorization employs to renowned techniques namely Spatial Pyramid Matching (SPM) [1] and scale space theory. Our objective is to combine the power of these two methods. In this paper, scene categorization is attempted by global image representation developed from low level image properties. There is another approach for this task that is to get idea of high level semantic attributes by segmentation of objects on the scene (like bed or car) and classify the scene accordingly. We believe scene classification can be done without extracting this high level object cues. This is inspired by the publications of [2] where they proved that people can recognize natural scenes while overlooking most of the details in it (i.e. the constituent objects). In another publication [3] it is also shown that global information is as important as local information for scene classification by human subjects. R. Kimmel, R. Klette, and A. Sugimoto (Eds.): ACCV 2010, Part IV, LNCS 6495, pp , Springer-Verlag Berlin Heidelberg 2011

2 450 M. Shahiduzzaman, D. Zhang, and G. Lu Scale is an important aspect of local feature finding in prominent cue detection in images. The most prominent example of using scale space and characteristics scale is the local invariant feature detector SIFT [4]. In SIFT the authors used maxima/minima of neighboring scale space to find the interest points or key points of an image. Scene features like sands in a beach or certain textures in the curtain of a room would be more evident in bigger scales. Scale-space theory is a framework for multi-scale signal representation. It is a formal theory for handling image structures at different scales, by representing an image as a one-parameter family of smoothed images, the scale-space representation, parameterized by the size of the smoothing kernel used for suppressing fine-scale structures [5]. In recent years the bag-of-features (BoF) model has been extremely popular in image categorization. The method treats an image as a collection of unordered appearance descriptors extracted from local patches. Then the patches or descriptors are quantized into discrete visual words of a codebook dictionary, and then the image histograms are compared and classified according to the dictionary. The BoF approach discards the spatial order of local descriptors, which severely limits the descriptive power of the image representation. By overcoming this problem, one particular extension of the BoF model, called spatial pyramid matching (SPM) [1], has made a remarkable success on a range of image classification benchmarks and was the major component of the state-of-the-art systems, e.g., [6]. Our method is based on SPM. Similarly like SPM we have used the subdivide and disorder principle. The essence of this principle is to partition the image into smaller blocks and calculate orderless statistics of low level image features. Existing methods differs by the use of features (like pixel value, gradient orientation, and filter bank outputs) and the subdivision method (regular grid, quad trees, and flexible image windows). SPM and as well as our method is independent in choice of features, anyone can plug any other type of features to get a classification result. Authors of [7] offered an early insight into subdivide and principle by suggesting that locally orderless image play an important role in visual perception. While SPM authors did not consider their Gaussian scale space of apertures, we integrated that idea into SPM. Importance of locally orderless statistics is also evident from few recent publications. To summarize, our method provides a unified framework to combine the gains from subdivide and disorder principle and scale space aperture with a choice of low level features. It will enable to combine the locally orderless statistics results from multiple scales and different fixed hierarchy or rectangular windows to achieve the scene classification task. 2 Related Methods In this work we combine the power of multiresolution histogram with spatial pyramid matching. So our method consists of two concepts - multiresolution or scale space analysis of image and spatial pyramid matching. In kernel based learning methods like support vector machine (SVM), we need to provide a

3 Improved Spatial Pyramid Matching for Image Classification 451 Fig. 1. Schematic illustration of Pyramid match kernel with two levels kernel for learning and testing. There are many kernels, which varies in formulation. For example, histogram intersection kernel is a kernel matrix which is built by histogram intersection. Essentially it provides a pair wise similarity measure of the training and testing images. A pyramid match kernel (PMK) [1] works with an unordered image representation/features. The idea of the method is to compute multiresolution histograms and finding the histogram intersection at each resolution. In figure 1, for two different images X and Y, histograms and the corresponding histogram intersections are computed at three resolution levels (0,1,2). The bin size is doubled in successive higher resolutions while the bin numbers are down sampled by 2. After that, all new histogram matching in each resolution is weighted and summed up to form the histogram intersection kernel. It has the limitation of discarding all spatial information. Let us construct a sequence of grids at resolutions 0,1,...,L such that the grid at level lhas2 l cells along each dimension. Number of matches (I l ) at level l is given by the histogram intersection function. Therefore, the number of new matches found at level l is given by I l I l+1 for l = 0,1,...,L-1. The weight associated 1 with level l is set to (2 L l ). Spatial pyramid matching (SPM) takes a different approach of performing pyramid matching in the two-dimensional image space, and using traditional clustering techniques in feature space. So in SPM the histogram computation is done at a single resolution and in multiple pyramid levels within the same resolution, whereas in PMK it is done in multiresolution. PMK dont employ any feature clustering, directly map features in multiresolution histogram bins. On the other hand, SPM uses feature clustering during histogram computation to find the representative feature sets. In SPM, all feature vectors are first quantized into M discrete types (i.e. the total number of histogram indices is M). In figure 2, we are showing an example of constructing a three-level spatial pyramid. The image has three types of features, indicated by triangles, circles and stars. At the top row, the image is subdivided at three different levels of resolution. At the bottom row, the number of features that fall in each subregion is counted. The spatial histograms are weighted according to pyramid

4 452 M. Shahiduzzaman, D. Zhang, and G. Lu Fig. 2. Three-level spatial pyramid example match kernel. During kernel computation, each type calculation comprised of two sets of two- dimensional vectors, X m and Y m, representing the coordinates of features of type m found in the respective images. The final kernel is then the sum of the separate channel kernels: K L (X, Y )= M K L (X m,y m ) (1) m=1 This method reduces to a standard bag of features when it is a single level. Considering the fact that pyramid match kernel is simply a weighted sum of histogram intersections, and c min(a, b) = min(ca, cb) for positive numbers, K L can be implemented as a single histogram intersection of long vectors formed by concatenating the appropriately weighted histograms of all channels at all resolutions. So essentially we are weighting the histograms before computing the histogram intersection for convenience as the reverse would yield the same result. For L levels and M channels and S scales, the resulting vector has dimensionality: (M L 4 l ) S = M 1 3 (4L+1 1) S (2) l=1 Several experiments reported in results section use the settings of M = 200, L = 3 and S = 3 resulting in ( ) -dimensional histogram intersections. However

5 Improved Spatial Pyramid Matching for Image Classification 453 these operations are efficient because the histogram vectors are extremely sparse, the computational complexity of the kernel is linear in the number of features. One important aspect of the training and test images that we run the experiment only on gray level images; even if color images are available we converted in to gray level images. We decide this from the finding of [9] that removing color information from images doesnt make the scene categorization tasks more attention demanding. 3 Proposed Method: Multi-scale SPM SPM uses a mechanism to combine local salient features and their spatial relationship so as to provide a robust feature matching. However, in many cases, different image and block can have similar histograms, this degrade the performance of SPM. This drawback can be overcome by analyzing images in scale space, as confusions in previous case can be clarified at different scales. For example, in figure 3, images (a) and (b) are artificially generated images with almost similar histograms, later they are Gaussian blurred and hence their histograms are also more discriminative than the original histograms. For a given image f(x,y), its linear (Gaussian) scale-space representation is a family of derived signals L(x,y;t) defined by the convolution of f(x,y) with the Gaussian kernel: g t (x, y) = 1 2πt e (x2+y2) 2t Such that L(x, y; t) =(g g t f)(x, y) (3) Inspired by scale space theory we want to propose a multi-scale spatial pyramid matching method. Key idea behind our method is the use of scale space to gain (a) (b) (c) (d) (e) (f) (g) (h) Fig. 3. (a) and (c) are different images with almost similar image histograms (b) and (d). (e) and (g) are corresponding Gaussian blurred images and the previous small difference in histograms is now more prominent in higher scales(f and g).

6 454 M. Shahiduzzaman, D. Zhang, and G. Lu Fig. 4. Block diagram of the proposed method more discriminative power in classification. The major steps of our algorithm are (figure 4). 3.1 Feature Generation in Different Scales First SIFT features are generated from all the images in different scales in a regular grid. Here a dense feature representation is used to avoid the problems superfluous data like clutter, occlusion etc. 128 bit SIFT descriptors are calculated for all images in all scales in 8*8 regular grid settings and using a 16*16 patch in the grid centers. These features are saved into files for use in later steps. 3.2 Calculate Dictionary The features are clustered according to the parameter M which is the total number of bins in of the computed histograms. It is often believed that increasing the number of M will increase the classification accuracy. But, in our experiments we are getting comparable accuracy from M=200 setup compared to M=400 and M=600. Again the dictionary is built for all images in all scales. Dictionary is calculated using K-means based clustering using all the extracted SIFT features in a specific scale. In figure 5 (left image), we are showing the corresponding histogram of the values of a 200 sized dictionary. Separate dictionaries are calculated for separate scales. The dictionaries are calculated for using in histogram generation in later stages.

7 Improved Spatial Pyramid Matching for Image Classification 455 Fig. 5. Histogram plot of the calculated dictionary (left) and combined pyramid histogram plot of all individual histograms in different levels (right) 3.3 Compile Pyramid Histogram For all scales, the image is divided ranging from coarse to finer resolution and compute histogram in each area and assign weight according to PMK. Match in finer resolution will be given more weight than match in coarse resolution. After these steps now we have all the data required to build the pyramid histogram. With the different scale level histograms, we can just concatenate those forming a long histogram or compute inter-scale intersection/selection before forming the concatenation. We are taking the first approach in our method. Though this will essentially increase the size of the long histogram by the scale factor, but that wouldnt be a problem performance-wise. In this research our focus is on increasing classification accuracy and leveraging performance on the currently available powerful hardware. In figure 5 (right image), one such combined pyramid histogram is shown. According to equation 2, size of the histogram is for dictionary size 200, 3 pyramid levels and scale level Kernel Computation and SVM Classification For SVM, we just need to build the histogram intersection kernel from the compiled pyramid histograms. As we explained before, for the histogram intersection kernel computation we just need to find the intersections of the long histogram concatenation formed in the previous step. For training kernel intersection is computed between the same concatenated histograms and for training kernel it is between training histogram and testing histogram. A grey scale image map of the testing and training kernel is shown in figure 6. For training kernel, a white line is visible along the diagonal, as there will be a perfect match for corresponding training pairs. In testing kernel the matches are scattered as training and testing sets are different. For SVM, we are using a modified version of libsvm library [10] which implements the one vs. all classification. scales and different fixed hierarchy or rectangular windows to achieve the scene classification task.

8 456 M. Shahiduzzaman, D. Zhang, and G. Lu Fig. 6. Histogram intersection kernel as image for Training images (left) and testing images (right) 4 Experimental Results 4.1 Test Dataset We tested our method on scene category dataset [1], Caltech-101 [11] and Caltech- 256 [12]. A brief statistical comparison of these three datasets is given in table Performance Metric Two separate performance metric is used to measure the results combined accuracy and average of per class accuracy. Per class accuracy (P) is defined as the ratio of correctly classified images in a class with respect total number of images in that particular class. If total number of image categories is N, then combined accuracy and average of per class accuracy is defined as: Average of per class accuracy = N i=1 P i N (4) Combined accuracy = Total number of correctly classified images 100 Total number of images in the dataset (5) Table 1. Statistical information of the image datasets used Dataset No. of Total No. of Avg. image Max. no. of train/test categories images size images used Scene category * /rest Caltech *200 30/300 Caltech *300 60/300

9 Improved Spatial Pyramid Matching for Image Classification 457 Table 2. Accuracy results on different combination of parameters. Bold font means its the best for a certain codebook size and pyramid level. Codebook Pyramid Scale Combined Avg. of per class Size level level accuracy (%) accuracy (%) ± ± ± ± ± ± ± ± ± ± ± ± ± ± ± ± ± ± ± ± ± ± ± ± 0.78 Table 3. Our result compared to the original SPM for codebook size = 400, pyramid level = 3 and scale level = 2 SPM [1] Proposed method Average of per class accuracy(%) 81.1 ± ± 0.58 Combined accuracy(%) ± ± 0.64 Table 4. Caltech-101 result for codebook size=400, pyramid level=3 and scale level=3 SPM [1] Proposed method Average of per class accuracy(%) 64.6 ± ± 0.17 Combined accuracy(%) ± ± 0.46 Table 5. Caltech-256 result for codebook size=400, pyramid level=3 and scale level=3 SPM [12] Proposed method Average of per class accuracy(%) ± ± 0.31 Combined accuracy(%) ± ± 0.12 Table 2 is the extensive experiment done with codebook size, pyramid level, scale level. Results are first grouped by codebook size and pyramid levels. The notable thing here is that, scale level greater than one always produce better results than single level. Using the combined accuracy metric, we get our best result from codebook size 400, pyramid level 3 and scale level 2. Scale level 1 is basically the original SPM. So for scale level 1, we use the results from [1]. But as the authors of [1] didn t report the result of combined accuracy, we calculated it using our own implementation of SPM. All results are obtained using a 2*64 bit Quad core processor with 48

10 458 M. Shahiduzzaman, D. Zhang, and G. Lu Fig. 7. Per class accuracy for the result (average of per class accuracy) reported in Table 2 GB ofram. All experiments arerun for ten times with randomly selected training and testing images. The average of all the runs and standard deviation is reported here. Table 3 summarizes our best result compared to the original SPM. In figure 7, we showed the per class accuracy for the best result reported in Table 4. Our method outperforms SPM in eleven categories and provides comparable performance in the four categories. We tested whether the difference between two methods reported in table 2 is statistically significant by the Matlab function ttest. In this case, ttest result indicated that the improvement obtained the by the proposed method is indeed statistically significant. The results on Caltech-101 and Caltech- 256 are presented in table 4, 5 and it is in line with the results obtained from scene category dataset. On both of these databases, according to overall average accuracy metric, proposed method is better than SPM by around 3% margin and using the average of per class accuracy metric, the margin is around 6%. 5 Conclusion and Future Scope This paper presents an improvement to the spatial pyramid matching scheme. We provided a simple, intuitive and effective way to improve the SPM method.

11 Improved Spatial Pyramid Matching for Image Classification 459 To the best of our knowledge, this has not been done by previous researchers. The proposed extension is quite general and not limited to any specific feature descriptors or classifiers and can be used as a surrogate module or new baseline for SPM in image categorization systems. The weight mechanism of the spatial pyramid matching (SPM) method is not sophisticated enough. It defines uniform and better weight level to the finer resolution blocks and punishes the coarse resolution blocks by assigning less weight. As a basic method this is okay, but consider a finer resolution block containing only background or clutter, then assigning it more weight is only misleading calculation. So in the future, there is room for redesigning this weight mechanism to only assigning more weight to the corresponding blocks irrespective of scale or spatial resolution. References 1. Lazebnik, S., Schmid, C., Ponce, J.: Beyond Bags of Features: Spatial Pyramid Matching for Recognizing Natural Scene Categories. In: Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, vol. 2, pp (2006) 2. Oliva, A., Torralba, A.: Modeling the shape of the scene: a holistic representation of the spatial envelope. International Journal of Computer Vision 42(3), (2001) 3. Ogel, J., Schwaninger, A., Wallraven, C., Bülthoff, H.H.: Categorization of Natural Scenes: Local versus Global Information and the Role of Color. ACM Transactions on Applied Perception 4(3) (2007) 4. Lowe, D.G.: Distinctive Image Features from Scale-Invariant Keypoints. International Journal of Computer Vision 60(3), (2004) 5. Witkin, A.P.: Scale-space filtering. In: Proceedings of 8th International Joint Conference on Artificial Intelligence, pp (1983) 6. Everingham, M., Van Gool, L., Williams, C. K. I., Winn, J., Zisserman, A.: The PASCAL Visual Object Classes Challenge. In: VOC 2009 (2009), html 7. Koenderink, J., Doorn, A.V.: The structure of locally orderless images. International Journal of Computer Vision 31(199), Grauman, K., Darrell, T.: The Pyramid Match Kernel: Discriminative Classification with Sets of Image Features. In: Proceedings of the IEEE International Conference on Computer Vision, ICCV (2005) 9. Fei-fei, L., Perona, P.: A Bayesian hierarchical model for learning natural scene categories. In: Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (2005) 10. Chang C., Lin C.: LIBSVM: a library for support vector machines (2001), Fei-Fei, L., Fergus, R., Perona, P.: Learning generative visual models from few training examples: an incremental Bayesian approach tested on 101 object categories. In: Proceedings of IEEE Workshop on Generative-Model Based Vision, CVPR (2004) 12. Griffin, G., Holub, A., Perona, P.: Caltech-256 Object Category Dataset. Caltech Technical Report. Technical Report, Caltech (2007)

Beyond Bags of Features

Beyond Bags of Features : for Recognizing Natural Scene Categories Matching and Modeling Seminar Instructed by Prof. Haim J. Wolfson School of Computer Science Tel Aviv University December 9 th, 2015

More information

Previously. Part-based and local feature models for generic object recognition. Bag-of-words model 4/20/2011

Previously. Part-based and local feature models for generic object recognition. Bag-of-words model 4/20/2011 Previously Part-based and local feature models for generic object recognition Wed, April 20 UT-Austin Discriminative classifiers Boosting Nearest neighbors Support vector machines Useful for object recognition

More information

arxiv: v3 [cs.cv] 3 Oct 2012

arxiv: v3 [cs.cv] 3 Oct 2012 Combined Descriptors in Spatial Pyramid Domain for Image Classification Junlin Hu and Ping Guo arxiv:1210.0386v3 [cs.cv] 3 Oct 2012 Image Processing and Pattern Recognition Laboratory Beijing Normal University,

More information

Aggregating Descriptors with Local Gaussian Metrics

Aggregating Descriptors with Local Gaussian Metrics Aggregating Descriptors with Local Gaussian Metrics Hideki Nakayama Grad. School of Information Science and Technology The University of Tokyo Tokyo, JAPAN nakayama@ci.i.u-tokyo.ac.jp Abstract Recently,

More information

Artistic ideation based on computer vision methods

Artistic ideation based on computer vision methods Journal of Theoretical and Applied Computer Science Vol. 6, No. 2, 2012, pp. 72 78 ISSN 2299-2634 http://www.jtacs.org Artistic ideation based on computer vision methods Ferran Reverter, Pilar Rosado,

More information

String distance for automatic image classification

String distance for automatic image classification String distance for automatic image classification Nguyen Hong Thinh*, Le Vu Ha*, Barat Cecile** and Ducottet Christophe** *University of Engineering and Technology, Vietnam National University of HaNoi,

More information

Part-based and local feature models for generic object recognition

Part-based and local feature models for generic object recognition Part-based and local feature models for generic object recognition May 28 th, 2015 Yong Jae Lee UC Davis Announcements PS2 grades up on SmartSite PS2 stats: Mean: 80.15 Standard Dev: 22.77 Vote on piazza

More information

Part based models for recognition. Kristen Grauman

Part based models for recognition. Kristen Grauman Part based models for recognition Kristen Grauman UT Austin Limitations of window-based models Not all objects are box-shaped Assuming specific 2d view of object Local components themselves do not necessarily

More information

ROBUST SCENE CLASSIFICATION BY GIST WITH ANGULAR RADIAL PARTITIONING. Wei Liu, Serkan Kiranyaz and Moncef Gabbouj

ROBUST SCENE CLASSIFICATION BY GIST WITH ANGULAR RADIAL PARTITIONING. Wei Liu, Serkan Kiranyaz and Moncef Gabbouj Proceedings of the 5th International Symposium on Communications, Control and Signal Processing, ISCCSP 2012, Rome, Italy, 2-4 May 2012 ROBUST SCENE CLASSIFICATION BY GIST WITH ANGULAR RADIAL PARTITIONING

More information

Video annotation based on adaptive annular spatial partition scheme

Video annotation based on adaptive annular spatial partition scheme Video annotation based on adaptive annular spatial partition scheme Guiguang Ding a), Lu Zhang, and Xiaoxu Li Key Laboratory for Information System Security, Ministry of Education, Tsinghua National Laboratory

More information

Beyond bags of Features

Beyond bags of Features Beyond bags of Features Spatial Pyramid Matching for Recognizing Natural Scene Categories Camille Schreck, Romain Vavassori Ensimag December 14, 2012 Schreck, Vavassori (Ensimag) Beyond bags of Features

More information

Preliminary Local Feature Selection by Support Vector Machine for Bag of Features

Preliminary Local Feature Selection by Support Vector Machine for Bag of Features Preliminary Local Feature Selection by Support Vector Machine for Bag of Features Tetsu Matsukawa Koji Suzuki Takio Kurita :University of Tsukuba :National Institute of Advanced Industrial Science and

More information

Object Classification Problem

Object Classification Problem HIERARCHICAL OBJECT CATEGORIZATION" Gregory Griffin and Pietro Perona. Learning and Using Taxonomies For Fast Visual Categorization. CVPR 2008 Marcin Marszalek and Cordelia Schmid. Constructing Category

More information

Classifying Images with Visual/Textual Cues. By Steven Kappes and Yan Cao

Classifying Images with Visual/Textual Cues. By Steven Kappes and Yan Cao Classifying Images with Visual/Textual Cues By Steven Kappes and Yan Cao Motivation Image search Building large sets of classified images Robotics Background Object recognition is unsolved Deformable shaped

More information

Using Geometric Blur for Point Correspondence

Using Geometric Blur for Point Correspondence 1 Using Geometric Blur for Point Correspondence Nisarg Vyas Electrical and Computer Engineering Department, Carnegie Mellon University, Pittsburgh, PA Abstract In computer vision applications, point correspondence

More information

Beyond bags of features: Adding spatial information. Many slides adapted from Fei-Fei Li, Rob Fergus, and Antonio Torralba

Beyond bags of features: Adding spatial information. Many slides adapted from Fei-Fei Li, Rob Fergus, and Antonio Torralba Beyond bags of features: Adding spatial information Many slides adapted from Fei-Fei Li, Rob Fergus, and Antonio Torralba Adding spatial information Forming vocabularies from pairs of nearby features doublets

More information

Tensor Decomposition of Dense SIFT Descriptors in Object Recognition

Tensor Decomposition of Dense SIFT Descriptors in Object Recognition Tensor Decomposition of Dense SIFT Descriptors in Object Recognition Tan Vo 1 and Dat Tran 1 and Wanli Ma 1 1- Faculty of Education, Science, Technology and Mathematics University of Canberra, Australia

More information

Comparing Local Feature Descriptors in plsa-based Image Models

Comparing Local Feature Descriptors in plsa-based Image Models Comparing Local Feature Descriptors in plsa-based Image Models Eva Hörster 1,ThomasGreif 1, Rainer Lienhart 1, and Malcolm Slaney 2 1 Multimedia Computing Lab, University of Augsburg, Germany {hoerster,lienhart}@informatik.uni-augsburg.de

More information

Efficient Kernels for Identifying Unbounded-Order Spatial Features

Efficient Kernels for Identifying Unbounded-Order Spatial Features Efficient Kernels for Identifying Unbounded-Order Spatial Features Yimeng Zhang Carnegie Mellon University yimengz@andrew.cmu.edu Tsuhan Chen Cornell University tsuhan@ece.cornell.edu Abstract Higher order

More information

Ensemble of Bayesian Filters for Loop Closure Detection

Ensemble of Bayesian Filters for Loop Closure Detection Ensemble of Bayesian Filters for Loop Closure Detection Mohammad Omar Salameh, Azizi Abdullah, Shahnorbanun Sahran Pattern Recognition Research Group Center for Artificial Intelligence Faculty of Information

More information

Evaluation and comparison of interest points/regions

Evaluation and comparison of interest points/regions Introduction Evaluation and comparison of interest points/regions Quantitative evaluation of interest point/region detectors points / regions at the same relative location and area Repeatability rate :

More information

Summarization of Egocentric Moving Videos for Generating Walking Route Guidance

Summarization of Egocentric Moving Videos for Generating Walking Route Guidance Summarization of Egocentric Moving Videos for Generating Walking Route Guidance Masaya Okamoto and Keiji Yanai Department of Informatics, The University of Electro-Communications 1-5-1 Chofugaoka, Chofu-shi,

More information

TEXTURE CLASSIFICATION METHODS: A REVIEW

TEXTURE CLASSIFICATION METHODS: A REVIEW TEXTURE CLASSIFICATION METHODS: A REVIEW Ms. Sonal B. Bhandare Prof. Dr. S. M. Kamalapur M.E. Student Associate Professor Deparment of Computer Engineering, Deparment of Computer Engineering, K. K. Wagh

More information

Bag-of-features. Cordelia Schmid

Bag-of-features. Cordelia Schmid Bag-of-features for category classification Cordelia Schmid Visual search Particular objects and scenes, large databases Category recognition Image classification: assigning a class label to the image

More information

Scene Recognition using Bag-of-Words

Scene Recognition using Bag-of-Words Scene Recognition using Bag-of-Words Sarthak Ahuja B.Tech Computer Science Indraprastha Institute of Information Technology Okhla, Delhi 110020 Email: sarthak12088@iiitd.ac.in Anchita Goel B.Tech Computer

More information

Improving Recognition through Object Sub-categorization

Improving Recognition through Object Sub-categorization Improving Recognition through Object Sub-categorization Al Mansur and Yoshinori Kuno Graduate School of Science and Engineering, Saitama University, 255 Shimo-Okubo, Sakura-ku, Saitama-shi, Saitama 338-8570,

More information

Exploring Bag of Words Architectures in the Facial Expression Domain

Exploring Bag of Words Architectures in the Facial Expression Domain Exploring Bag of Words Architectures in the Facial Expression Domain Karan Sikka, Tingfan Wu, Josh Susskind, and Marian Bartlett Machine Perception Laboratory, University of California San Diego {ksikka,ting,josh,marni}@mplab.ucsd.edu

More information

Sparse coding for image classification

Sparse coding for image classification Sparse coding for image classification Columbia University Electrical Engineering: Kun Rong(kr2496@columbia.edu) Yongzhou Xiang(yx2211@columbia.edu) Yin Cui(yc2776@columbia.edu) Outline Background Introduction

More information

Bag of Words Models. CS4670 / 5670: Computer Vision Noah Snavely. Bag-of-words models 11/26/2013

Bag of Words Models. CS4670 / 5670: Computer Vision Noah Snavely. Bag-of-words models 11/26/2013 CS4670 / 5670: Computer Vision Noah Snavely Bag-of-words models Object Bag of words Bag of Words Models Adapted from slides by Rob Fergus and Svetlana Lazebnik 1 Object Bag of words Origin 1: Texture Recognition

More information

ImageCLEF 2011

ImageCLEF 2011 SZTAKI @ ImageCLEF 2011 Bálint Daróczy joint work with András Benczúr, Róbert Pethes Data Mining and Web Search Group Computer and Automation Research Institute Hungarian Academy of Sciences Training/test

More information

Sketchable Histograms of Oriented Gradients for Object Detection

Sketchable Histograms of Oriented Gradients for Object Detection Sketchable Histograms of Oriented Gradients for Object Detection No Author Given No Institute Given Abstract. In this paper we investigate a new representation approach for visual object recognition. The

More information

Object Recognition. Computer Vision. Slides from Lana Lazebnik, Fei-Fei Li, Rob Fergus, Antonio Torralba, and Jean Ponce

Object Recognition. Computer Vision. Slides from Lana Lazebnik, Fei-Fei Li, Rob Fergus, Antonio Torralba, and Jean Ponce Object Recognition Computer Vision Slides from Lana Lazebnik, Fei-Fei Li, Rob Fergus, Antonio Torralba, and Jean Ponce How many visual object categories are there? Biederman 1987 ANIMALS PLANTS OBJECTS

More information

Visual Object Recognition

Visual Object Recognition Perceptual and Sensory Augmented Computing Visual Object Recognition Tutorial Visual Object Recognition Bastian Leibe Computer Vision Laboratory ETH Zurich Chicago, 14.07.2008 & Kristen Grauman Department

More information

Beyond Bags of features Spatial information & Shape models

Beyond Bags of features Spatial information & Shape models Beyond Bags of features Spatial information & Shape models Jana Kosecka Many slides adapted from S. Lazebnik, FeiFei Li, Rob Fergus, and Antonio Torralba Detection, recognition (so far )! Bags of features

More information

CPPP/UFMS at ImageCLEF 2014: Robot Vision Task

CPPP/UFMS at ImageCLEF 2014: Robot Vision Task CPPP/UFMS at ImageCLEF 2014: Robot Vision Task Rodrigo de Carvalho Gomes, Lucas Correia Ribas, Amaury Antônio de Castro Junior, Wesley Nunes Gonçalves Federal University of Mato Grosso do Sul - Ponta Porã

More information

Spatial Hierarchy of Textons Distributions for Scene Classification

Spatial Hierarchy of Textons Distributions for Scene Classification Spatial Hierarchy of Textons Distributions for Scene Classification S. Battiato 1, G. M. Farinella 1, G. Gallo 1, and D. Ravì 1 Image Processing Laboratory, University of Catania, IT {battiato, gfarinella,

More information

Local Features and Bag of Words Models

Local Features and Bag of Words Models 10/14/11 Local Features and Bag of Words Models Computer Vision CS 143, Brown James Hays Slides from Svetlana Lazebnik, Derek Hoiem, Antonio Torralba, David Lowe, Fei Fei Li and others Computer Engineering

More information

Action recognition in videos

Action recognition in videos Action recognition in videos Cordelia Schmid INRIA Grenoble Joint work with V. Ferrari, A. Gaidon, Z. Harchaoui, A. Klaeser, A. Prest, H. Wang Action recognition - goal Short actions, i.e. drinking, sit

More information

Patch Descriptors. CSE 455 Linda Shapiro

Patch Descriptors. CSE 455 Linda Shapiro Patch Descriptors CSE 455 Linda Shapiro How can we find corresponding points? How can we find correspondences? How do we describe an image patch? How do we describe an image patch? Patches with similar

More information

Combining Selective Search Segmentation and Random Forest for Image Classification

Combining Selective Search Segmentation and Random Forest for Image Classification Combining Selective Search Segmentation and Random Forest for Image Classification Gediminas Bertasius November 24, 2013 1 Problem Statement Random Forest algorithm have been successfully used in many

More information

Learning Representations for Visual Object Class Recognition

Learning Representations for Visual Object Class Recognition Learning Representations for Visual Object Class Recognition Marcin Marszałek Cordelia Schmid Hedi Harzallah Joost van de Weijer LEAR, INRIA Grenoble, Rhône-Alpes, France October 15th, 2007 Bag-of-Features

More information

CS6716 Pattern Recognition

CS6716 Pattern Recognition CS6716 Pattern Recognition Aaron Bobick School of Interactive Computing Administrivia PS3 is out now, due April 8. Today chapter 12 of the Hastie book. Slides (and entertainment) from Moataz Al-Haj Three

More information

Mining Discriminative Adjectives and Prepositions for Natural Scene Recognition

Mining Discriminative Adjectives and Prepositions for Natural Scene Recognition Mining Discriminative Adjectives and Prepositions for Natural Scene Recognition Bangpeng Yao 1, Juan Carlos Niebles 2,3, Li Fei-Fei 1 1 Department of Computer Science, Princeton University, NJ 08540, USA

More information

Kernels for Visual Words Histograms

Kernels for Visual Words Histograms Kernels for Visual Words Histograms Radu Tudor Ionescu and Marius Popescu Faculty of Mathematics and Computer Science University of Bucharest, No. 14 Academiei Street, Bucharest, Romania {raducu.ionescu,popescunmarius}@gmail.com

More information

Visual words. Map high-dimensional descriptors to tokens/words by quantizing the feature space.

Visual words. Map high-dimensional descriptors to tokens/words by quantizing the feature space. Visual words Map high-dimensional descriptors to tokens/words by quantizing the feature space. Quantize via clustering; cluster centers are the visual words Word #2 Descriptor feature space Assign word

More information

CS229: Action Recognition in Tennis

CS229: Action Recognition in Tennis CS229: Action Recognition in Tennis Aman Sikka Stanford University Stanford, CA 94305 Rajbir Kataria Stanford University Stanford, CA 94305 asikka@stanford.edu rkataria@stanford.edu 1. Motivation As active

More information

CS6670: Computer Vision

CS6670: Computer Vision CS6670: Computer Vision Noah Snavely Lecture 16: Bag-of-words models Object Bag of words Announcements Project 3: Eigenfaces due Wednesday, November 11 at 11:59pm solo project Final project presentations:

More information

Codebook Graph Coding of Descriptors

Codebook Graph Coding of Descriptors Int'l Conf. Par. and Dist. Proc. Tech. and Appl. PDPTA'5 3 Codebook Graph Coding of Descriptors Tetsuya Yoshida and Yuu Yamada Graduate School of Humanities and Science, Nara Women s University, Nara,

More information

CLASSIFICATION Experiments

CLASSIFICATION Experiments CLASSIFICATION Experiments January 27,2015 CS3710: Visual Recognition Bhavin Modi Bag of features Object Bag of words 1. Extract features 2. Learn visual vocabulary Bag of features: outline 3. Quantize

More information

IMAGE RETRIEVAL USING VLAD WITH MULTIPLE FEATURES

IMAGE RETRIEVAL USING VLAD WITH MULTIPLE FEATURES IMAGE RETRIEVAL USING VLAD WITH MULTIPLE FEATURES Pin-Syuan Huang, Jing-Yi Tsai, Yu-Fang Wang, and Chun-Yi Tsai Department of Computer Science and Information Engineering, National Taitung University,

More information

Object Detection Using Segmented Images

Object Detection Using Segmented Images Object Detection Using Segmented Images Naran Bayanbat Stanford University Palo Alto, CA naranb@stanford.edu Jason Chen Stanford University Palo Alto, CA jasonch@stanford.edu Abstract Object detection

More information

By Suren Manvelyan,

By Suren Manvelyan, By Suren Manvelyan, http://www.surenmanvelyan.com/gallery/7116 By Suren Manvelyan, http://www.surenmanvelyan.com/gallery/7116 By Suren Manvelyan, http://www.surenmanvelyan.com/gallery/7116 By Suren Manvelyan,

More information

SEMANTIC-SPATIAL MATCHING FOR IMAGE CLASSIFICATION

SEMANTIC-SPATIAL MATCHING FOR IMAGE CLASSIFICATION SEMANTIC-SPATIAL MATCHING FOR IMAGE CLASSIFICATION Yupeng Yan 1 Xinmei Tian 1 Linjun Yang 2 Yijuan Lu 3 Houqiang Li 1 1 University of Science and Technology of China, Hefei Anhui, China 2 Microsoft Corporation,

More information

Fuzzy based Multiple Dictionary Bag of Words for Image Classification

Fuzzy based Multiple Dictionary Bag of Words for Image Classification Available online at www.sciencedirect.com Procedia Engineering 38 (2012 ) 2196 2206 International Conference on Modeling Optimisation and Computing Fuzzy based Multiple Dictionary Bag of Words for Image

More information

Selection of Scale-Invariant Parts for Object Class Recognition

Selection of Scale-Invariant Parts for Object Class Recognition Selection of Scale-Invariant Parts for Object Class Recognition Gy. Dorkó and C. Schmid INRIA Rhône-Alpes, GRAVIR-CNRS 655, av. de l Europe, 3833 Montbonnot, France fdorko,schmidg@inrialpes.fr Abstract

More information

A Keypoint Descriptor Inspired by Retinal Computation

A Keypoint Descriptor Inspired by Retinal Computation A Keypoint Descriptor Inspired by Retinal Computation Bongsoo Suh, Sungjoon Choi, Han Lee Stanford University {bssuh,sungjoonchoi,hanlee}@stanford.edu Abstract. The main goal of our project is to implement

More information

Dynamic Scene Classification using Spatial and Temporal Cues

Dynamic Scene Classification using Spatial and Temporal Cues 2013 IEEE International Conference on Computer Vision Workshops Dynamic Scene Classification using Spatial and Temporal Cues Arun Balajee Vasudevan, Srikanth Muralidharan, Shiva Pratheek Chintapalli Indian

More information

Multiple Kernel Learning for Emotion Recognition in the Wild

Multiple Kernel Learning for Emotion Recognition in the Wild Multiple Kernel Learning for Emotion Recognition in the Wild Karan Sikka, Karmen Dykstra, Suchitra Sathyanarayana, Gwen Littlewort and Marian S. Bartlett Machine Perception Laboratory UCSD EmotiW Challenge,

More information

Deformable Part Models

Deformable Part Models CS 1674: Intro to Computer Vision Deformable Part Models Prof. Adriana Kovashka University of Pittsburgh November 9, 2016 Today: Object category detection Window-based approaches: Last time: Viola-Jones

More information

Learning and Inferring Depth from Monocular Images. Jiyan Pan April 1, 2009

Learning and Inferring Depth from Monocular Images. Jiyan Pan April 1, 2009 Learning and Inferring Depth from Monocular Images Jiyan Pan April 1, 2009 Traditional ways of inferring depth Binocular disparity Structure from motion Defocus Given a single monocular image, how to infer

More information

I2R ImageCLEF Photo Annotation 2009 Working Notes

I2R ImageCLEF Photo Annotation 2009 Working Notes I2R ImageCLEF Photo Annotation 2009 Working Notes Jiquan Ngiam and Hanlin Goh Institute for Infocomm Research, Singapore, 1 Fusionopolis Way, Singapore 138632 {jqngiam, hlgoh}@i2r.a-star.edu.sg Abstract

More information

arxiv: v1 [cs.lg] 20 Dec 2013

arxiv: v1 [cs.lg] 20 Dec 2013 Unsupervised Feature Learning by Deep Sparse Coding Yunlong He Koray Kavukcuoglu Yun Wang Arthur Szlam Yanjun Qi arxiv:1312.5783v1 [cs.lg] 20 Dec 2013 Abstract In this paper, we propose a new unsupervised

More information

SCALE INVARIANT FEATURE TRANSFORM (SIFT)

SCALE INVARIANT FEATURE TRANSFORM (SIFT) 1 SCALE INVARIANT FEATURE TRANSFORM (SIFT) OUTLINE SIFT Background SIFT Extraction Application in Content Based Image Search Conclusion 2 SIFT BACKGROUND Scale-invariant feature transform SIFT: to detect

More information

TA Section: Problem Set 4

TA Section: Problem Set 4 TA Section: Problem Set 4 Outline Discriminative vs. Generative Classifiers Image representation and recognition models Bag of Words Model Part-based Model Constellation Model Pictorial Structures Model

More information

CS 231A Computer Vision (Fall 2011) Problem Set 4

CS 231A Computer Vision (Fall 2011) Problem Set 4 CS 231A Computer Vision (Fall 2011) Problem Set 4 Due: Nov. 30 th, 2011 (9:30am) 1 Part-based models for Object Recognition (50 points) One approach to object recognition is to use a deformable part-based

More information

Learning Compact Visual Attributes for Large-scale Image Classification

Learning Compact Visual Attributes for Large-scale Image Classification Learning Compact Visual Attributes for Large-scale Image Classification Yu Su and Frédéric Jurie GREYC CNRS UMR 6072, University of Caen Basse-Normandie, Caen, France {yu.su,frederic.jurie}@unicaen.fr

More information

Local Features and Kernels for Classifcation of Texture and Object Categories: A Comprehensive Study

Local Features and Kernels for Classifcation of Texture and Object Categories: A Comprehensive Study Local Features and Kernels for Classifcation of Texture and Object Categories: A Comprehensive Study J. Zhang 1 M. Marszałek 1 S. Lazebnik 2 C. Schmid 1 1 INRIA Rhône-Alpes, LEAR - GRAVIR Montbonnot, France

More information

OBJECT CATEGORIZATION

OBJECT CATEGORIZATION OBJECT CATEGORIZATION Ing. Lorenzo Seidenari e-mail: seidenari@dsi.unifi.it Slides: Ing. Lamberto Ballan November 18th, 2009 What is an Object? Merriam-Webster Definition: Something material that may be

More information

A Study on Low-Cost Representations for Image Feature Extraction on Mobile Devices

A Study on Low-Cost Representations for Image Feature Extraction on Mobile Devices A Study on Low-Cost Representations for Image Feature Extraction on Mobile Devices Ramon F. Pessoa, William R. Schwartz, and Jefersson A. dos Santos Department of Computer Science, Universidade Federal

More information

Patch Descriptors. EE/CSE 576 Linda Shapiro

Patch Descriptors. EE/CSE 576 Linda Shapiro Patch Descriptors EE/CSE 576 Linda Shapiro 1 How can we find corresponding points? How can we find correspondences? How do we describe an image patch? How do we describe an image patch? Patches with similar

More information

Aggregated Color Descriptors for Land Use Classification

Aggregated Color Descriptors for Land Use Classification Aggregated Color Descriptors for Land Use Classification Vedran Jovanović and Vladimir Risojević Abstract In this paper we propose and evaluate aggregated color descriptors for land use classification

More information

Extracting Spatio-temporal Local Features Considering Consecutiveness of Motions

Extracting Spatio-temporal Local Features Considering Consecutiveness of Motions Extracting Spatio-temporal Local Features Considering Consecutiveness of Motions Akitsugu Noguchi and Keiji Yanai Department of Computer Science, The University of Electro-Communications, 1-5-1 Chofugaoka,

More information

Recognize Complex Events from Static Images by Fusing Deep Channels Supplementary Materials

Recognize Complex Events from Static Images by Fusing Deep Channels Supplementary Materials Recognize Complex Events from Static Images by Fusing Deep Channels Supplementary Materials Yuanjun Xiong 1 Kai Zhu 1 Dahua Lin 1 Xiaoou Tang 1,2 1 Department of Information Engineering, The Chinese University

More information

Fast Image Matching Using Multi-level Texture Descriptor

Fast Image Matching Using Multi-level Texture Descriptor Fast Image Matching Using Multi-level Texture Descriptor Hui-Fuang Ng *, Chih-Yang Lin #, and Tatenda Muindisi * Department of Computer Science, Universiti Tunku Abdul Rahman, Malaysia. E-mail: nghf@utar.edu.my

More information

The Caltech-UCSD Birds Dataset

The Caltech-UCSD Birds Dataset The Caltech-UCSD Birds-200-2011 Dataset Catherine Wah 1, Steve Branson 1, Peter Welinder 2, Pietro Perona 2, Serge Belongie 1 1 University of California, San Diego 2 California Institute of Technology

More information

Novelty Detection Using Sparse Online Gaussian Processes for Visual Object Recognition

Novelty Detection Using Sparse Online Gaussian Processes for Visual Object Recognition Proceedings of the Twenty-Sixth International Florida Artificial Intelligence Research Society Conference Novelty Detection Using Sparse Online Gaussian Processes for Visual Object Recognition Ruben Ramirez-Padron

More information

Semantic-based image analysis with the goal of assisting artistic creation

Semantic-based image analysis with the goal of assisting artistic creation Semantic-based image analysis with the goal of assisting artistic creation Pilar Rosado 1, Ferran Reverter 2, Eva Figueras 1, and Miquel Planas 1 1 Fine Arts Faculty, University of Barcelona, Spain, pilarrosado@ub.edu,

More information

SEMANTIC SEGMENTATION AS IMAGE REPRESENTATION FOR SCENE RECOGNITION. Ahmed Bassiouny, Motaz El-Saban. Microsoft Advanced Technology Labs, Cairo, Egypt

SEMANTIC SEGMENTATION AS IMAGE REPRESENTATION FOR SCENE RECOGNITION. Ahmed Bassiouny, Motaz El-Saban. Microsoft Advanced Technology Labs, Cairo, Egypt SEMANTIC SEGMENTATION AS IMAGE REPRESENTATION FOR SCENE RECOGNITION Ahmed Bassiouny, Motaz El-Saban Microsoft Advanced Technology Labs, Cairo, Egypt ABSTRACT We introduce a novel approach towards scene

More information

Fig. 1 Feature descriptor can be extracted local features from difference regions and resolutions by (a) and (b). (a) Spatial pyramid matching (SPM) 1

Fig. 1 Feature descriptor can be extracted local features from difference regions and resolutions by (a) and (b). (a) Spatial pyramid matching (SPM) 1 IIEEJ Paper Image Categorization Using Hierarchical Spatial Matching Kernel TamT.LE, Yousun KANG (Member), Akihiro SUGIMOTO Kyoto University, Tokyo Polytechnic University, National Institute of Informatics

More information

Supervised learning. y = f(x) function

Supervised learning. y = f(x) function Supervised learning y = f(x) output prediction function Image feature Training: given a training set of labeled examples {(x 1,y 1 ),, (x N,y N )}, estimate the prediction function f by minimizing the

More information

Developing Open Source code for Pyramidal Histogram Feature Sets

Developing Open Source code for Pyramidal Histogram Feature Sets Developing Open Source code for Pyramidal Histogram Feature Sets BTech Project Report by Subodh Misra subodhm@iitk.ac.in Y648 Guide: Prof. Amitabha Mukerjee Dept of Computer Science and Engineering IIT

More information

Recognition with Bag-ofWords. (Borrowing heavily from Tutorial Slides by Li Fei-fei)

Recognition with Bag-ofWords. (Borrowing heavily from Tutorial Slides by Li Fei-fei) Recognition with Bag-ofWords (Borrowing heavily from Tutorial Slides by Li Fei-fei) Recognition So far, we ve worked on recognizing edges Now, we ll work on recognizing objects We will use a bag-of-words

More information

Local Image Features

Local Image Features Local Image Features Ali Borji UWM Many slides from James Hayes, Derek Hoiem and Grauman&Leibe 2008 AAAI Tutorial Overview of Keypoint Matching 1. Find a set of distinctive key- points A 1 A 2 A 3 B 3

More information

Kernel Codebooks for Scene Categorization

Kernel Codebooks for Scene Categorization Kernel Codebooks for Scene Categorization Jan C. van Gemert, Jan-Mark Geusebroek, Cor J. Veenman, and Arnold W.M. Smeulders Intelligent Systems Lab Amsterdam (ISLA), University of Amsterdam, Kruislaan

More information

A Survey on Image Classification using Data Mining Techniques Vyoma Patel 1 G. J. Sahani 2

A Survey on Image Classification using Data Mining Techniques Vyoma Patel 1 G. J. Sahani 2 IJSRD - International Journal for Scientific Research & Development Vol. 2, Issue 10, 2014 ISSN (online): 2321-0613 A Survey on Image Classification using Data Mining Techniques Vyoma Patel 1 G. J. Sahani

More information

Generic object recognition using graph embedding into a vector space

Generic object recognition using graph embedding into a vector space American Journal of Software Engineering and Applications 2013 ; 2(1) : 13-18 Published online February 20, 2013 (http://www.sciencepublishinggroup.com/j/ajsea) doi: 10.11648/j. ajsea.20130201.13 Generic

More information

The SIFT (Scale Invariant Feature

The SIFT (Scale Invariant Feature The SIFT (Scale Invariant Feature Transform) Detector and Descriptor developed by David Lowe University of British Columbia Initial paper ICCV 1999 Newer journal paper IJCV 2004 Review: Matt Brown s Canonical

More information

Latest development in image feature representation and extraction

Latest development in image feature representation and extraction International Journal of Advanced Research and Development ISSN: 2455-4030, Impact Factor: RJIF 5.24 www.advancedjournal.com Volume 2; Issue 1; January 2017; Page No. 05-09 Latest development in image

More information

EE368 Project Report CD Cover Recognition Using Modified SIFT Algorithm

EE368 Project Report CD Cover Recognition Using Modified SIFT Algorithm EE368 Project Report CD Cover Recognition Using Modified SIFT Algorithm Group 1: Mina A. Makar Stanford University mamakar@stanford.edu Abstract In this report, we investigate the application of the Scale-Invariant

More information

Real-Time Detection of Landscape Scenes

Real-Time Detection of Landscape Scenes Real-Time Detection of Landscape Scenes Sami Huttunen 1,EsaRahtu 1, Iivari Kunttu 2, Juuso Gren 2, and Janne Heikkilä 1 1 Machine Vision Group, University of Oulu, Finland firstname.lastname@ee.oulu.fi

More information

Analysis: TextonBoost and Semantic Texton Forests. Daniel Munoz Februrary 9, 2009

Analysis: TextonBoost and Semantic Texton Forests. Daniel Munoz Februrary 9, 2009 Analysis: TextonBoost and Semantic Texton Forests Daniel Munoz 16-721 Februrary 9, 2009 Papers [shotton-eccv-06] J. Shotton, J. Winn, C. Rother, A. Criminisi, TextonBoost: Joint Appearance, Shape and Context

More information

Loose Shape Model for Discriminative Learning of Object Categories

Loose Shape Model for Discriminative Learning of Object Categories Loose Shape Model for Discriminative Learning of Object Categories Margarita Osadchy and Elran Morash Computer Science Department University of Haifa Mount Carmel, Haifa 31905, Israel rita@cs.haifa.ac.il

More information

Recognition of Animal Skin Texture Attributes in the Wild. Amey Dharwadker (aap2174) Kai Zhang (kz2213)

Recognition of Animal Skin Texture Attributes in the Wild. Amey Dharwadker (aap2174) Kai Zhang (kz2213) Recognition of Animal Skin Texture Attributes in the Wild Amey Dharwadker (aap2174) Kai Zhang (kz2213) Motivation Patterns and textures are have an important role in object description and understanding

More information

Spatial Pyramids and Two-layer Stacking SVM Classifiers for Image Categorization: A Comparative Study

Spatial Pyramids and Two-layer Stacking SVM Classifiers for Image Categorization: A Comparative Study Spatial Pyramids and Two-layer Stacking SVM Classifiers for Image Categorization: A Comparative Study Azizi Abdullah, Remco C. Veltkamp and Marco A. Wiering Abstract Recent research in image recognition

More information

Image Classification based on Saliency Driven Nonlinear Diffusion and Multi-scale Information Fusion Ms. Swapna R. Kharche 1, Prof.B.K.

Image Classification based on Saliency Driven Nonlinear Diffusion and Multi-scale Information Fusion Ms. Swapna R. Kharche 1, Prof.B.K. Image Classification based on Saliency Driven Nonlinear Diffusion and Multi-scale Information Fusion Ms. Swapna R. Kharche 1, Prof.B.K.Chaudhari 2 1M.E. student, Department of Computer Engg, VBKCOE, Malkapur

More information

Facial Expression Classification with Random Filters Feature Extraction

Facial Expression Classification with Random Filters Feature Extraction Facial Expression Classification with Random Filters Feature Extraction Mengye Ren Facial Monkey mren@cs.toronto.edu Zhi Hao Luo It s Me lzh@cs.toronto.edu I. ABSTRACT In our work, we attempted to tackle

More information

Modeling Image Context using Object Centered Grid

Modeling Image Context using Object Centered Grid Modeling Image Context using Object Centered Grid Sobhan Naderi Parizi, Ivan Laptev, Alireza Tavakoli Targhi Computer Vision and Active Perception Laboratory Royal Institute of Technology (KTH) SE-100

More information

SIFT: SCALE INVARIANT FEATURE TRANSFORM SURF: SPEEDED UP ROBUST FEATURES BASHAR ALSADIK EOS DEPT. TOPMAP M13 3D GEOINFORMATION FROM IMAGES 2014

SIFT: SCALE INVARIANT FEATURE TRANSFORM SURF: SPEEDED UP ROBUST FEATURES BASHAR ALSADIK EOS DEPT. TOPMAP M13 3D GEOINFORMATION FROM IMAGES 2014 SIFT: SCALE INVARIANT FEATURE TRANSFORM SURF: SPEEDED UP ROBUST FEATURES BASHAR ALSADIK EOS DEPT. TOPMAP M13 3D GEOINFORMATION FROM IMAGES 2014 SIFT SIFT: Scale Invariant Feature Transform; transform image

More information

Coarse-to-fine image registration

Coarse-to-fine image registration Today we will look at a few important topics in scale space in computer vision, in particular, coarseto-fine approaches, and the SIFT feature descriptor. I will present only the main ideas here to give

More information