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

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


Source: pdf

Author: Ilja Kuzborskij, Francesco Orabona, Barbara Caputo

Abstract: Since the seminal work of Thrun [17], the learning to learnparadigm has been defined as the ability ofan agent to improve its performance at each task with experience, with the number of tasks. Within the object categorization domain, the visual learning community has actively declined this paradigm in the transfer learning setting. Almost all proposed methods focus on category detection problems, addressing how to learn a new target class from few samples by leveraging over the known source. But if one thinks oflearning over multiple tasks, there is a needfor multiclass transfer learning algorithms able to exploit previous source knowledge when learning a new class, while at the same time optimizing their overall performance. This is an open challenge for existing transfer learning algorithms. The contribution of this paper is a discriminative method that addresses this issue, based on a Least-Squares Support Vector Machine formulation. Our approach is designed to balance between transferring to the new class and preserving what has already been learned on the source models. Exten- sive experiments on subsets of publicly available datasets prove the effectiveness of our approach.

Reference: text


Summary: the most important sentenses genereted by tfidf model

sentIndex sentText sentNum sentScore

1 Within the object categorization domain, the visual learning community has actively declined this paradigm in the transfer learning setting. [sent-7, score-0.591]

2 Almost all proposed methods focus on category detection problems, addressing how to learn a new target class from few samples by leveraging over the known source. [sent-8, score-0.37]

3 But if one thinks oflearning over multiple tasks, there is a needfor multiclass transfer learning algorithms able to exploit previous source knowledge when learning a new class, while at the same time optimizing their overall performance. [sent-9, score-1.176]

4 This is an open challenge for existing transfer learning algorithms. [sent-10, score-0.526]

5 Our approach is designed to balance between transferring to the new class and preserving what has already been learned on the source models. [sent-12, score-0.457]

6 They also share the need to update their knowledge over time, by learning new category models whenever faced with unknown objects. [sent-16, score-0.154]

7 Can you add effectively the new target N + 1-th class model to the known N source models by leveraging over them, while at the same time preserving their classification abilities? [sent-23, score-0.581]

8 The problem of how to learn a new object category from few annotated samples by exploiting prior knowledge has been extensively studied [20, 11, 7]. [sent-25, score-0.132]

9 binary classification) rather than the multiclass case [1, 19, 18]. [sent-28, score-0.212]

10 In addition, learning from scratch and preserving training sets from all the source tasks might be infeasible due to the large number oftasks or when acquiring tasks incrementally, especially for large datasets [15]. [sent-31, score-0.452]

11 In object categorization case this might come as training source classifiers from large scale visual datasets, in abundance of data. [sent-32, score-0.39]

12 Consider the following example: a transfer learning task of learning a dog detector, given that the system has already 333333555866 Figure 1: Binary (left) versus N −→ N + 1transfer learning (right). [sent-33, score-0.698]

