cvpr cvpr2013 cvpr2013-178 knowledge-graph by maker-knowledge-mining

178 cvpr-2013-From Local Similarity to Global Coding: An Application to Image Classification


Source: pdf

Author: Amirreza Shaban, Hamid R. Rabiee, Mehrdad Farajtabar, Marjan Ghazvininejad

Abstract: Bag of words models for feature extraction have demonstrated top-notch performance in image classification. These representations are usually accompanied by a coding method. Recently, methods that code a descriptor giving regard to its nearby bases have proved efficacious. These methods take into account the nonlinear structure of descriptors, since local similarities are a good approximation of global similarities. However, they confine their usage of the global similarities to nearby bases. In this paper, we propose a coding scheme that brings into focus the manifold structure of descriptors, and devise a method to compute the global similarities of descriptors to the bases. Given a local similarity measure between bases, a global measure is computed. Exploiting the local similarity of a descriptor and its nearby bases, a global measure of association of a descriptor to all the bases is computed. Unlike the locality-based and sparse coding methods, the proposed coding varies smoothly with respect to the underlying manifold. Experiments on benchmark image classification datasets substantiate the superiority oftheproposed method over its locality and sparsity based rivals.

Reference: text


Summary: the most important sentenses genereted by tfidf model

sentIndex sentText sentNum sentScore

1 These representations are usually accompanied by a coding method. [sent-11, score-0.484]

2 Recently, methods that code a descriptor giving regard to its nearby bases have proved efficacious. [sent-12, score-0.6]

3 These methods take into account the nonlinear structure of descriptors, since local similarities are a good approximation of global similarities. [sent-13, score-0.419]

4 However, they confine their usage of the global similarities to nearby bases. [sent-14, score-0.318]

5 In this paper, we propose a coding scheme that brings into focus the manifold structure of descriptors, and devise a method to compute the global similarities of descriptors to the bases. [sent-15, score-1.121]

6 Given a local similarity measure between bases, a global measure is computed. [sent-16, score-0.277]

7 Exploiting the local similarity of a descriptor and its nearby bases, a global measure of association of a descriptor to all the bases is computed. [sent-17, score-0.819]

8 Unlike the locality-based and sparse coding methods, the proposed coding varies smoothly with respect to the underlying manifold. [sent-18, score-1.075]

9 Experiments on benchmark image classification datasets substantiate the superiority oftheproposed method over its locality and sparsity based rivals. [sent-19, score-0.326]

10 Among these, BoW models, which are based on the representation of affine invariant descriptors of image patches, have proved to have great performance and are widely used in many applications such as image classification [15], image retrieval [20], and human pose estimation [1]. [sent-26, score-0.134]

11 Researchers have empirically found that, assigning each feature to nearby bases leads to remarkable improvement in accuracy. [sent-30, score-0.52]

12 Authors in [25] proved that under the manifold assumption, considering local bases in coding is essential for successful nonlinear feature learning. [sent-31, score-1.315]

13 [23] in their LLC method use k-nearest neighbor bases in the coding process and set the coding coefficient for other bases to zero. [sent-34, score-1.863]

14 Since the manifold is locally linear, a linear similarity measure is used for neighboring bases. [sent-35, score-0.367]

15 Although this coding scheme captures the local manifold structure, it’s not capable of binding this information to derive and utilize the global structure of the manifold. [sent-36, score-0.929]

16 To be more specific, two features that have different bases in their neighborhood generate completely different codings independent of their distance on the manifold. [sent-37, score-0.531]

17 To overcome this drawback, we propose a novel method called Local Similarity Global Coding (LSGC), that uses the local similarities between bases to obtain a nonlinear global similarity measure between local features and bases. [sent-38, score-1.005]

18 We first show that this coding scheme captures the global manifold structure and generates a smoother coding compared to LLC. [sent-39, score-1.387]

19 Next, we formulate the coding as a linear transformation of any local coding (which is obtained by an arbitrary local coding scheme such as LLC). [sent-40, score-1.595]

20 This formulation is of practical interest when the transformation from local to global coding is obtained by matrix-vector multiplication. [sent-41, score-0.6]

21 First, local points in the image are selected or densely sampled, and an affine invariant feature vector xi called the descriptor vector is extracted from each local point. [sent-51, score-0.209]

22 Each of these elements are called coding vectors ui. [sent-54, score-0.484]

23 Different algorithms use different codebook learning and coding schemes. [sent-56, score-0.571]

24 To aggregate the information of different local codings into one feature vector, local codings from image patches are merged together using a predefined pooling function: v = F(U) (1) where the ith column of U is the coding vector ui, F is the pooling function and v is the image feature vector. [sent-57, score-1.041]

25 Among them are max pooling [24], sum normalization [19], sum pooling and ? [sent-59, score-0.234]

