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

34 cvpr-2013-Adaptive Active Learning for Image Classification


Source: pdf

Author: Xin Li, Yuhong Guo

Abstract: Recently active learning has attracted a lot of attention in computer vision field, as it is time and cost consuming to prepare a good set of labeled images for vision data analysis. Most existing active learning approaches employed in computer vision adopt most uncertainty measures as instance selection criteria. Although most uncertainty query selection strategies are very effective in many circumstances, they fail to take information in the large amount of unlabeled instances into account and are prone to querying outliers. In this paper, we present a novel adaptive active learning approach that combines an information density measure and a most uncertainty measure together to select critical instances to label for image classifications. Our experiments on two essential tasks of computer vision, object recognition and scene recognition, demonstrate the efficacy of the proposed approach.

Reference: text


Summary: the most important sentenses genereted by tfidf model

sentIndex sentText sentNum sentScore

1 edu Abstract Recently active learning has attracted a lot of attention in computer vision field, as it is time and cost consuming to prepare a good set of labeled images for vision data analysis. [sent-2, score-0.549]

2 Most existing active learning approaches employed in computer vision adopt most uncertainty measures as instance selection criteria. [sent-3, score-1.058]

3 Although most uncertainty query selection strategies are very effective in many circumstances, they fail to take information in the large amount of unlabeled instances into account and are prone to querying outliers. [sent-4, score-1.4]

4 In this paper, we present a novel adaptive active learning approach that combines an information density measure and a most uncertainty measure together to select critical instances to label for image classifications. [sent-5, score-1.6]

5 To build a robust image classifier, it typically requires a large number of labeled training instances. [sent-9, score-0.075]

6 For example, 10,000 instances of handwriting digits are used for training classifiers in [33]. [sent-10, score-0.284]

7 It is time and cost consuming to prepare such a large set of labeled training instances. [sent-11, score-0.175]

8 On the other hand, one fascinating characteristic of human vision system is that we can categorize image objects with only few labeled training instances. [sent-12, score-0.108]

9 We aim to develop an effective active learning method to build a competitive classifier with a limited amount of labeled training instances. [sent-15, score-0.505]

10 Training a good classifier with minimal labeling cost is a critical challenge posed in machine learning research. [sent-16, score-0.151]

11 Randomly selecting unlabeled instances to label is inefficient in many situations, since non-informative or redundant instances might be selected. [sent-17, score-1.176]

12 Aiming to reduce labeling effort, active learning methods have been adopted to control the labeling process. [sent-18, score-0.374]

13 Recently, active learning has been studied in computer vision [3, 14, 13, 15, 16], focusing on poolbased setting. [sent-19, score-0.374]

14 These works however merely evaluate the informativeness of instances with most uncertainty measures, which assume an instance with higher classification uncertainty is more critical to label. [sent-20, score-1.473]

15 This may lead to selecting non-useful instances to label. [sent-22, score-0.353]

16 For example, an outlier can be most uncertain to classify, but useless to label. [sent-23, score-0.14]

17 This suggests representativeness of the candidate instance in addition to the classification uncertainty should be considered in developing an active learning strategy. [sent-24, score-1.218]

18 In this paper, we propose a novel adaptive active learning strategy that exploits information provided by both the labeled instances and the unlabeled instances for query selection. [sent-25, score-1.688]

19 Our new query selection measure is an adaptive combination of two terms: an uncertainty term based on the current classifier trained on the labeled instances; and an information density term that measures the mutual information between the candidate instance and the remaining unlabeled instances. [sent-26, score-2.041]

20 We seek to obtain an adaptive combination of the two terms by selecting the weight parameter to minimize the expected classification error on unlabeled instances. [sent-28, score-0.775]

21 We conduct experiments on a few benchmark image classification datasets and present promising results for the proposed active learning method. [sent-29, score-0.477]

22 Related Work A large number of active learning techniques have been developed in the literature. [sent-31, score-0.374]

23 Most of them have been focused 888885555599777 on selecting a single most informative unlabeled instance to label each time. [sent-32, score-0.852]

24 Many such approaches make myopic decisions based solely on the current learned classifiers and employ an uncertainty sampling principle to select the unlabeled instance they are most uncertain to label. [sent-33, score-1.269]

25 In [18, 26], the most uncertain instance is taken as the one that has the largest entropy on the conditional distribution over its labels. [sent-34, score-0.505]

26 Support vector machine methods choose the most uncertain instance as the one that is closest to the classification boundary [2, 25, 28]. [sent-35, score-0.398]

27 Query-by-committee algorithms train a committee of classifiers and choose the instance on which the committee members most disagree [9, 19]. [sent-36, score-0.356]