13 iInna r byo t(hle cases, sturasn Nsfer − learning implies rth laeta trhnetarget class is learned close to where informative sources models are. [sent-34, score-0.191]

14 This is likely to affect negatively performance in the N −→ N + 1case, where one aims for optimal accuracy on −th→e sources acnasde target cela osnsees a simultaneously. [sent-35, score-0.217]

15 Success in this setting is defined as op- timizing the accuracy of the dog detector, with a minimal number of annotated training samples (Figure 1, left). [sent-38, score-0.192]

16 But if we consider the multiclass case, the different tasks now “overlap”. [sent-39, score-0.18]

17 [18], a transfer learning method based on the multiclass extension of Least-Squares Support Vector Machine (LSSVM) [16]. [sent-44, score-0.75]

18 Thanks to the linear nature of LSSVM, we cast transfer learning as a constraint for the classifier of the N + 1target class to be close to a subset of the N source classifiers. [sent-45, score-0.956]

19 At the same time, we impose a stability to the system, biasing the formulation towards solutions close to the hyperplanes of the N source classes. [sent-46, score-0.423]

20 In practice, given N source models, we require that these models would not change much when going from N to N + 1. [sent-47, score-0.325]

21 As in [18], we learn how much to transfer from each of the source classifiers, by minimizing the Leave-One-Out (LOO) error, which is an unbiased estimator of the generalization error for a classifier [4]. [sent-48, score-0.857]

22 Experiments on various subsets of the Caltech-256 [9] and Animals with Attributes (AwA) datasets [13] show that our algorithm outperforms the One-Versus-All (OVA) extension of [18], as well as other baselines [11, 20, 1]. [sent-50, score-0.256]

23 Moreover, its performance often is comparable to what it would be obtained by re-training the whole N + 1classifier from all data, without the need to store the source training data. [sent-51, score-0.356]

24 Related Work Prior work in transfer learning addresses mostly the binary classification problem (object detection). [sent-55, score-0.558]

25 Some approaches transfer information through samples belonging to both source and target domains during the training process, as in [14] for reinforcement learning. [sent-56, score-1.092]

26 Feature space approaches consider transferring or sharing feature space representations between source and target domains. [sent-57, score-0.492]

27 Typically, in this setting source and target domain samples are available to the learner. [sent-58, score-0.609]

28 Yao and Doretto [20] proposed an AdaBoost-based method using multiple source domains for the object detection task. [sent-62, score-0.351]

29 Another research line favors model-transfer (or parameter-transfer) methods, where the only knowledge available to the learner is “condensed” within a model trained on the source domain. [sent-63, score-0.353]

30 Model-transfer is theoretically sound as was shown by Kuzborskij and Orabona [12], since relatedness of the source and target tasks enables quick convergence of the empirical error estimate to the true error. [sent-65, score-0.452]

31 2 regularization, the goal of the algorithm is to keep the target domain classifier “close” to the one trained on the source domain. [sent-69, score-0.534]

32 [18] proposed a multi-source transfer model with a similar regularizer, where each source classifier was weighted by learned coefficients. [sent-71, score-0.83]

33 The method obtained strong results on the visual object detection task, using only a small amount of samples from the target domain. [sent-72, score-0.202]

34 Both methods rely on weighted source classifiers, which is crucial when attempting to avoid negative transfer. [sent-74, score-0.354]

35 Several Multiple Kernel Learning (MKL) methods were proposed for solving transfer learning problems. [sent-75, score-0.526]

36 [11] suggested to use MKL kernel weights as source classifier weights, proposing one of the few truly multiclass transfer learning models. [sent-77, score-1.107]

37 There, kernel weights affect both the source classifiers and the representation of the target domain. [sent-80, score-0.543]

38 As in related literature, we define a set of M training samples consisting of a feature vector xi ∈ Rd and the corresponding label yi ∈ Y = {1, . [sent-91, score-0.151]

39 A common way to find the set of hyperplanes W is by solving a regularized problem with a convex loss function, + Wn? [sent-113, score-0.171]

40 Defining the label matrix Y such that Yin is equal to 1 if yi = n and −1 otherwise, we obtain the multiclass LSSVM objective f −u1nct oiothne Wmi,nb12? [sent-117, score-0.253]

41 First, we have a set of models that were obtained from the source N class problem. [sent-126, score-0.386]

42 These source models are encoded as a set of N hyperplanes, that we again represent in matrix form as W? [sent-127, score-0.325]

43 Note that we assume no access to the samples used to train the source classifiers. [sent-134, score-0.4]

44 Second, we have a small training set composed from samples belonging to all the N + 1classes, target and source classes. [sent-135, score-0.587]

45 , WN] , wN+1, such that i) performance on the target N + 1-th class improves by transferring from the source models, and ii) performance on the source N classes should not deteriorate or even improve compared to the former. [sent-140, score-0.945]

46 The first objective can be recognized as the transfer learning problem. [sent-143, score-0.554]