26 × However, recent work empirically shows that the max pooling function leads to superior performance [24, 23]. [sent-61, score-0.131]

27 The max pooling function can be defined as: vj = max( |u1j |, |u2j | , . [sent-62, score-0.131]

28 , |ulj |) (2) where uij is the jth element of ui and l is the number of local points for each image. [sent-65, score-0.169]

29 Recent works mainly differ from each other in their dictionary learning and coding schemes. [sent-77, score-0.595]

30 In the rest of the paper consider base bi as the ith column of dictionary matrix B which has a total of c columns. [sent-79, score-0.294]

31 xi and ui are the local feature and corresponding coding for the ith local keypoint respectively. [sent-80, score-0.798]

32 Related Work In this section, we review commonly used methods in coding and dictionary learning for image classification. [sent-82, score-0.595]

33 , c where xi and ui are descriptor and coding vectors of the ith local point respectively. [sent-94, score-0.783]

34 n is the total number of local points and there are c bases in the dictionary B. [sent-95, score-0.568]

35 The first term represents the reconstruction error and the second term controls the sparsity of coding ui. [sent-96, score-0.51]

36 The sparsity prior plays a key role in coding, because it ensures that the coding captures outstanding patterns in local features. [sent-98, score-0.629]

37 Although ScSPM proves its performance it has one a major drawback: the coding does not change smoothly when xi varies on the manifold. [sent-102, score-0.618]

38 LScSPM [10] tries to overcome this problem by using manifold assumption. [sent-103, score-0.266]

39 ij where wij denotes the similarity between local features i and j. [sent-113, score-0.194]

40 This objective function differs from standard sparse coding in the regularization term, which guarantees that the sparse code varies smoothly on the data manifold. [sent-114, score-0.565]

41 The interpretation of smoothness term is that when wij for two local feature is high, their codings must be close in Euclidean space. [sent-115, score-0.2]

42 As suggested in [23], locality is more important than sparsity. [sent-172, score-0.125]

43 The fundamental assumption in their method is that the local features lie on a nonlinear m dimensional manifold where m is less that the dimension of the ambient space. [sent-173, score-0.428]

44 Mentioning locality, brings into consideration the nonlinear structure of the data manifold in the coding process. [sent-175, score-0.855]

45 In practice the second term is ignored and coding for each descriptor is obtained by optimizing only the first term using only k-nearest bases. [sent-189, score-0.526]

46 This leads to non-zero coefficients for the k-nearest bases and zero for the others. [sent-190, score-0.461]

47 σ Localized soft-assignment coding [17] expresses the coding coefficient as the probability that a local feature xi belongs to a basis bj and surpasses the performance of LLC. [sent-192, score-1.293]

48 Its local similarity measure is defined as: pij=? [sent-193, score-0.185]

49 Similar to LLC, coefficients for the k-nearest bases are computed and the others are set to zero. [sent-199, score-0.461]

50 Local coding methods like LLC and soft-assignment coding implicitly give regard to manifold structure, since local similarity a is valid approximation only for neighboring points. [sent-200, score-1.397]

51 However, these methods disregard global similarities between data, which could be captured using nonlinear similarity estimation methods. [sent-201, score-0.428]

52 Motivation Recent image classification methods that look at both reconstruction error and locality in dictionary learning prove to have top-notch performance [23]. [sent-203, score-0.285]

53 Looking at locality is a struggle to take the underlying nonlinear structure of local features into account. [sent-204, score-0.313]

54 Locality ensures that nearby bases are preferred in coding data points, and this implicitly dis- 222777999644 Figure 2: Kmeans dictionary learning. [sent-205, score-1.086]

55 The bases inherit the geometry of descriptors criminates in favor of the bases on the underlying manifold. [sent-207, score-0.985]

56 Since bases are usually samples of the manifold, the distance (or similarity) of data to these bases is an appropriate feature that embodies the geometry of the data. [sent-208, score-0.914]

57 Usual coding methods learn the bases by considering the manifold structure either explicitly or implicitly. [sent-209, score-1.182]

58 To elaborate, we refer to a closely related trend in large-scale and online manifold learning literature that tries to find only a few bases in order to best preserve the manifold structure. [sent-210, score-0.998]

59 Thus, the bases which are learned by k-means trace the manifold structure of local features. [sent-214, score-0.781]

60 Figure 2 illustrates how the bases learned by k-means cover the whole structure of data. [sent-215, score-0.459]

61 The fact that these bases trace the manifold is a motivation to take the natural similarity between bases into account when coding as well. [sent-217, score-1.704]

62 This leads to a better utilization of manifold structure in the coding process. [sent-218, score-0.752]

63 Exploiting the non-linear dependence of bases to each other a framework is proposed in order to find a global coding scheme for a descriptor. [sent-219, score-1.061]