28 One apparent shortcoming of the active learning strategies reviewed above is that they select a query based only on how that instance relates to the current classifier(s), whereas ignoring the large set of unlabeled instances. [sent-37, score-1.223]

29 One immediate problem is that these approaches are prone to querying outliers, as we discussed before. [sent-38, score-0.074]

30 Moreover, the goal of active learning is producing a classifier that has good generalization performance on unseen instances in the problem domain. [sent-39, score-0.787]

31 Although it might not be possible to access the domain distribution directly, relevant information can be obtained from the large pool of unlabeled instances. [sent-40, score-0.543]

32 Many active learning methods have been proposed to exploit unlabeled data to minimize the generalization error of the trained classifier. [sent-41, score-0.964]

33 In [24], queries are selected to minimize the generalization error in a direct way by maximizing the expected error reduction on unlabeled data with respect to the estimated posterior label probabilities. [sent-42, score-0.687]

34 Another class of active learning approaches minimize the generalization error indirectly by reducing model variances, including a statistical approach [4], and a similar approach that selects optimal queries based on Fisher information [35]. [sent-43, score-0.573]

35 These generalization error minimization approaches are generally computationally expensive. [sent-44, score-0.101]

36 An alternative class of active learning methods use a number of heuristic measures to exploit the information in unlabeled data. [sent-45, score-0.964]

37 The methods in [19, 32] employ the unlabeled data by using the prior density p(x) as weights for uncertainty measures. [sent-46, score-1.0]

38 A similar framework is employed in [26], which uses a cosine distance to measure an information density. [sent-47, score-0.178]

39 The methods in [6, 20] explicitly combine clustering and active learning together to exploit both labeled and unlabeled instances. [sent-48, score-0.91]

40 In [10, 17], instances are selected to maximize the increase of mutual information between the selected set of instances and the remaining ones based on Gaussian Process models. [sent-49, score-0.735]

41 The method in [23] extends the query-by-committee algorithm by exploiting unlabeled data. [sent-50, score-0.461]

42 The work [11] seeks the instance whose optimistic label provides maximum mutual information about the labels of the remaining unlabeled instances, which implicitly exploits the clustering information contained in the unlabeled data in an optimistic way. [sent-51, score-1.527]

43 In the realm of computer vision, researchers have adopted active learning in image/video annotation [16, 34, 3 1], image/video retrieval [29, 12] and image/video recog- nition [30, 15, 13, 22, 14]. [sent-52, score-0.403]

44 The work [29] applies active learning on object detection and the approach aims to deal with a large amount of images crawled online. [sent-53, score-0.374]

45 The work [14] generalizes the margin-based uncertainty measure to the multi-class case. [sent-54, score-0.471]

46 In [22], a two dimensional active learning method is proposed to conduct selection over instancelabel pairs instead of solely instances. [sent-55, score-0.458]

47 The work [13] introduces a probabilistic variant of a KNN method used for active learning. [sent-56, score-0.345]

48 The work [15] uses Gaussian Process as a probabilistic prediction model to gain a direct estimate of uncertainty measure for active learning in binary classification case. [sent-57, score-0.941]

49 Although different prediction models have been employed in these methods, they all used the simple uncertainty sampling active learning strategy for instance selection. [sent-58, score-1.023]

50 Therefore these methods have the drawback of ignoring the distributional information contained in the large number of unlabeled instances, as we discussed above. [sent-59, score-0.621]

51 In this paper, we develop a new active learning method for image classification tasks, which overcomes the inherent limitation of uncertainty sampling. [sent-60, score-0.82]

52 Proposed Approach Different active learning strategies have different strengths in identifying which instance to query given current classifier. [sent-62, score-0.742]

53 In this section, we present a novel active learning method that combines the strengths of different active learning strategies in an adaptive way. [sent-63, score-0.916]

54 The proposed active learning method has three key components: an un- certainty measure, an information density measure and an adaptive combination framework. [sent-64, score-0.783]

55 Moreover, our approach is based on probabilistic classification models. [sent-66, score-0.096]

56 We use logistic regression as our probabilistic classification model in the experiments. [sent-67, score-0.096]

57 We use xi ∈ Rd to denote the input feature vector of the ith instance,∈ ∈an Rd yi ∈ {1, · · · , K} to denote its class label. [sent-70, score-0.166]

58 We use L and U to d∈en {o1te,· t·h·e , iKnd}e xto se detsn ootfe eth iets la cblaeslse dla abneld. [sent-71, score-0.094]

59 Uncertainty Measure Uncertainty sampling is one simplest and most commonly used active active learning strategy. [sent-76, score-0.727]

60 It aims to choose the most uncertain instance to label. [sent-77, score-0.335]