47 lose to a linear combination of the source models, while negative transfer is prevented by weighing the amount of transfer of each source model using the coefficientvectorβ = [β1 . [sent-150, score-1.572]

48 However, as explained before, adding a target class may affect the performance of the source models and it is therefore useful to transfer the novel information back to the N source models. [sent-157, score-1.324]

49 To prevent negative transfer, we enforce the new hyperplanes W to remain close to the source hyperplanes W? [sent-158, score-0.521]

50 Self-tuning of Transfer Parameters We want to set the transfer coefficients β to improve the performance by exploiting only relevant source models while preventing negative transfer. [sent-227, score-0.786]

51 We now need a convex multiclass loss to measure the LOO errors. [sent-240, score-0.253]

52 We could choose the the convex multiclass loss presented in [5], which keeps samples of different classes at the unit marginal distance: L(β,i) = mr? [sent-241, score-0.395]

53 However, from (1) and (2) it iws possible to see that by changing β we only change the scores of the target N + 1-th class. [sent-243, score-0.127]

54 =ayxi|1 + Yir(β) − Yiyi(β)|+ = N+ 1 : yi == NN ++ 11 : yi The rationale behind this loss is to enforce a margin of 1 between the target N + 1-th class and the correct one, even when the N + 1-th class has not the highest score. [sent-248, score-0.381]

55 Given the LOO errors and the multiclass loss function, we can obtain β by solving the convex problem ? [sent-250, score-0.253]

56 The source code of MULTIpLE is available online1 . [sent-310, score-0.325]

57 Experiments We present here a series of experiments designed to investigate the behavior of our algorithm when (a) the source classes and the target class are related/unrelated, and when (b) the overall number of classes increases. [sent-312, score-0.705]

58 1), then we describe the chosen baselines (section 5. [sent-315, score-0.192]

59 These were then split in three disjoint sets: 30 samples for the source classifier, 20 samples for training and 30 samples for test. [sent-328, score-0.581]

60 The samples of the source classifier were used for training the N models W? [sent-329, score-0.475]

61 2) was evaluated using progressively {5, 10, 15, 20} training samples ufoatre dea uchsi nofg th preo Ngre+s s1i cvlealysse {s5. [sent-332, score-0.134]

62 Furthermore, to get a reliable estimate of the performance of transfer with respect to different classes, we used a leave-one-class-out approach, considering in turn each class as the N + 1target class, and the other N as source classifiers. [sent-334, score-0.847]

63 NTh −e no Ntra +ns 1fe prr boablseemlin beys are the following: No transfer corresponds to LSSVM trained only on the new training data. [sent-340, score-0.492]

64 assuming to have access to all the data used to build the source models plus the new training data. [sent-343, score-0.356]

65 de / an important reference for assessing the results obtained by transfer learning methods. [sent-351, score-0.526]

66 Source+1 corresponds to a binary LSSVM trained to discriminate between the target class vs the source classes given the training data. [sent-354, score-0.643]

67 x As transfer baselines, we chose the following methods: MKTL We compared against Multi Kernel Transfer Learning (MKTL) [11], which is one of the few existing discriminative transfer learning algorithm in multiclass formulation. [sent-360, score-1.167]

68 MultiKT-OVA We implemented an OVA multiclass extension of the binary transfer learning method by Tommasi et al. [sent-361, score-0.813]

69 At the same time we use Source as the source classifier. [sent-363, score-0.325]

70 PMT-SVM-OVA We also implemented an OVA multiclass extension of the binary transfer learning method by Aytar and Zisserman [1], as done for MultiKT-OVA. [sent-365, score-0.813]

71 MultisourceTrAdaBoost-OVA As a final transfer learning baseline, we implemented an OVA extension of MultisourceTrAdaBoost [20], where each source corresponds to a subset of samples designated for the source classifier, while belonging to a specific class. [sent-366, score-1.355]

72 e dIn b case oolfd dm cordosesl-transfer algorithms, source model’s C value was reused. [sent-377, score-0.325]

73 Bottom row: transfer and competitive no transfer baselines, average of RBF kernels over all features. [sent-386, score-0.982]

74 [18], we performed experiments on different groups of related, unrelated and mixed categories for both databases. [sent-392, score-0.29]

75 For the Caltech-256 database, the related classes were chosen from the “quadruped animals” subset; the unrelated classes were chosen randomly from the whole dataset, and the mixed classes were taken from the “quadruped animals” and the “ground transportation” subsets, sampled in equal proportions. [sent-393, score-0.555]

76 For the AwA database, the related classes were chosen from the “quadruped animals” subset; the unrelated classes were randomly chosen from the whole dataset, and the mixed classes were sampled in equal proportions from the subsets “quadruped animals” and “aquatic animals”. [sent-394, score-0.607]

77 This setting allows us to evaluate how MULTIpLE, and the chosen baselines, are able to exploit the source knowledge in different situations, while considering the overall accuracy. [sent-395, score-0.455]

78 To assess the performance of all methods as the overall number of classes grows, we repeated all experiments in333333666311 Figure 3: Results for N + 1= 20, AwA, transfer and competitive no transfer baselines, average of RBF kernels, all features. [sent-396, score-1.041]

79 The left column shows the results for the unrelated setting; the center column shows the results for the mixed setting, and the right column shows the results for the related setting. [sent-402, score-0.371]

80 The first row compares the results obtained by MULTIpLE with those of the no transfer baselines (Section 5. [sent-403, score-0.621]

81 This is a remarkable result, as the Batch method constitutes an important reference for the behavior of transfer learning algorithms in this setting (Section 5. [sent-408, score-0.602]

82 Figure 2, middle row, reports results obtained for MULTIpLE and all transfer learning baselines, as defined in Section 5. [sent-410, score-0.526]

83 We mark these cases with a star on the plots (Figure 2, middle and bottom 3All experimental results and the source code http : / /www . [sent-417, score-0.325]

84 With respect to the transfer baselines, the related setting seems to be the one more favorable to our approach. [sent-421, score-0.533]

85 With respect to the no transfer baselines, MULTIpLE seems to perform better in the unrelated case. [sent-422, score-0.684]

86 The performance of PMT-SVM-OVA and MultisourceTrAdaBoost-OVA is disappointing, compared with what achieved by the other two transfer learning baselines, i. [sent-423, score-0.526]

87 This is true for all settings (related, unrelated and mixed). [sent-426, score-0.195]

88 Figure 3 shows results for N + 1 = 20 classes on the AwA dataset, for the unrelated (left), mixed (center) and related (right) settings, all features (averaged RBF kernels). [sent-429, score-0.357]

89 For sake of readability, we report here only the baselines which were competitive with, or better than, MULTIpLE in the N + 1= 5 case, in at least one setting. [sent-430, score-0.186]

90 We see that here our algorithm consistently outperforms all transfer learning baselines, especially with a small training set, while obtaining a performance remarkably similar to Batch, in terms of accuracy and behavior. [sent-431, score-0.557]

91 These results suggest that, as the number of sources grows, our method gets closer to the Batch performance while using only a considerably smaller amount of data the ultimate goal of any effective transfer learning method. [sent-434, score-0.591]

92 Discussion and Conclusions All results confirm our claim that the mere extension to multiclass of existing binary transfer learning algorithms is not sufficient to address the N −→ N + 1problem. [sent-437, score-0.782]

93 One might argue that the worse performance of the transfer learning baselines depends on how we implemented the OVA extension for such binary methods. [sent-443, score-0.793]

94 Still, the results obtained by MKTL, the only transfer learning baseline with a multiclass formulation, clearly indicate that the ability to handle multiple sources by itself is not the solution. [sent-444, score-0.797]

95 To gain a better understanding on how MULTIpLE balances the need to preserve performance over the sources, and the learning of the target class, we show the accuracy plots for the AWA experiments, N + 1 = 20, unrelated, for the N sources and for the +1 target separately (Figure 4). [sent-445, score-0.409]

96 Both methods do not aggressively leverage over sources for learning the target class, as done by MultiKT-OVA and MKTL (to a lesser extent), although MULTIpLE seems to be able to do so better than Batch. [sent-447, score-0.285]

97 As opposed to this, the OVA extensions of existing binary transfer learning algorithms are more biased towards a strong exploitation of source knowledge when learning the target class, at the expenses of the overall performance. [sent-450, score-1.129]

98 How to combine these two aspects, namely how to design principled methods able to obtain an overall accuracy comparable to that of the Batch method while at the same time boosting the learning of the target class, remains the open challenge of the N −→ N 1transfer learning problem. [sent-451, score-0.283]

99 On the algorithmic implementation of multiclass kernel-based vector machines. [sent-486, score-0.217]

100 Is learning the n-th thing any easier than learning the first? [sent-563, score-0.13]


similar papers computed by tfidf model

tfidf for this paper:

wordName wordTfidf (topN-words)

[('transfer', 0.461), ('source', 0.325), ('awa', 0.248), ('ova', 0.219), ('unrelated', 0.195), ('lssvm', 0.186), ('multiclass', 0.18), ('tommasi', 0.166), ('baselines', 0.16), ('wn', 0.153), ('loo', 0.138), ('yiyi', 0.134), ('target', 0.127), ('batch', 0.115), ('mktl', 0.107), ('multikt', 0.107), ('quadruped', 0.107), ('hyperplanes', 0.098), ('mixed', 0.095), ('orabona', 0.08), ('yir', 0.08), ('animals', 0.077), ('samples', 0.075), ('idiap', 0.071), ('classes', 0.067), ('sources', 0.065), ('learning', 0.065), ('aytar', 0.062), ('phog', 0.062), ('class', 0.061), ('rbf', 0.058), ('ayxi', 0.053), ('kuzborskij', 0.053), ('tranfer', 0.053), ('subsets', 0.052), ('yin', 0.05), ('hinge', 0.048), ('iku', 0.047), ('mkl', 0.047), ('yi', 0.045), ('extension', 0.044), ('setting', 0.044), ('reinforcement', 0.044), ('stars', 0.044), ('barbara', 0.044), ('wilcoxon', 0.044), ('classifier', 0.044), ('dog', 0.042), ('loss', 0.042), ('jie', 0.041), ('addressing', 0.041), ('transferring', 0.04), ('food', 0.039), ('domain', 0.038), ('significance', 0.038), ('leveraging', 0.037), ('algorithmic', 0.037), ('robot', 0.036), ('blitzer', 0.035), ('classifiers', 0.034), ('kernels', 0.034), ('daum', 0.033), ('chosen', 0.032), ('behavior', 0.032), ('binary', 0.032), ('faced', 0.032), ('kernel', 0.032), ('implemented', 0.031), ('preserving', 0.031), ('convex', 0.031), ('acl', 0.031), ('training', 0.031), ('adaptation', 0.03), ('category', 0.029), ('subgradient', 0.029), ('switzerland', 0.029), ('belonging', 0.029), ('achievable', 0.029), ('attempting', 0.029), ('kernelized', 0.029), ('progressively', 0.028), ('knowledge', 0.028), ('seems', 0.028), ('par', 0.028), ('objective', 0.028), ('unbiased', 0.027), ('hyperplane', 0.027), ('multi', 0.027), ('duan', 0.027), ('column', 0.027), ('bn', 0.026), ('multiple', 0.026), ('overall', 0.026), ('competitive', 0.026), ('equipped', 0.025), ('constraining', 0.025), ('preserve', 0.025), ('affect', 0.025), ('regularizer', 0.024), ('animal', 0.024)]

similar papers list:

simIndex simValue paperId paperTitle

same-paper 1 1.0000001 179 cvpr-2013-From N to N+1: Multiclass Transfer Incremental Learning

Author: Ilja Kuzborskij, Francesco Orabona, Barbara Caputo

Abstract: Since the seminal work of Thrun [17], the learning to learnparadigm has been defined as the ability ofan agent to improve its performance at each task with experience, with the number of tasks. Within the object categorization domain, the visual learning community has actively declined this paradigm in the transfer learning setting. Almost all proposed methods focus on category detection problems, addressing how to learn a new target class from few samples by leveraging over the known source. But if one thinks oflearning over multiple tasks, there is a needfor multiclass transfer learning algorithms able to exploit previous source knowledge when learning a new class, while at the same time optimizing their overall performance. This is an open challenge for existing transfer learning algorithms. The contribution of this paper is a discriminative method that addresses this issue, based on a Least-Squares Support Vector Machine formulation. Our approach is designed to balance between transferring to the new class and preserving what has already been learned on the source models. Exten- sive experiments on subsets of publicly available datasets prove the effectiveness of our approach.

2 0.22553833 150 cvpr-2013-Event Recognition in Videos by Learning from Heterogeneous Web Sources

Author: Lin Chen, Lixin Duan, Dong Xu

Abstract: In this work, we propose to leverage a large number of loosely labeled web videos (e.g., from YouTube) and web images (e.g., from Google/Bing image search) for visual event recognition in consumer videos without requiring any labeled consumer videos. We formulate this task as a new multi-domain adaptation problem with heterogeneous sources, in which the samples from different source domains can be represented by different types of features with different dimensions (e.g., the SIFTfeaturesfrom web images and space-time (ST) features from web videos) while the target domain samples have all types of features. To effectively cope with the heterogeneous sources where some source domains are more relevant to the target domain, we propose a new method called Multi-domain Adaptation with Heterogeneous Sources (MDA-HS) to learn an optimal target classifier, in which we simultaneously seek the optimal weights for different source domains with different types of features as well as infer the labels of unlabeled target domain data based on multiple types of features. We solve our optimization problem by using the cutting-plane algorithm based on group-based multiple kernel learning. Comprehensive experiments on two datasets demonstrate the effectiveness of MDA-HS for event recognition in consumer videos.

3 0.20305352 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.15463108 241 cvpr-2013-Label-Embedding for Attribute-Based Classification

Author: Zeynep Akata, Florent Perronnin, Zaid Harchaoui, Cordelia Schmid

Abstract: Attributes are an intermediate representation, which enables parameter sharing between classes, a must when training data is scarce. We propose to view attribute-based image classification as a label-embedding problem: each class is embedded in the space of attribute vectors. We introduce a function which measures the compatibility between an image and a label embedding. The parameters of this function are learned on a training set of labeled samples to ensure that, given an image, the correct classes rank higher than the incorrect ones. Results on the Animals With Attributes and Caltech-UCSD-Birds datasets show that the proposed framework outperforms the standard Direct Attribute Prediction baseline in a zero-shot learning scenario. The label embedding framework offers other advantages such as the ability to leverage alternative sources of information in addition to attributes (e.g. class hierarchies) or to transition smoothly from zero-shot learning to learning with large quantities of data.

5 0.15388286 419 cvpr-2013-Subspace Interpolation via Dictionary Learning for Unsupervised Domain Adaptation

Author: Jie Ni, Qiang Qiu, Rama Chellappa

Abstract: Domain adaptation addresses the problem where data instances of a source domain have different distributions from that of a target domain, which occurs frequently in many real life scenarios. This work focuses on unsupervised domain adaptation, where labeled data are only available in the source domain. We propose to interpolate subspaces through dictionary learning to link the source and target domains. These subspaces are able to capture the intrinsic domain shift and form a shared feature representation for cross domain recognition. Further, we introduce a quantitative measure to characterize the shift between two domains, which enables us to select the optimal domain to adapt to the given multiple source domains. We present exumd .edu , rama@umiacs .umd .edu training and testing data are captured from the same underlying distribution. Yet this assumption is often violated in many real life applications. For instance, images collected from an internet search engine are compared with those captured from real life [28, 4]. Face recognition systems trained on frontal and high resolution images, are applied to probe images with non-frontal poses and low resolution [6]. Human actions are recognized from an unseen target view using training data taken from source views [21, 20]. We show some examples of dataset shifts in Figure 1. In these scenarios, magnitudes of variations of innate characteristics, which distinguish one class from another, are oftentimes smaller than the variations caused by distribution shift between training and testing dataset. Directly applying the classifier from the training set to testing set periments on face recognition across pose, illumination and blur variations, cross dataset object recognition, and report improved performance over the state of the art.

6 0.13240816 425 cvpr-2013-Tensor-Based High-Order Semantic Relation Transfer for Semantic Scene Segmentation

7 0.12904067 201 cvpr-2013-Heterogeneous Visual Features Fusion via Sparse Multimodal Machine

8 0.10862404 185 cvpr-2013-Generalized Domain-Adaptive Dictionaries

9 0.10356988 116 cvpr-2013-Designing Category-Level Attributes for Discriminative Visual Recognition

10 0.10153499 221 cvpr-2013-Incorporating Structural Alternatives and Sharing into Hierarchy for Multiclass Object Recognition and Detection

11 0.08934246 355 cvpr-2013-Representing Videos Using Mid-level Discriminative Patches

12 0.086682349 399 cvpr-2013-Single-Sample Face Recognition with Image Corruption and Misalignment via Sparse Illumination Transfer

13 0.085830435 248 cvpr-2013-Learning Collections of Part Models for Object Recognition

14 0.085362948 98 cvpr-2013-Cross-View Action Recognition via a Continuous Virtual Path

15 0.083666407 36 cvpr-2013-Adding Unlabeled Samples to Categories by Learned Attributes

16 0.083350338 173 cvpr-2013-Finding Things: Image Parsing with Regions and Per-Exemplar Detectors

17 0.07867384 442 cvpr-2013-Transfer Sparse Coding for Robust Image Representation

18 0.078610137 142 cvpr-2013-Efficient Detector Adaptation for Object Detection in a Video

19 0.074704088 250 cvpr-2013-Learning Cross-Domain Information Transfer for Location Recognition and Clustering

20 0.073552929 143 cvpr-2013-Efficient Large-Scale Structured Learning


similar papers computed by lsi model

lsi for this paper:

topicId topicWeight

[(0, 0.178), (1, -0.067), (2, -0.065), (3, 0.019), (4, 0.043), (5, 0.035), (6, -0.05), (7, 0.002), (8, 0.001), (9, 0.065), (10, -0.012), (11, -0.045), (12, -0.02), (13, -0.062), (14, -0.13), (15, -0.097), (16, -0.009), (17, -0.104), (18, -0.033), (19, -0.036), (20, -0.106), (21, -0.141), (22, -0.055), (23, -0.067), (24, 0.018), (25, 0.035), (26, 0.053), (27, -0.034), (28, -0.021), (29, -0.035), (30, -0.056), (31, -0.066), (32, -0.009), (33, 0.006), (34, -0.049), (35, -0.074), (36, -0.005), (37, 0.049), (38, 0.011), (39, 0.048), (40, -0.059), (41, 0.043), (42, -0.028), (43, -0.001), (44, 0.043), (45, -0.011), (46, 0.059), (47, 0.053), (48, 0.008), (49, 0.026)]

similar papers list:

simIndex simValue paperId paperTitle

same-paper 1 0.95681012 179 cvpr-2013-From N to N+1: Multiclass Transfer Incremental Learning

Author: Ilja Kuzborskij, Francesco Orabona, Barbara Caputo

Abstract: Since the seminal work of Thrun [17], the learning to learnparadigm has been defined as the ability ofan agent to improve its performance at each task with experience, with the number of tasks. Within the object categorization domain, the visual learning community has actively declined this paradigm in the transfer learning setting. Almost all proposed methods focus on category detection problems, addressing how to learn a new target class from few samples by leveraging over the known source. But if one thinks oflearning over multiple tasks, there is a needfor multiclass transfer learning algorithms able to exploit previous source knowledge when learning a new class, while at the same time optimizing their overall performance. This is an open challenge for existing transfer learning algorithms. The contribution of this paper is a discriminative method that addresses this issue, based on a Least-Squares Support Vector Machine formulation. Our approach is designed to balance between transferring to the new class and preserving what has already been learned on the source models. Exten- sive experiments on subsets of publicly available datasets prove the effectiveness of our approach.

2 0.88907272 150 cvpr-2013-Event Recognition in Videos by Learning from Heterogeneous Web Sources

Author: Lin Chen, Lixin Duan, Dong Xu

Abstract: In this work, we propose to leverage a large number of loosely labeled web videos (e.g., from YouTube) and web images (e.g., from Google/Bing image search) for visual event recognition in consumer videos without requiring any labeled consumer videos. We formulate this task as a new multi-domain adaptation problem with heterogeneous sources, in which the samples from different source domains can be represented by different types of features with different dimensions (e.g., the SIFTfeaturesfrom web images and space-time (ST) features from web videos) while the target domain samples have all types of features. To effectively cope with the heterogeneous sources where some source domains are more relevant to the target domain, we propose a new method called Multi-domain Adaptation with Heterogeneous Sources (MDA-HS) to learn an optimal target classifier, in which we simultaneously seek the optimal weights for different source domains with different types of features as well as infer the labels of unlabeled target domain data based on multiple types of features. We solve our optimization problem by using the cutting-plane algorithm based on group-based multiple kernel learning. Comprehensive experiments on two datasets demonstrate the effectiveness of MDA-HS for event recognition in consumer videos.

3 0.86933213 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.78160131 419 cvpr-2013-Subspace Interpolation via Dictionary Learning for Unsupervised Domain Adaptation

Author: Jie Ni, Qiang Qiu, Rama Chellappa

Abstract: Domain adaptation addresses the problem where data instances of a source domain have different distributions from that of a target domain, which occurs frequently in many real life scenarios. This work focuses on unsupervised domain adaptation, where labeled data are only available in the source domain. We propose to interpolate subspaces through dictionary learning to link the source and target domains. These subspaces are able to capture the intrinsic domain shift and form a shared feature representation for cross domain recognition. Further, we introduce a quantitative measure to characterize the shift between two domains, which enables us to select the optimal domain to adapt to the given multiple source domains. We present exumd .edu , rama@umiacs .umd .edu training and testing data are captured from the same underlying distribution. Yet this assumption is often violated in many real life applications. For instance, images collected from an internet search engine are compared with those captured from real life [28, 4]. Face recognition systems trained on frontal and high resolution images, are applied to probe images with non-frontal poses and low resolution [6]. Human actions are recognized from an unseen target view using training data taken from source views [21, 20]. We show some examples of dataset shifts in Figure 1. In these scenarios, magnitudes of variations of innate characteristics, which distinguish one class from another, are oftentimes smaller than the variations caused by distribution shift between training and testing dataset. Directly applying the classifier from the training set to testing set periments on face recognition across pose, illumination and blur variations, cross dataset object recognition, and report improved performance over the state of the art.

5 0.64755195 98 cvpr-2013-Cross-View Action Recognition via a Continuous Virtual Path

Author: Zhong Zhang, Chunheng Wang, Baihua Xiao, Wen Zhou, Shuang Liu, Cunzhao Shi

Abstract: In this paper, we propose a novel method for cross-view action recognition via a continuous virtual path which connects the source view and the target view. Each point on this virtual path is a virtual view which is obtained by a linear transformation of the action descriptor. All the virtual views are concatenated into an infinite-dimensional feature to characterize continuous changes from the source to the target view. However, these infinite-dimensional features cannot be used directly. Thus, we propose a virtual view kernel to compute the value of similarity between two infinite-dimensional features, which can be readily used to construct any kernelized classifiers. In addition, there are a lot of unlabeled samples from the target view, which can be utilized to improve the performance of classifiers. Thus, we present a constraint strategy to explore the information contained in the unlabeled samples. The rationality behind the constraint is that any action video belongs to only one class. Our method is verified on the IXMAS dataset, and the experimental results demonstrate that our method achieves better performance than the state-of-the-art methods.

6 0.61992162 239 cvpr-2013-Kernel Null Space Methods for Novelty Detection

7 0.58065385 185 cvpr-2013-Generalized Domain-Adaptive Dictionaries

8 0.57093918 385 cvpr-2013-Selective Transfer Machine for Personalized Facial Action Unit Detection

9 0.5634262 201 cvpr-2013-Heterogeneous Visual Features Fusion via Sparse Multimodal Machine

10 0.55138391 142 cvpr-2013-Efficient Detector Adaptation for Object Detection in a Video

11 0.5406478 36 cvpr-2013-Adding Unlabeled Samples to Categories by Learned Attributes

12 0.52958852 377 cvpr-2013-Sample-Specific Late Fusion for Visual Category Recognition

13 0.52807826 261 cvpr-2013-Learning by Associating Ambiguously Labeled Images

14 0.51708406 34 cvpr-2013-Adaptive Active Learning for Image Classification

15 0.49952427 320 cvpr-2013-Optimizing 1-Nearest Prototype Classifiers

16 0.49193954 390 cvpr-2013-Semi-supervised Node Splitting for Random Forest Construction

17 0.48931977 173 cvpr-2013-Finding Things: Image Parsing with Regions and Per-Exemplar Detectors

18 0.48215473 406 cvpr-2013-Spatial Inference Machines

19 0.47978938 442 cvpr-2013-Transfer Sparse Coding for Robust Image Representation

20 0.47198638 250 cvpr-2013-Learning Cross-Domain Information Transfer for Location Recognition and Clustering


similar papers computed by lda model

lda for this paper:

topicId topicWeight

[(10, 0.127), (16, 0.016), (26, 0.049), (33, 0.264), (36, 0.241), (67, 0.061), (69, 0.049), (76, 0.011), (87, 0.089)]

similar papers list:

simIndex simValue paperId paperTitle

1 0.88659942 236 cvpr-2013-K-Means Hashing: An Affinity-Preserving Quantization Method for Learning Binary Compact Codes

Author: Kaiming He, Fang Wen, Jian Sun

Abstract: In computer vision there has been increasing interest in learning hashing codes whose Hamming distance approximates the data similarity. The hashing functions play roles in both quantizing the vector space and generating similarity-preserving codes. Most existing hashing methods use hyper-planes (or kernelized hyper-planes) to quantize and encode. In this paper, we present a hashing method adopting the k-means quantization. We propose a novel Affinity-Preserving K-means algorithm which simultaneously performs k-means clustering and learns the binary indices of the quantized cells. The distance between the cells is approximated by the Hamming distance of the cell indices. We further generalize our algorithm to a product space for learning longer codes. Experiments show our method, named as K-means Hashing (KMH), outperforms various state-of-the-art hashing encoding methods.

2 0.86670399 319 cvpr-2013-Optimized Product Quantization for Approximate Nearest Neighbor Search

Author: Tiezheng Ge, Kaiming He, Qifa Ke, Jian Sun

Abstract: Product quantization is an effective vector quantization approach to compactly encode high-dimensional vectors for fast approximate nearest neighbor (ANN) search. The essence of product quantization is to decompose the original high-dimensional space into the Cartesian product of a finite number of low-dimensional subspaces that are then quantized separately. Optimal space decomposition is important for the performance of ANN search, but still remains unaddressed. In this paper, we optimize product quantization by minimizing quantization distortions w.r.t. the space decomposition and the quantization codebooks. We present two novel methods for optimization: a nonparametric method that alternatively solves two smaller sub-problems, and a parametric method that is guaranteed to achieve the optimal solution if the input data follows some Gaussian distribution. We show by experiments that our optimized approach substantially improves the accuracy of product quantization for ANN search.

3 0.85080051 110 cvpr-2013-Dense Object Reconstruction with Semantic Priors

Author: Sid Yingze Bao, Manmohan Chandraker, Yuanqing Lin, Silvio Savarese

Abstract: We present a dense reconstruction approach that overcomes the drawbacks of traditional multiview stereo by incorporating semantic information in the form of learned category-level shape priors and object detection. Given training data comprised of 3D scans and images of objects from various viewpoints, we learn a prior comprised of a mean shape and a set of weighted anchor points. The former captures the commonality of shapes across the category, while the latter encodes similarities between instances in the form of appearance and spatial consistency. We propose robust algorithms to match anchor points across instances that enable learning a mean shape for the category, even with large shape variations across instances. We model the shape of an object instance as a warped version of the category mean, along with instance-specific details. Given multiple images of an unseen instance, we collate information from 2D object detectors to align the structure from motion point cloud with the mean shape, which is subsequently warped and refined to approach the actual shape. Extensive experiments demonstrate that our model is general enough to learn semantic priors for different object categories, yet powerful enough to reconstruct individual shapes with large variations. Qualitative and quantitative evaluations show that our framework can produce more accurate reconstructions than alternative state-of-the-art multiview stereo systems.

same-paper 4 0.84201986 179 cvpr-2013-From N to N+1: Multiclass Transfer Incremental Learning

Author: Ilja Kuzborskij, Francesco Orabona, Barbara Caputo

Abstract: Since the seminal work of Thrun [17], the learning to learnparadigm has been defined as the ability ofan agent to improve its performance at each task with experience, with the number of tasks. Within the object categorization domain, the visual learning community has actively declined this paradigm in the transfer learning setting. Almost all proposed methods focus on category detection problems, addressing how to learn a new target class from few samples by leveraging over the known source. But if one thinks oflearning over multiple tasks, there is a needfor multiclass transfer learning algorithms able to exploit previous source knowledge when learning a new class, while at the same time optimizing their overall performance. This is an open challenge for existing transfer learning algorithms. The contribution of this paper is a discriminative method that addresses this issue, based on a Least-Squares Support Vector Machine formulation. Our approach is designed to balance between transferring to the new class and preserving what has already been learned on the source models. Exten- sive experiments on subsets of publicly available datasets prove the effectiveness of our approach.

5 0.83743215 267 cvpr-2013-Least Soft-Threshold Squares Tracking

Author: Dong Wang, Huchuan Lu, Ming-Hsuan Yang

Abstract: In this paper, we propose a generative tracking method based on a novel robust linear regression algorithm. In contrast to existing methods, the proposed Least Soft-thresold Squares (LSS) algorithm models the error term with the Gaussian-Laplacian distribution, which can be solved efficiently. Based on maximum joint likelihood of parameters, we derive a LSS distance to measure the difference between an observation sample and the dictionary. Compared with the distance derived from ordinary least squares methods, the proposed metric is more effective in dealing with outliers. In addition, we present an update scheme to capture the appearance change of the tracked target and ensure that the model is properly updated. Experimental results on several challenging image sequences demonstrate that the proposed tracker achieves more favorable performance than the state-of-the-art methods.

6 0.82895476 63 cvpr-2013-Binary Code Ranking with Weighted Hamming Distance

7 0.81738532 79 cvpr-2013-Cartesian K-Means

8 0.80390346 284 cvpr-2013-Mesh Based Semantic Modelling for Indoor and Outdoor Scenes

9 0.79430836 248 cvpr-2013-Learning Collections of Part Models for Object Recognition

10 0.79325449 69 cvpr-2013-Boosting Binary Keypoint Descriptors

11 0.79142022 365 cvpr-2013-Robust Real-Time Tracking of Multiple Objects by Volumetric Mass Densities

12 0.78833359 249 cvpr-2013-Learning Compact Binary Codes for Visual Tracking

13 0.78774983 414 cvpr-2013-Structure Preserving Object Tracking

14 0.78722614 98 cvpr-2013-Cross-View Action Recognition via a Continuous Virtual Path

15 0.78713512 242 cvpr-2013-Label Propagation from ImageNet to 3D Point Clouds

16 0.78706717 223 cvpr-2013-Inductive Hashing on Manifolds

17 0.7870068 408 cvpr-2013-Spatiotemporal Deformable Part Models for Action Detection

18 0.78652102 225 cvpr-2013-Integrating Grammar and Segmentation for Human Pose Estimation

19 0.78642738 446 cvpr-2013-Understanding Indoor Scenes Using 3D Geometric Phrases

20 0.785891 87 cvpr-2013-Compressed Hashing