64 Proposed Method Methods that take into account the manifold structure use only the k nearest bases in the coding process. [sent-221, score-1.182]

65 In this paper we present a novel algorithm extending the methods which rely only on local similarities between data and bases. [sent-223, score-0.255]

66 We claim that local similarities between bases are valuable in the sense that they can be used to estimate global similarities between local features and bases. [sent-224, score-1.028]

67 Considering bases learned by k-means, a local similarity between bases is proposed, which is then utilized to find a global similarity with regard to the manifold structure. [sent-225, score-1.443]

68 At last a coding scheme is presented to derive global similarities between descriptors and bases. [sent-226, score-0.826]

69 Local Similarity Choosing the similarity measure is arbitrary and the approach taken by any existing method (Gaussian kernel, LLC, Sparse Coding) can be adopted. [sent-229, score-0.128]

70 We take the Gaussian kernel approach which is commonly used as a local similarity measure in the manifold learning methods [2]: W(i,j) =? [sent-230, score-0.486]

71 0exp(−| bi−σbj| 2) oift hbjer∈wi kse-NN(bi) (8) While W captures only local similarities, in the next subsection we propose a probabilistic framework to find a global measure of the probability that a base belongs to other bases. [sent-231, score-0.246]

72 From Local to Global Similarity Given a matrix W that contains local similarities between bases, stochastic matrix P is defined by normalizing W: P = D−1W (9) where D is a diagonal? [sent-234, score-0.255]

73 p(bj |bi) can be interpreted as the probability that bj is a memb|ebr of a Gaussian distribution with mean bi and variance σ. [sent-243, score-0.272]

74 As matrix P measures the similarities between neighboring bases, the similarity between non-neighboring bases can be computed indirectly by random walks on the graph which has the adjacency matrix W [13]. [sent-244, score-0.723]

75 Suppose p(2) (bk |bi) represents indirect belonging of bi to bk which is not among bi’s neighbors. [sent-245, score-0.37]

76 Superscript 2 means an indirect dependence via 2 steps: p(2)(bk|bi) ? [sent-246, score-0.127]

77 1 222777999755 Therefore, elements of the matrix P2 are indirect similarities of order 2. [sent-256, score-0.266]

78 for the similarity of order t we use similarity of order t p(t)(bk|bi) − 1: ? [sent-259, score-0.19]

79 1 One can easily see that matrix Pt captures the similarities of order t. [sent-264, score-0.23]

80 Although for every t, Pt can be regarded as a measure of non-local similarity, a better measure of dependence of basis j on basis ican be defined as: S =1tmt? [sent-266, score-0.177]

81 −=10Pm, (12) which considers a multi-resolution non-local dependence from very local to more global ones. [sent-267, score-0.175]

82 (b) Global coding Figure 3: Comparing local and global coding scheme. [sent-367, score-1.084]

83 Hand-written Image Classification In this study we aim to compare the classification performance of a Linear SVM with different coding schemes. [sent-371, score-0.533]

84 We compare LSGC to LLC [23], soft assignment coding (SAC) [22], and localized soft assignment coding (LSAC) [17] on different benchmark image and hand-written letter datasets. [sent-372, score-1.172]

85 In SAC method for each data point x, despite localized soft assignment coding, all coding coefficients are computed. [sent-375, score-0.598]

86 In general, LSGC outperforms other coding methods with small numbers of labeled points. [sent-386, score-0.484]

87 Employing the max pooling method, we obtain the temporal features. [sent-394, score-0.131]

88 We consider five nearest neighbors in coding process and the bandwidth size parameter σ is set to the mean of standard deviation of the bases. [sent-397, score-0.484]

89 Note that for t = 1, our method is reduced to soft-assignment coding [17]. [sent-407, score-0.484]

90 the local similarity propagate sufficiently on the whole manifold. [sent-415, score-0.152]

91 We claim that the superiority of the results is due to considering global similarities in the coding process. [sent-495, score-0.813]

92 Conclusion and Future Work In this paper, we presented a method that uses the information about manifold structure of descriptors, to infer a global similarity measure between bases and descriptors. [sent-503, score-0.885]

93 We showed that by using a linear transformation that embodies the manifold information, we can obtain global similarities from the local ones. [sent-504, score-0.607]

94 In addition, by using global similarities between bases and descriptors in the coding process, a smoother coding is obtained compared to previous methods. [sent-505, score-1.742]

95 Our methods relies on the fact that the bases are sampling the data manifold which is done by k-means. [sent-506, score-0.669]

96 Incorporating dictionary learning methods which take the manifold struc- ture into account is remains as future work. [sent-507, score-0.35]

97 Man- [7] [8] [9] [10] [11] [12] [13] [14] ifold coarse graining for online semi-supervised learning. [sent-558, score-0.152]

98 Local features are not lonely–laplacian sparse coding for image classification. [sent-584, score-0.484]