61 For probabilistic classification models, the uncertainty measure is defined as the conditional entropy of the label variable Y given the candi888886555600888 date instance xi: f(xi) = H(Y |xi, θL) (1) = −? [sent-78, score-0.966]

62 y∈Y where Y denotes the set of all class values, θL represents wtheh crelas Ysif diecantoiotens m thoede sel ttr oaifn aeldl over t vhael ulaesbe,l θed set L, and the conditional distribution P(y|xi , θL) is determined using tthhies cmonoddietil. [sent-80, score-0.218]

63 o nTahlis d uncertainty measure captures the informativeness of the candidate instance with respect to the labeled instances. [sent-81, score-0.989]

64 Information Density Measure To cope with the drawback of uncertainty sampling, we next take the unlabeled instances into consideration when selecting an instance to query. [sent-85, score-1.422]

65 Our motivation is that the representative instances of the input distribution can be very informative for improving the generalization performance of the target classifier. [sent-86, score-0.516]

66 Although the input distribution is usually not given, we have a large set of unlabeled instances that can be used to approximate the input space. [sent-87, score-0.788]

67 It has been shown in previous semi-supervised learning work that the distribution of unlabeled data is very useful for training good classification models [5, 27]. [sent-88, score-0.629]

68 Intuitively, one would prefer to select the instance that is located in a dense region regarding the other unlabeled instances, since such an instance will be much more informative about other unlabeled instances than the ones located in a sparse region. [sent-89, score-1.734]

69 We thus use the term information density to indicate the informativeness of a candidate instance for the remaining unlabeled instances. [sent-90, score-1.138]

70 Specifically, in this work, we define the information density measure as the mutual information between the candidate instance and the remaining unlabeled instances within a Gaussian Process framework. [sent-91, score-1.506]

71 A Gaussian Process is a joint distribution over a (possibly infinite) set of random variables, such that the marginal distribution over any fi- nite subset of variables is multivariate Gaussian. [sent-95, score-0.199]

72 ix T dheufsin tehde over arilal ntchee unlabeled instances indexed by Ui. [sent-103, score-0.798]

73 = = (6) (7) Using (6) and (7), the information density definition given in (3) can finally be rewritten into the following form d(xi) =21ln? [sent-115, score-0.195]

74 A Combination Framework Given the uncertainty measure and the information density measure defined above, we aim to develop a combination framework to integrate the strengths of both. [sent-120, score-0.87]

75 The main idea is to pick the instance that is not only most uncertain 8 8 865 561 9 9 to classify based on the current classifier, but also very informative about the remaining unlabeled instances. [sent-121, score-0.964]

76 Thus after adding this instance to the labeled set, the new classifier produced can make more accurate predictions on the unlabeled instances. [sent-122, score-0.787]

77 Specifically, we propose to combine the two measures in a general product form of combination framework as below hβ(xi) = f(xi)βd(xi)1−β (9) where 0 ≤ β ≤ 1is a tradeoff controlling parameter over twheh trweo 0 te ≤rm βs. [sent-123, score-0.12]

78 ≤F 1or i tsh ae croadmeobfinfa ctioonntr measure given irn o Eq. [sent-124, score-0.088]

79 (9), although the uncertainty term f(xi)β is a discriminative measure, the information density term d(xi)1−β is computed in the input space and has no direct connection with the target discriminative classification model. [sent-125, score-0.641]

80 Using such a heuristic combination measure, we aim to pick the most informative instance for reducing the generalization error of the classification model without the computationally expensive steps of retraining classification model for each candidate instance. [sent-126, score-0.753]

81 The only computationally expensive operation for this information density assisted combination measure is the matrix inversion operation Σ−U1iUi used to compute the conditional covariance σi2|Ui in Eq. [sent-127, score-0.484]

82 It is very inefficient to compute a matrix inverse Σ−U1iUi for each candidate instance i ∈ U. [sent-129, score-0.351]

83 Thus we only need to conduct one matrix inversion at the beginning of the active learning process. [sent-132, score-0.501]

84 Moreover, one can use subsampling to further reduce the computational cost for large unlabeled sets. [sent-133, score-0.461]

85 That is, in each iteration of active learning, one can first randomly sample a subset of unlabeled instances, and then restrain the candi- date instance selection to this subset. [sent-134, score-1.084]

86 A similar combination strategy to our proposed one in Eq. [sent-135, score-0.088]

87 However, it uses the average cosine distance between the candidate instance and all unlabeled instances as its information density measure. [sent-137, score-1.302]

88 Below we propose to adaptively select the best β from a range of pre-defined values to use in each iteration of active learning. [sent-139, score-0.392]

89 Adaptive Combination One important issue regarding the combination strategy we proposed above is to select a proper weight parameter β for 0 ≤ β ≤ 1. [sent-142, score-0.137]

90 5, the uncertainty measure is treated as a more important measure than the information density measure since more weights are put on the uncertainty measure. [sent-146, score-1.225]

91 In the extreme case of β = 1, it is equivalent to most uncertainty sampling. [sent-147, score-0.383]

92 5, more weights are put on the information density measure. [sent-149, score-0.195]

93 Moreover, the relative importance of the two measures can be dynamically changing across different iterations and stages of the active learning process. [sent-151, score-0.478]

94 To achieve the best possible instance selection in each iteration, one thus needs to dynamically evaluate the relative informativeness of the two measures and determine the β value for each instance selection. [sent-152, score-0.67]

95 In this work, we propose to take a simple nonmyopic step to adaptively pick the β value from a set of pre-defined candidate values. [sent-154, score-0.187]

96 Specifically, in each iteration of active learning, we compute the uncertainty measure f(xi) and the information density measure d(xi) for each candidate instance xi. [sent-155, score-1.377]

97 Then we select a set of b instances using b different β values from a pre-defined set B according to the combination measure hβ (xi) defined in Eq. [sent-156, score-0.479]

98 Then selecting the best β value is equivalent to selecting the most informative instance from the b selected instances. [sent-165, score-0.422]

99 We propose to make this selection by minimizing the expected classification error on the unlabeled instances. [sent-166, score-0.596]

100 For each candidate instance x from the set S, we label it with a label value y with probability P(y|x, θL). [sent-168, score-0.387]


similar papers computed by tfidf model

tfidf for this paper:

wordName wordTfidf (topN-words)

[('unlabeled', 0.461), ('uncertainty', 0.383), ('active', 0.312), ('instances', 0.284), ('xui', 0.224), ('instance', 0.195), ('xi', 0.166), ('density', 0.156), ('uncertain', 0.14), ('informativeness', 0.132), ('candidate', 0.116), ('ui', 0.09), ('informative', 0.089), ('mutual', 0.089), ('measure', 0.088), ('inversion', 0.087), ('representativeness', 0.087), ('labeled', 0.075), ('query', 0.073), ('generalization', 0.073), ('entropy', 0.071), ('selecting', 0.069), ('adaptive', 0.068), ('committee', 0.066), ('optimistic', 0.066), ('classification', 0.063), ('measures', 0.062), ('learning', 0.062), ('prepare', 0.061), ('strengths', 0.058), ('combination', 0.058), ('conditional', 0.056), ('classifier', 0.056), ('temple', 0.055), ('indexed', 0.053), ('multivariate', 0.052), ('cosine', 0.051), ('select', 0.049), ('xin', 0.044), ('selection', 0.044), ('querying', 0.043), ('distribution', 0.043), ('strategies', 0.042), ('dynamically', 0.042), ('sampling', 0.041), ('conduct', 0.04), ('pick', 0.04), ('inefficient', 0.04), ('mx', 0.04), ('date', 0.039), ('information', 0.039), ('remaining', 0.039), ('consuming', 0.039), ('gaussian', 0.038), ('label', 0.038), ('contained', 0.034), ('probabilistic', 0.033), ('ootfe', 0.033), ('exdi', 0.033), ('fascinating', 0.033), ('iets', 0.033), ('otom', 0.033), ('restrain', 0.033), ('thoede', 0.033), ('uii', 0.033), ('critical', 0.033), ('queries', 0.031), ('prone', 0.031), ('adaptively', 0.031), ('voa', 0.031), ('argmaxh', 0.031), ('aun', 0.031), ('khe', 0.031), ('nite', 0.031), ('nwgit', 0.031), ('nxi', 0.031), ('ocft', 0.031), ('stances', 0.031), ('tixo', 0.031), ('strategy', 0.03), ('marginal', 0.03), ('drawback', 0.03), ('ignoring', 0.029), ('disagree', 0.029), ('pdr', 0.029), ('axl', 0.029), ('ifrom', 0.029), ('realm', 0.029), ('tthhies', 0.029), ('ttr', 0.029), ('yta', 0.029), ('heuristic', 0.028), ('error', 0.028), ('minimize', 0.028), ('distributional', 0.028), ('dla', 0.028), ('oaifn', 0.028), ('el', 0.027), ('motivation', 0.027), ('moreover', 0.027)]

similar papers list:

simIndex simValue paperId paperTitle

same-paper 1 0.99999958 34 cvpr-2013-Adaptive Active Learning for Image Classification

Author: Xin Li, Yuhong Guo