99 Online manifold regularization: A new learning setting and empirical study. [sent-591, score-0.269]

100 Linear spatial pyramid matching using sparse coding for image classification. [sent-686, score-0.484]


similar papers computed by tfidf model

tfidf for this paper:

wordName wordTfidf (topN-words)

[('coding', 0.484), ('bases', 0.43), ('manifold', 0.239), ('llc', 0.202), ('similarities', 0.198), ('lsgc', 0.184), ('bk', 0.152), ('bi', 0.15), ('locality', 0.125), ('bj', 0.122), ('ui', 0.112), ('pooling', 0.103), ('codings', 0.101), ('similarity', 0.095), ('bui', 0.092), ('graining', 0.092), ('lsac', 0.092), ('rabiee', 0.092), ('shaban', 0.092), ('dictionary', 0.081), ('bow', 0.079), ('nonlinear', 0.076), ('dist', 0.07), ('indirect', 0.068), ('conference', 0.066), ('farajtabar', 0.061), ('mehrdad', 0.061), ('sac', 0.061), ('nearby', 0.061), ('bl', 0.06), ('dependence', 0.059), ('global', 0.059), ('local', 0.057), ('codebook', 0.057), ('ambient', 0.056), ('descriptors', 0.056), ('embodies', 0.054), ('shari', 0.054), ('vq', 0.054), ('xi', 0.053), ('pij', 0.052), ('classification', 0.049), ('euclidian', 0.045), ('scspm', 0.043), ('inherit', 0.043), ('smoothly', 0.043), ('superiority', 0.043), ('descriptor', 0.042), ('wij', 0.042), ('regard', 0.038), ('letter', 0.038), ('varies', 0.038), ('oift', 0.037), ('pages', 0.036), ('ieee', 0.036), ('ith', 0.035), ('coefficient', 0.035), ('online', 0.033), ('measure', 0.033), ('captures', 0.032), ('expresses', 0.032), ('kernel', 0.032), ('coefficients', 0.031), ('smoother', 0.031), ('pattern', 0.031), ('ensures', 0.03), ('centers', 0.03), ('semisupervised', 0.03), ('learning', 0.03), ('structure', 0.029), ('scheme', 0.029), ('benchmark', 0.029), ('remarkable', 0.029), ('claim', 0.029), ('proved', 0.029), ('localized', 0.029), ('attributes', 0.028), ('max', 0.028), ('base', 0.028), ('soft', 0.028), ('coarse', 0.027), ('lscg', 0.027), ('ofclasses', 0.027), ('anxd', 0.027), ('lscspm', 0.027), ('oftheproposed', 0.027), ('sharif', 0.027), ('subje', 0.027), ('substantiate', 0.027), ('brings', 0.027), ('defense', 0.027), ('tries', 0.027), ('sparsity', 0.026), ('svm', 0.026), ('trace', 0.026), ('basis', 0.026), ('fergus', 0.026), ('underlying', 0.026), ('assignment', 0.026), ('dreis', 0.025)]

similar papers list:

simIndex simValue paperId paperTitle

same-paper 1 0.99999988 178 cvpr-2013-From Local Similarity to Global Coding: An Application to Image Classification

Author: Amirreza Shaban, Hamid R. Rabiee, Mehrdad Farajtabar, Marjan Ghazvininejad

Abstract: Bag of words models for feature extraction have demonstrated top-notch performance in image classification. These representations are usually accompanied by a coding method. Recently, methods that code a descriptor giving regard to its nearby bases have proved efficacious. These methods take into account the nonlinear structure of descriptors, since local similarities are a good approximation of global similarities. However, they confine their usage of the global similarities to nearby bases. In this paper, we propose a coding scheme that brings into focus the manifold structure of descriptors, and devise a method to compute the global similarities of descriptors to the bases. Given a local similarity measure between bases, a global measure is computed. Exploiting the local similarity of a descriptor and its nearby bases, a global measure of association of a descriptor to all the bases is computed. Unlike the locality-based and sparse coding methods, the proposed coding varies smoothly with respect to the underlying manifold. Experiments on benchmark image classification datasets substantiate the superiority oftheproposed method over its locality and sparsity based rivals.

2 0.24748753 53 cvpr-2013-BFO Meets HOG: Feature Extraction Based on Histograms of Oriented p.d.f. Gradients for Image Classification

Author: Takumi Kobayashi

Abstract: Image classification methods have been significantly developed in the last decade. Most methods stem from bagof-features (BoF) approach and it is recently extended to a vector aggregation model, such as using Fisher kernels. In this paper, we propose a novel feature extraction method for image classification. Following the BoF approach, a plenty of local descriptors are first extracted in an image and the proposed method is built upon the probability density function (p.d.f) formed by those descriptors. Since the p.d.f essentially represents the image, we extract the features from the p.d.f by means of the gradients on the p.d.f. The gradients, especially their orientations, effectively characterize the shape of the p.d.f from the geometrical viewpoint. We construct the features by the histogram of the oriented p.d.f gradients via orientation coding followed by aggregation of the orientation codes. The proposed image features, imposing no specific assumption on the targets, are so general as to be applicable to any kinds of tasks regarding image classifications. In the experiments on object recog- nition and scene classification using various datasets, the proposed method exhibits superior performances compared to the other existing methods.

3 0.15189929 403 cvpr-2013-Sparse Output Coding for Large-Scale Visual Recognition

Author: Bin Zhao, Eric P. Xing

Abstract: Many vision tasks require a multi-class classifier to discriminate multiple categories, on the order of hundreds or thousands. In this paper, we propose sparse output coding, a principled way for large-scale multi-class classification, by turning high-cardinality multi-class categorization into a bit-by-bit decoding problem. Specifically, sparse output coding is composed of two steps: efficient coding matrix learning with scalability to thousands of classes, and probabilistic decoding. Empirical results on object recognition and scene classification demonstrate the effectiveness ofour proposed approach.

4 0.147562 442 cvpr-2013-Transfer Sparse Coding for Robust Image Representation

Author: Mingsheng Long, Guiguang Ding, Jianmin Wang, Jiaguang Sun, Yuchen Guo, Philip S. Yu

Abstract: Sparse coding learns a set of basis functions such that each input signal can be well approximated by a linear combination of just a few of the bases. It has attracted increasing interest due to its state-of-the-art performance in BoW based image representation. However, when labeled and unlabeled images are sampled from different distributions, they may be quantized into different visual words of the codebook and encoded with different representations, which may severely degrade classification performance. In this paper, we propose a Transfer Sparse Coding (TSC) approach to construct robust sparse representations for classifying cross-distribution images accurately. Specifically, we aim to minimize the distribution divergence between the labeled and unlabeled images, and incorporate this criterion into the objective function of sparse coding to make the new representations robust to the distribution difference. Experiments show that TSC can significantly outperform state-ofthe-art methods on three types of computer vision datasets.

5 0.14552425 164 cvpr-2013-Fast Convolutional Sparse Coding

Author: Hilton Bristow, Anders Eriksson, Simon Lucey

Abstract: Sparse coding has become an increasingly popular method in learning and vision for a variety of classification, reconstruction and coding tasks. The canonical approach intrinsically assumes independence between observations during learning. For many natural signals however, sparse coding is applied to sub-elements (i.e. patches) of the signal, where such an assumption is invalid. Convolutional sparse coding explicitly models local interactions through the convolution operator, however the resulting optimization problem is considerably more complex than traditional sparse coding. In this paper, we draw upon ideas from signal processing and Augmented Lagrange Methods (ALMs) to produce a fast algorithm with globally optimal subproblems and super-linear convergence.

6 0.14438312 296 cvpr-2013-Multi-level Discriminative Dictionary Learning towards Hierarchical Visual Categorization

7 0.13882211 257 cvpr-2013-Learning Structured Low-Rank Representations for Image Classification

8 0.13169894 306 cvpr-2013-Non-rigid Structure from Motion with Diffusion Maps Prior

9 0.13130143 421 cvpr-2013-Supervised Kernel Descriptors for Visual Recognition

10 0.12549315 66 cvpr-2013-Block and Group Regularized Sparse Modeling for Dictionary Learning

11 0.12170223 237 cvpr-2013-Kernel Learning for Extrinsic Classification of Manifold Features

12 0.12128076 405 cvpr-2013-Sparse Subspace Denoising for Image Manifolds

13 0.12092886 5 cvpr-2013-A Bayesian Approach to Multimodal Visual Dictionary Learning

14 0.12076243 144 cvpr-2013-Efficient Maximum Appearance Search for Large-Scale Object Detection

15 0.11296982 347 cvpr-2013-Recognize Human Activities from Partially Observed Videos

16 0.10915619 259 cvpr-2013-Learning a Manifold as an Atlas

17 0.1060018 315 cvpr-2013-Online Robust Dictionary Learning

18 0.10467098 210 cvpr-2013-Illumination Estimation Based on Bilayer Sparse Coding

19 0.1044689 304 cvpr-2013-Multipath Sparse Coding Using Hierarchical Matching Pursuit

20 0.10174884 58 cvpr-2013-Beta Process Joint Dictionary Learning for Coupled Feature Spaces with Application to Single Image Super-Resolution


similar papers computed by lsi model

lsi for this paper:

topicId topicWeight