Abstract: Recently active learning has attracted a lot of attention in computer vision field, as it is time and cost consuming to prepare a good set of labeled images for vision data analysis. Most existing active learning approaches employed in computer vision adopt most uncertainty measures as instance selection criteria. Although most uncertainty query selection strategies are very effective in many circumstances, they fail to take information in the large amount of unlabeled instances into account and are prone to querying outliers. In this paper, we present a novel adaptive active learning approach that combines an information density measure and a most uncertainty measure together to select critical instances to label for image classifications. Our experiments on two essential tasks of computer vision, object recognition and scene recognition, demonstrate the efficacy of the proposed approach.

2 0.28326738 36 cvpr-2013-Adding Unlabeled Samples to Categories by Learned Attributes

Author: Jonghyun Choi, Mohammad Rastegari, Ali Farhadi, Larry S. Davis

Abstract: We propose a method to expand the visual coverage of training sets that consist of a small number of labeled examples using learned attributes. Our optimization formulation discovers category specific attributes as well as the images that have high confidence in terms of the attributes. In addition, we propose a method to stably capture example-specific attributes for a small sized training set. Our method adds images to a category from a large unlabeled image pool, and leads to significant improvement in category recognition accuracy evaluated on a large-scale dataset, ImageNet.

3 0.19596173 387 cvpr-2013-Semi-supervised Domain Adaptation with Instance Constraints

Author: Jeff Donahue, Judy Hoffman, Erik Rodner, Kate Saenko, Trevor Darrell

Abstract: Most successful object classification and detection methods rely on classifiers trained on large labeled datasets. However, for domains where labels are limited, simply borrowing labeled data from existing datasets can hurt performance, a phenomenon known as “dataset bias.” We propose a general framework for adapting classifiers from “borrowed” data to the target domain using a combination of available labeled and unlabeled examples. Specifically, we show that imposing smoothness constraints on the classifier scores over the unlabeled data can lead to improved adaptation results. Such constraints are often available in the form of instance correspondences, e.g. when the same object or individual is observed simultaneously from multiple views, or tracked between video frames. In these cases, the object labels are unknown but can be constrained to be the same or similar. We propose techniques that build on existing domain adaptation methods by explicitly modeling these relationships, and demonstrate empirically that they improve recognition accuracy in two scenarios, multicategory image classification and object detection in video.

4 0.18430254 390 cvpr-2013-Semi-supervised Node Splitting for Random Forest Construction

Author: Xiao Liu, Mingli Song, Dacheng Tao, Zicheng Liu, Luming Zhang, Chun Chen, Jiajun Bu

Abstract: Node splitting is an important issue in Random Forest but robust splitting requires a large number of training samples. Existing solutions fail to properly partition the feature space if there are insufficient training data. In this paper, we present semi-supervised splitting to overcome this limitation by splitting nodes with the guidance of both labeled and unlabeled data. In particular, we derive a nonparametric algorithm to obtain an accurate quality measure of splitting by incorporating abundant unlabeled data. To avoid the curse of dimensionality, we project the data points from the original high-dimensional feature space onto a low-dimensional subspace before estimation. A unified optimization framework is proposed to select a coupled pair of subspace and separating hyperplane such that the smoothness of the subspace and the quality of the splitting are guaranteed simultaneously. The proposed algorithm is compared with state-of-the-art supervised and semi-supervised algorithms for typical computer vision applications such as object categorization and image segmen- tation. Experimental results on publicly available datasets demonstrate the superiority of our method.

5 0.13779137 459 cvpr-2013-Watching Unlabeled Video Helps Learn New Human Actions from Very Few Labeled Snapshots

Author: Chao-Yeh Chen, Kristen Grauman

Abstract: We propose an approach to learn action categories from static images that leverages prior observations of generic human motion to augment its training process. Using unlabeled video containing various human activities, the system first learns how body pose tends to change locally in time. Then, given a small number of labeled static images, it uses that model to extrapolate beyond the given exemplars and generate “synthetic ” training examples—poses that could link the observed images and/or immediately precede or follow them in time. In this way, we expand the training set without requiring additional manually labeled examples. We explore both example-based and manifold-based methods to implement our idea. Applying our approach to recognize actions in both images and video, we show it enhances a state-of-the-art technique when very few labeled training examples are available.

6 0.13778776 33 cvpr-2013-Active Contours with Group Similarity

7 0.12688634 396 cvpr-2013-Simultaneous Active Learning of Classifiers & Attributes via Relative Feedback

8 0.12215028 442 cvpr-2013-Transfer Sparse Coding for Robust Image Representation

9 0.12158998 15 cvpr-2013-A Lazy Man's Approach to Benchmarking: Semisupervised Classifier Evaluation and Recalibration