[(0, 0.203), (1, -0.094), (2, -0.128), (3, 0.134), (4, -0.007), (5, -0.031), (6, -0.036), (7, -0.083), (8, -0.1), (9, -0.034), (10, -0.021), (11, -0.014), (12, -0.028), (13, -0.069), (14, 0.025), (15, 0.012), (16, -0.089), (17, 0.01), (18, -0.01), (19, -0.024), (20, 0.066), (21, 0.072), (22, 0.091), (23, -0.058), (24, -0.033), (25, 0.17), (26, -0.054), (27, 0.123), (28, -0.078), (29, -0.019), (30, 0.04), (31, -0.025), (32, -0.055), (33, 0.016), (34, -0.002), (35, -0.013), (36, -0.009), (37, 0.059), (38, 0.14), (39, -0.097), (40, -0.063), (41, -0.083), (42, 0.051), (43, -0.007), (44, 0.015), (45, -0.105), (46, -0.042), (47, -0.037), (48, -0.05), (49, -0.053)]

similar papers list:

simIndex simValue paperId paperTitle

same-paper 1 0.96333539 178 cvpr-2013-From Local Similarity to Global Coding: An Application to Image Classification

Author: Amirreza Shaban, Hamid R. Rabiee, Mehrdad Farajtabar, Marjan Ghazvininejad

Abstract: Bag of words models for feature extraction have demonstrated top-notch performance in image classification. These representations are usually accompanied by a coding method. Recently, methods that code a descriptor giving regard to its nearby bases have proved efficacious. These methods take into account the nonlinear structure of descriptors, since local similarities are a good approximation of global similarities. However, they confine their usage of the global similarities to nearby bases. In this paper, we propose a coding scheme that brings into focus the manifold structure of descriptors, and devise a method to compute the global similarities of descriptors to the bases. Given a local similarity measure between bases, a global measure is computed. Exploiting the local similarity of a descriptor and its nearby bases, a global measure of association of a descriptor to all the bases is computed. Unlike the locality-based and sparse coding methods, the proposed coding varies smoothly with respect to the underlying manifold. Experiments on benchmark image classification datasets substantiate the superiority oftheproposed method over its locality and sparsity based rivals.

2 0.82786059 53 cvpr-2013-BFO Meets HOG: Feature Extraction Based on Histograms of Oriented p.d.f. Gradients for Image Classification

Author: Takumi Kobayashi

Abstract: Image classification methods have been significantly developed in the last decade. Most methods stem from bagof-features (BoF) approach and it is recently extended to a vector aggregation model, such as using Fisher kernels. In this paper, we propose a novel feature extraction method for image classification. Following the BoF approach, a plenty of local descriptors are first extracted in an image and the proposed method is built upon the probability density function (p.d.f) formed by those descriptors. Since the p.d.f essentially represents the image, we extract the features from the p.d.f by means of the gradients on the p.d.f. The gradients, especially their orientations, effectively characterize the shape of the p.d.f from the geometrical viewpoint. We construct the features by the histogram of the oriented p.d.f gradients via orientation coding followed by aggregation of the orientation codes. The proposed image features, imposing no specific assumption on the targets, are so general as to be applicable to any kinds of tasks regarding image classifications. In the experiments on object recog- nition and scene classification using various datasets, the proposed method exhibits superior performances compared to the other existing methods.

3 0.75448996 421 cvpr-2013-Supervised Kernel Descriptors for Visual Recognition

Author: Peng Wang, Jingdong Wang, Gang Zeng, Weiwei Xu, Hongbin Zha, Shipeng Li

Abstract: In visual recognition tasks, the design of low level image feature representation is fundamental. The advent of local patch features from pixel attributes such as SIFT and LBP, has precipitated dramatic progresses. Recently, a kernel view of these features, called kernel descriptors (KDES) [1], generalizes the feature design in an unsupervised fashion and yields impressive results. In this paper, we present a supervised framework to embed the image level label information into the design of patch level kernel descriptors, which we call supervised kernel descriptors (SKDES). Specifically, we adopt the broadly applied bag-of-words (BOW) image classification pipeline and a large margin criterion to learn the lowlevel patch representation, which makes the patch features much more compact and achieve better discriminative ability than KDES. With this method, we achieve competitive results over several public datasets comparing with stateof-the-art methods.

4 0.7507028 403 cvpr-2013-Sparse Output Coding for Large-Scale Visual Recognition

Author: Bin Zhao, Eric P. Xing

Abstract: Many vision tasks require a multi-class classifier to discriminate multiple categories, on the order of hundreds or thousands. In this paper, we propose sparse output coding, a principled way for large-scale multi-class classification, by turning high-cardinality multi-class categorization into a bit-by-bit decoding problem. Specifically, sparse output coding is composed of two steps: efficient coding matrix learning with scalability to thousands of classes, and probabilistic decoding. Empirical results on object recognition and scene classification demonstrate the effectiveness ofour proposed approach.

5 0.72868401 442 cvpr-2013-Transfer Sparse Coding for Robust Image Representation