10 0.1143818 389 cvpr-2013-Semi-supervised Learning with Constraints for Person Identification in Multimedia Data

11 0.10460111 98 cvpr-2013-Cross-View Action Recognition via a Continuous Virtual Path

12 0.090312533 157 cvpr-2013-Exploring Implicit Image Statistics for Visual Representativeness Modeling

13 0.089777626 343 cvpr-2013-Query Adaptive Similarity for Large Scale Object Retrieval

14 0.084228285 207 cvpr-2013-Human Pose Estimation Using a Joint Pixel-wise and Part-wise Formulation

15 0.082848676 264 cvpr-2013-Learning to Detect Partially Overlapping Instances

16 0.081840858 128 cvpr-2013-Discrete MRF Inference of Marginal Densities for Non-uniformly Discretized Variable Space

17 0.07614626 364 cvpr-2013-Robust Object Co-detection

18 0.074722923 377 cvpr-2013-Sample-Specific Late Fusion for Visual Category Recognition

19 0.072651386 180 cvpr-2013-Fully-Connected CRFs with Non-Parametric Pairwise Potential

20 0.072634727 187 cvpr-2013-Geometric Context from Videos


similar papers computed by lsi model

lsi for this paper:

topicId topicWeight

[(0, 0.17), (1, -0.067), (2, -0.038), (3, -0.001), (4, 0.075), (5, 0.034), (6, -0.062), (7, -0.028), (8, -0.016), (9, 0.022), (10, 0.018), (11, -0.016), (12, -0.05), (13, -0.048), (14, -0.122), (15, -0.07), (16, -0.047), (17, -0.112), (18, 0.023), (19, -0.038), (20, -0.085), (21, -0.115), (22, -0.102), (23, 0.015), (24, 0.075), (25, 0.042), (26, 0.013), (27, -0.002), (28, -0.009), (29, -0.019), (30, -0.058), (31, 0.036), (32, -0.124), (33, 0.111), (34, -0.032), (35, 0.046), (36, -0.046), (37, -0.064), (38, 0.0), (39, -0.191), (40, -0.123), (41, -0.007), (42, 0.115), (43, 0.114), (44, -0.0), (45, 0.014), (46, -0.063), (47, -0.128), (48, -0.042), (49, 0.078)]

similar papers list:

simIndex simValue paperId paperTitle

same-paper 1 0.9730106 34 cvpr-2013-Adaptive Active Learning for Image Classification

Author: Xin Li, Yuhong Guo

Abstract: Recently active learning has attracted a lot of attention in computer vision field, as it is time and cost consuming to prepare a good set of labeled images for vision data analysis. Most existing active learning approaches employed in computer vision adopt most uncertainty measures as instance selection criteria. Although most uncertainty query selection strategies are very effective in many circumstances, they fail to take information in the large amount of unlabeled instances into account and are prone to querying outliers. In this paper, we present a novel adaptive active learning approach that combines an information density measure and a most uncertainty measure together to select critical instances to label for image classifications. Our experiments on two essential tasks of computer vision, object recognition and scene recognition, demonstrate the efficacy of the proposed approach.

2 0.74631447 390 cvpr-2013-Semi-supervised Node Splitting for Random Forest Construction

Author: Xiao Liu, Mingli Song, Dacheng Tao, Zicheng Liu, Luming Zhang, Chun Chen, Jiajun Bu

Abstract: Node splitting is an important issue in Random Forest but robust splitting requires a large number of training samples. Existing solutions fail to properly partition the feature space if there are insufficient training data. In this paper, we present semi-supervised splitting to overcome this limitation by splitting nodes with the guidance of both labeled and unlabeled data. In particular, we derive a nonparametric algorithm to obtain an accurate quality measure of splitting by incorporating abundant unlabeled data. To avoid the curse of dimensionality, we project the data points from the original high-dimensional feature space onto a low-dimensional subspace before estimation. A unified optimization framework is proposed to select a coupled pair of subspace and separating hyperplane such that the smoothness of the subspace and the quality of the splitting are guaranteed simultaneously. The proposed algorithm is compared with state-of-the-art supervised and semi-supervised algorithms for typical computer vision applications such as object categorization and image segmen- tation. Experimental results on publicly available datasets demonstrate the superiority of our method.

3 0.68702865 36 cvpr-2013-Adding Unlabeled Samples to Categories by Learned Attributes

Author: Jonghyun Choi, Mohammad Rastegari, Ali Farhadi, Larry S. Davis