Author: Mingsheng Long, Guiguang Ding, Jianmin Wang, Jiaguang Sun, Yuchen Guo, Philip S. Yu

Abstract: Sparse coding learns a set of basis functions such that each input signal can be well approximated by a linear combination of just a few of the bases. It has attracted increasing interest due to its state-of-the-art performance in BoW based image representation. However, when labeled and unlabeled images are sampled from different distributions, they may be quantized into different visual words of the codebook and encoded with different representations, which may severely degrade classification performance. In this paper, we propose a Transfer Sparse Coding (TSC) approach to construct robust sparse representations for classifying cross-distribution images accurately. Specifically, we aim to minimize the distribution divergence between the labeled and unlabeled images, and incorporate this criterion into the objective function of sparse coding to make the new representations robust to the distribution difference. Experiments show that TSC can significantly outperform state-ofthe-art methods on three types of computer vision datasets.

6 0.69915372 83 cvpr-2013-Classification of Tumor Histology via Morphometric Context

7 0.65301985 304 cvpr-2013-Multipath Sparse Coding Using Hierarchical Matching Pursuit

8 0.64498365 5 cvpr-2013-A Bayesian Approach to Multimodal Visual Dictionary Learning

9 0.63857663 164 cvpr-2013-Fast Convolutional Sparse Coding

10 0.62729317 210 cvpr-2013-Illumination Estimation Based on Bilayer Sparse Coding

11 0.62688112 270 cvpr-2013-Local Fisher Discriminant Analysis for Pedestrian Re-identification

12 0.62512624 371 cvpr-2013-SCaLE: Supervised and Cascaded Laplacian Eigenmaps for Visual Object Recognition Based on Nearest Neighbors

13 0.6180324 129 cvpr-2013-Discriminative Brain Effective Connectivity Analysis for Alzheimer's Disease: A Kernel Learning Approach upon Sparse Gaussian Bayesian Network

14 0.61454386 276 cvpr-2013-MKPLS: Manifold Kernel Partial Least Squares for Lipreading and Speaker Identification

15 0.59344369 201 cvpr-2013-Heterogeneous Visual Features Fusion via Sparse Multimodal Machine

16 0.59154445 404 cvpr-2013-Sparse Quantization for Patch Description

17 0.57675576 237 cvpr-2013-Kernel Learning for Extrinsic Classification of Manifold Features

18 0.56586802 238 cvpr-2013-Kernel Methods on the Riemannian Manifold of Symmetric Positive Definite Matrices

19 0.56213099 259 cvpr-2013-Learning a Manifold as an Atlas

20 0.55535275 191 cvpr-2013-Graph-Laplacian PCA: Closed-Form Solution and Robustness


similar papers computed by lda model

lda for this paper:

topicId topicWeight

[(10, 0.054), (26, 0.015), (33, 0.77), (67, 0.035), (69, 0.02), (87, 0.028)]

similar papers list:

simIndex simValue paperId paperTitle

same-paper 1 0.9998821 178 cvpr-2013-From Local Similarity to Global Coding: An Application to Image Classification

Author: Amirreza Shaban, Hamid R. Rabiee, Mehrdad Farajtabar, Marjan Ghazvininejad

Abstract: Bag of words models for feature extraction have demonstrated top-notch performance in image classification. These representations are usually accompanied by a coding method. Recently, methods that code a descriptor giving regard to its nearby bases have proved efficacious. These methods take into account the nonlinear structure of descriptors, since local similarities are a good approximation of global similarities. However, they confine their usage of the global similarities to nearby bases. In this paper, we propose a coding scheme that brings into focus the manifold structure of descriptors, and devise a method to compute the global similarities of descriptors to the bases. Given a local similarity measure between bases, a global measure is computed. Exploiting the local similarity of a descriptor and its nearby bases, a global measure of association of a descriptor to all the bases is computed. Unlike the locality-based and sparse coding methods, the proposed coding varies smoothly with respect to the underlying manifold. Experiments on benchmark image classification datasets substantiate the superiority oftheproposed method over its locality and sparsity based rivals.

2 0.99967265 252 cvpr-2013-Learning Locally-Adaptive Decision Functions for Person Verification

Author: Zhen Li, Shiyu Chang, Feng Liang, Thomas S. Huang, Liangliang Cao, John R. Smith

Abstract: This paper considers the person verification problem in modern surveillance and video retrieval systems. The problem is to identify whether a pair of face or human body images is about the same person, even if the person is not seen before. Traditional methods usually look for a distance (or similarity) measure between images (e.g., by metric learning algorithms), and make decisions based on a fixed threshold. We show that this is nevertheless insufficient and sub-optimal for the verification problem. This paper proposes to learn a decision function for verification that can be viewed as a joint model of a distance metric and a locally adaptive thresholding rule. We further formulate the inference on our decision function as a second-order large-margin regularization problem, and provide an efficient algorithm in its dual from. We evaluate our algorithm on both human body verification and face verification problems. Our method outperforms not only the classical metric learning algorithm including LMNN and ITML, but also the state-of-the-art in the computer vision community.