Abstract: We propose a method to expand the visual coverage of training sets that consist of a small number of labeled examples using learned attributes. Our optimization formulation discovers category specific attributes as well as the images that have high confidence in terms of the attributes. In addition, we propose a method to stably capture example-specific attributes for a small sized training set. Our method adds images to a category from a large unlabeled image pool, and leads to significant improvement in category recognition accuracy evaluated on a large-scale dataset, ImageNet.

4 0.64562273 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.6441496 15 cvpr-2013-A Lazy Man's Approach to Benchmarking: Semisupervised Classifier Evaluation and Recalibration

Author: Peter Welinder, Max Welling, Pietro Perona

Abstract: How many labeled examples are needed to estimate a classifier’s performance on a new dataset? We study the case where data is plentiful, but labels are expensive. We show that by making a few reasonable assumptions on the structure of the data, it is possible to estimate performance curves, with confidence bounds, using a small number of ground truth labels. Our approach, which we call Semisupervised Performance Evaluation (SPE), is based on a generative model for the classifier’s confidence scores. In addition to estimating the performance of classifiers on new datasets, SPE can be used to recalibrate a classifier by reestimating the class-conditional confidence distributions.

6 0.60815412 261 cvpr-2013-Learning by Associating Ambiguously Labeled Images

7 0.57691264 320 cvpr-2013-Optimizing 1-Nearest Prototype Classifiers

8 0.55652708 387 cvpr-2013-Semi-supervised Domain Adaptation with Instance Constraints

9 0.54583293 403 cvpr-2013-Sparse Output Coding for Large-Scale Visual Recognition

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

11 0.53463244 128 cvpr-2013-Discrete MRF Inference of Marginal Densities for Non-uniformly Discretized Variable Space

12 0.53315741 179 cvpr-2013-From N to N+1: Multiclass Transfer Incremental Learning

13 0.52973765 389 cvpr-2013-Semi-supervised Learning with Constraints for Person Identification in Multimedia Data

14 0.52301168 168 cvpr-2013-Fast Object Detection with Entropy-Driven Evaluation

15 0.52271098 396 cvpr-2013-Simultaneous Active Learning of Classifiers & Attributes via Relative Feedback

16 0.52055871 193 cvpr-2013-Graph Transduction Learning with Connectivity Constraints with Application to Multiple Foreground Cosegmentation

17 0.52009815 98 cvpr-2013-Cross-View Action Recognition via a Continuous Virtual Path

18 0.50154996 239 cvpr-2013-Kernel Null Space Methods for Novelty Detection

19 0.49845791 157 cvpr-2013-Exploring Implicit Image Statistics for Visual Representativeness Modeling

20 0.49566925 377 cvpr-2013-Sample-Specific Late Fusion for Visual Category Recognition


similar papers computed by lda model

lda for this paper:

topicId topicWeight

[(10, 0.172), (16, 0.025), (26, 0.032), (33, 0.3), (67, 0.091), (69, 0.038), (87, 0.101), (94, 0.157)]

similar papers list:

simIndex simValue paperId paperTitle

1 0.94749373 184 cvpr-2013-Gauging Association Patterns of Chromosome Territories via Chromatic Median

Author: Hu Ding, Branislav Stojkovic, Ronald Berezney, Jinhui Xu

Abstract: Computing accurate and robust organizational patterns of chromosome territories inside the cell nucleus is critical for understanding several fundamental genomic processes, such as co-regulation of gene activation, gene silencing, X chromosome inactivation, and abnormal chromosome rearrangement in cancer cells. The usage of advanced fluorescence labeling and image processing techniques has enabled researchers to investigate interactions of chromosome territories at large spatial resolution. The resulting high volume of generated data demands for high-throughput and automated image analysis methods. In this paper, we introduce a novel algorithmic tool for investigating association patterns of chromosome territories in a population of cells. Our method takes as input a set of graphs, one for each cell, containing information about spatial interaction of chromosome territories, and yields a single graph that contains essential information for the whole population and stands as its structural representative. We formulate this combinato- rial problem as a semi-definite programming and present novel techniques to efficiently solve it. We validate our approach on both artificial and real biological data; the experimental results suggest that our approach yields a nearoptimal solution, and can handle large-size datasets, which are significant improvements over existing techniques.

2 0.9394235 395 cvpr-2013-Shape from Silhouette Probability Maps: Reconstruction of Thin Objects in the Presence of Silhouette Extraction and Calibration Error

Author: Amy Tabb

Abstract: This paper considers the problem of reconstructing the shape ofthin, texture-less objects such as leafless trees when there is noise or deterministic error in the silhouette extraction step or there are small errors in camera calibration. Traditional intersection-based techniques such as the visual hull are not robust to error because they penalize false negative and false positive error unequally. We provide a voxel-based formalism that penalizes false negative and positive error equally, by casting the reconstruction problem as a pseudo-Boolean minimization problem, where voxels are the variables of a pseudo-Boolean function and are labeled occupied or empty. Since the pseudo-Boolean minimization problem is NP-Hard for nonsubmodular functions, we developed an algorithm for an approximate solution using local minimum search. Our algorithm treats input binary probability maps (in other words, silhouettes) or continuously-valued probability maps identically, and places no constraints on camera placement. The algorithm was tested on three different leafless trees and one metal object where the number of voxels is 54.4 million (voxel sides measure 3.6 mm). Results show that our . usda .gov (a)Orignalimage(b)SilhoueteProbabiltyMap approach reconstructs the complicated branching structure of thin, texture-less objects in the presence of error where intersection-based approaches currently fail. 1

3 0.91463119 248 cvpr-2013-Learning Collections of Part Models for Object Recognition

Author: Ian Endres, Kevin J. Shih, Johnston Jiaa, Derek Hoiem

Abstract: We propose a method to learn a diverse collection of discriminative parts from object bounding box annotations. Part detectors can be trained and applied individually, which simplifies learning and extension to new features or categories. We apply the parts to object category detection, pooling part detections within bottom-up proposed regions and using a boosted classifier with proposed sigmoid weak learners for scoring. On PASCAL VOC 2010, we evaluate the part detectors ’ ability to discriminate and localize annotated keypoints. Our detection system is competitive with the best-existing systems, outperforming other HOG-based detectors on the more deformable categories.

4 0.91044831 408 cvpr-2013-Spatiotemporal Deformable Part Models for Action Detection

Author: Yicong Tian, Rahul Sukthankar, Mubarak Shah

Abstract: Deformable part models have achieved impressive performance for object detection, even on difficult image datasets. This paper explores the generalization of deformable part models from 2D images to 3D spatiotemporal volumes to better study their effectiveness for action detection in video. Actions are treated as spatiotemporal patterns and a deformable part model is generated for each action from a collection of examples. For each action model, the most discriminative 3D subvolumes are automatically selected as parts and the spatiotemporal relations between their locations are learned. By focusing on the most distinctive parts of each action, our models adapt to intra-class variation and show robustness to clutter. Extensive experiments on several video datasets demonstrate the strength of spatiotemporal DPMs for classifying and localizing actions.

5 0.90995473 414 cvpr-2013-Structure Preserving Object Tracking

Author: Lu Zhang, Laurens van_der_Maaten

Abstract: Model-free trackers can track arbitrary objects based on a single (bounding-box) annotation of the object. Whilst the performance of model-free trackers has recently improved significantly, simultaneously tracking multiple objects with similar appearance remains very hard. In this paper, we propose a new multi-object model-free tracker (based on tracking-by-detection) that resolves this problem by incorporating spatial constraints between the objects. The spatial constraints are learned along with the object detectors using an online structured SVM algorithm. The experimental evaluation ofour structure-preserving object tracker (SPOT) reveals significant performance improvements in multi-object tracking. We also show that SPOT can improve the performance of single-object trackers by simultaneously tracking different parts of the object.

6 0.90822703 225 cvpr-2013-Integrating Grammar and Segmentation for Human Pose Estimation

7 0.90670204 314 cvpr-2013-Online Object Tracking: A Benchmark

8 0.90488356 98 cvpr-2013-Cross-View Action Recognition via a Continuous Virtual Path

9 0.90474278 285 cvpr-2013-Minimum Uncertainty Gap for Robust Visual Tracking

10 0.90465271 325 cvpr-2013-Part Discovery from Partial Correspondence

11 0.90417844 400 cvpr-2013-Single Image Calibration of Multi-axial Imaging Systems

12 0.90410775 365 cvpr-2013-Robust Real-Time Tracking of Multiple Objects by Volumetric Mass Densities

13 0.90406871 14 cvpr-2013-A Joint Model for 2D and 3D Pose Estimation from a Single Image

14 0.90216732 43 cvpr-2013-Analyzing Semantic Segmentation Using Hybrid Human-Machine CRFs

15 0.90204519 277 cvpr-2013-MODEC: Multimodal Decomposable Models for Human Pose Estimation

16 0.90190428 143 cvpr-2013-Efficient Large-Scale Structured Learning

same-paper 17 0.90147257 34 cvpr-2013-Adaptive Active Learning for Image Classification

18 0.90126663 204 cvpr-2013-Histograms of Sparse Codes for Object Detection

19 0.90066189 324 cvpr-2013-Part-Based Visual Tracking with Online Latent Structural Learning

20 0.90026003 242 cvpr-2013-Label Propagation from ImageNet to 3D Point Clouds