3 0.99951315 357 cvpr-2013-Revisiting Depth Layers from Occlusions

Author: Adarsh Kowdle, Andrew Gallagher, Tsuhan Chen

Abstract: In this work, we consider images of a scene with a moving object captured by a static camera. As the object (human or otherwise) moves about the scene, it reveals pairwise depth-ordering or occlusion cues. The goal of this work is to use these sparse occlusion cues along with monocular depth occlusion cues to densely segment the scene into depth layers. We cast the problem of depth-layer segmentation as a discrete labeling problem on a spatiotemporal Markov Random Field (MRF) that uses the motion occlusion cues along with monocular cues and a smooth motion prior for the moving object. We quantitatively show that depth ordering produced by the proposed combination of the depth cues from object motion and monocular occlusion cues are superior to using either feature independently, and using a na¨ ıve combination of the features.

4 0.99933255 180 cvpr-2013-Fully-Connected CRFs with Non-Parametric Pairwise Potential

Author: Neill D.F. Campbell, Kartic Subr, Jan Kautz

Abstract: Conditional Random Fields (CRFs) are used for diverse tasks, ranging from image denoising to object recognition. For images, they are commonly defined as a graph with nodes corresponding to individual pixels and pairwise links that connect nodes to their immediate neighbors. Recent work has shown that fully-connected CRFs, where each node is connected to every other node, can be solved efficiently under the restriction that the pairwise term is a Gaussian kernel over a Euclidean feature space. In this paper, we generalize the pairwise terms to a non-linear dissimilarity measure that is not required to be a distance metric. To this end, we propose a density estimation technique to derive conditional pairwise potentials in a nonparametric manner. We then use an efficient embedding technique to estimate an approximate Euclidean feature space for these potentials, in which the pairwise term can still be expressed as a Gaussian kernel. We demonstrate that the use of non-parametric models for the pairwise interactions, conditioned on the input data, greatly increases expressive power whilst maintaining efficient inference.

5 0.99918151 55 cvpr-2013-Background Modeling Based on Bidirectional Analysis

Author: Atsushi Shimada, Hajime Nagahara, Rin-ichiro Taniguchi

Abstract: Background modeling and subtraction is an essential task in video surveillance applications. Most traditional studies use information observed in past frames to create and update a background model. To adapt to background changes, the backgroundmodel has been enhancedby introducing various forms of information including spatial consistency and temporal tendency. In this paper, we propose a new framework that leverages information from a future period. Our proposed approach realizes a low-cost and highly accurate background model. The proposed framework is called bidirectional background modeling, and performs background subtraction based on bidirectional analysis; i.e., analysis from past to present and analysis from future to present. Although a result will be output with some delay because information is takenfrom a futureperiod, our proposed approach improves the accuracy by about 30% if only a 33-millisecond of delay is acceptable. Furthermore, the memory cost can be reduced by about 65% relative to typical background modeling.

6 0.9991709 260 cvpr-2013-Learning and Calibrating Per-Location Classifiers for Visual Place Recognition

7 0.99912202 93 cvpr-2013-Constraints as Features

8 0.9988035 346 cvpr-2013-Real-Time No-Reference Image Quality Assessment Based on Filter Learning

9 0.9985646 137 cvpr-2013-Dynamic Scene Classification: Learning Motion Descriptors with Slow Features Analysis

10 0.99706554 59 cvpr-2013-Better Exploiting Motion for Better Action Recognition

11 0.99697036 165 cvpr-2013-Fast Energy Minimization Using Learned State Filters

12 0.99693245 113 cvpr-2013-Dense Variational Reconstruction of Non-rigid Surfaces from Monocular Video

13 0.99421024 48 cvpr-2013-Attribute-Based Detection of Unfamiliar Classes with Humans in the Loop

14 0.99352968 301 cvpr-2013-Multi-target Tracking by Rank-1 Tensor Approximation

15 0.98722082 189 cvpr-2013-Graph-Based Discriminative Learning for Location Recognition

16 0.98684919 266 cvpr-2013-Learning without Human Scores for Blind Image Quality Assessment

17 0.98680776 379 cvpr-2013-Scalable Sparse Subspace Clustering

18 0.98449302 343 cvpr-2013-Query Adaptive Similarity for Large Scale Object Retrieval

19 0.9841013 148 cvpr-2013-Ensemble Video Object Cut in Highly Dynamic Scenes

20 0.98400855 306 cvpr-2013-Non-rigid Structure from Motion with Diffusion Maps Prior