nips nips2005 nips2005-11 knowledge-graph by maker-knowledge-mining

11 nips-2005-A Hierarchical Compositional System for Rapid Object Detection


Source: pdf

Author: Long Zhu, Alan L. Yuille

Abstract: We describe a hierarchical compositional system for detecting deformable objects in images. Objects are represented by graphical models. The algorithm uses a hierarchical tree where the root of the tree corresponds to the full object and lower-level elements of the tree correspond to simpler features. The algorithm proceeds by passing simple messages up and down the tree. The method works rapidly, in under a second, on 320 × 240 images. We demonstrate the approach on detecting cats, horses, and hands. The method works in the presence of background clutter and occlusions. Our approach is contrasted with more traditional methods such as dynamic programming and belief propagation. 1

Reference: text


Summary: the most important sentenses genereted by tfidf model

sentIndex sentText sentNum sentScore

1 edu Abstract We describe a hierarchical compositional system for detecting deformable objects in images. [sent-3, score-0.888]

2 The algorithm uses a hierarchical tree where the root of the tree corresponds to the full object and lower-level elements of the tree correspond to simpler features. [sent-5, score-0.415]

3 The algorithm proceeds by passing simple messages up and down the tree. [sent-6, score-0.104]

4 We demonstrate the approach on detecting cats, horses, and hands. [sent-8, score-0.146]

5 The method works in the presence of background clutter and occlusions. [sent-9, score-0.123]

6 Our approach is contrasted with more traditional methods such as dynamic programming and belief propagation. [sent-10, score-0.118]

7 1 Introduction Detecting objects rapidly in images is very important. [sent-11, score-0.274]

8 There has recently been great progress in detecting objects with limited appearance variability, such as faces and text [1,2,3]. [sent-12, score-0.379]

9 The use of the SIFT operator also enables rapid detection of rigid objects [4]. [sent-13, score-0.332]

10 The detection of such objects can be performed in under a second even in very large images which makes real time applications practical, see [3]. [sent-14, score-0.326]

11 There has been less progress for the rapid detection of deformable objects, such as hands, horses, and cats. [sent-15, score-0.386]

12 Such objects can be represented compactly by graphical models, see [5,6,7,8], but their variations in shape and appearance makes searching for them considerably harder. [sent-16, score-0.343]

13 Recent work has included the use of dynamic programming [5,6] and belief propagation [7,8] to perform inference on these graphical models by searching over different spatial configurations. [sent-17, score-0.283]

14 These algorithms are successful at detecting objects but pruning was required to obtain reasonable convergence rates [5,7,8]. [sent-18, score-0.33]

15 Even so, algorithms can take minutes to converge on images of size 320 × 240. [sent-19, score-0.08]

16 In this paper, we propose an alternative methods for performing inference on graphical models of deformable objects. [sent-20, score-0.354]

17 Our approach is based on representing objects in a probabilistic compositional hierarchical tree structure. [sent-21, score-0.562]

18 This structure enables rapid detection of objects by passing messages up and down the tree structure. [sent-22, score-0.503]

19 6 seconds on a 320 × 240 image (without optimized code). [sent-24, score-0.097]

20 Our approach can be applied to detect any object that can be represented by a graphical model. [sent-25, score-0.18]

21 This includes the models mentioned above [5,6,7,8], compositional models [9], constellation models [10], models using chamfer matching [11] and models using deformable blur filters [12]. [sent-26, score-0.632]

22 2 Background Graphical models give an attractive framework for modeling object detection problems in computer vision. [sent-27, score-0.196]

23 The positions of feature points on the object are represented by {xi : i ∈ Λ}. [sent-29, score-0.152]

24 We augment this representation to include attributes of the points and obtain a representation {qi : i ∈ Λ}. [sent-30, score-0.03]

25 These attributes can be used to model the appearance of the features in the image. [sent-31, score-0.113]

26 For example, a feature point can be associated with an oriented intensity edge and qi can represent the orientation [8]. [sent-32, score-0.448]

27 Alternatively, the attribute could represent the output of a blurred edge filter [12], or the appearance properties of a constellation model part [10]. [sent-33, score-0.171]

28 There is a prior probability distribution on the configuration of the model P ({qi }) and a likelihood function for generating the image data P (D|{qi }). [sent-34, score-0.046]

29 Our priors are similar to [5,8,12], being based on deformations away from a prototype template. [sent-36, score-0.216]

30 As described in [8], this corresponds to a maximizing a posterior of form: 1 ψi (qi ) ψij (qi , qj ), (1) P ({qi }|D) = Z i i,j where {ψi (qi )} and {ψij (qi , qj )} are the unary and pairwise potentials of the graph. [sent-38, score-0.183]

31 The unary potentials model how well the individual features match to positions in the image. [sent-39, score-0.166]

32 The binary potentials impose (probabilistic) constraints about the spatial relationships between feature points. [sent-40, score-0.038]

33 Algorithms such as dynamic programming [5,6] and belief propagation [7,8] have been used to search for optima of P ({qi }|D). [sent-41, score-0.149]

34 But the algorithms are time consuming because each state variable qi can take a large number of values (each feature point on the template can, in principle, match any point in the 240 × 320 image). [sent-42, score-0.508]

35 But performance remains at speeds of seconds to minutes. [sent-44, score-0.051]

36 3 The Hierarchical Compositional System We define a compositional hierarchy by breaking down the representation {qi : i ∈ Λ} into substructures which have their own probability models. [sent-45, score-0.298]

37 1 At the first level, we group elements into K1 subsets {qi : i ∈ Sa } where Λ = K1 1 1 1 ∪a=1 Sa , Sa ∩ Sb = ∅, a = b. [sent-46, score-0.07]

38 These subsets correspond to meaningful parts of the object, such as ears and other features. [sent-47, score-0.325]

39 Specific examples for cats and horses will be given later. [sent-49, score-0.181]

40 1 For each of these subsets we define a generative model Pa (D|{qi : i ∈ Sa }) and a prior 1 Pa ({qi : i ∈ Sa }). [sent-50, score-0.07]

41 These generative and prior models are inherited from the full model, 1 1 see equation (1), by simply cutting the connections between the subset Sa and the Λ/Sa (the remaining features on the object). [sent-51, score-0.07]

42 This is decomposed into subsets S1 , S2 , S3 corresponding to sub-features. [sent-54, score-0.098]

43 These, in turn, can be decomposed into subsets corresponding to more elementary features. [sent-55, score-0.098]

44 1 Pa1 ({qi : i ∈ Sa }) = 1 ˆ Za1 ψij (qi , qj ). [sent-56, score-0.048]

45 , K1 } are composed to form a smaller selection of subsets {Sb : b = 1, . [sent-61, score-0.07]

46 by 2 cutting them off the links to the remaining nodes Λ/Sb . [sent-67, score-0.067]

47 This 1 gives a (possibly large) set of positions for the {qi : i ∈ Sa }. [sent-71, score-0.049]

48 We apply non-maximum suppression to reduce many similar configurations in same local area to the one with maximum evidence (measured locally). [sent-72, score-0.074]

49 Typically, non-maximum suppression keeps around 30 ∼ 500 candidate configurations for each node. [sent-74, score-0.045]

50 These remaining configurations can be considered as proposals [13] and are passed up the tree to the sub2 1 2 set Sb which contains Sa . [sent-75, score-0.229]

51 Node Sb evaluates the proposals to determine which ones are consistent, thus detecting composites of the subfeatures. [sent-76, score-0.308]

52 2 There is also top-down message passing which occurs when one part of a node Sb contains µ µ 1 1 high evidence – e. [sent-77, score-0.081]

53 In this case, we allow the matching to proceed if the combined matching strength is above threshold T1 . [sent-80, score-0.114]

54 This mechanism enables the high-level models and, in particular, the priors for the relative positions of the sub-nodes to overcome weak local evidence. [sent-81, score-0.089]

55 This performs a similar function to Coughlan and Shen’s dynamic quantization scheme [8]. [sent-82, score-0.068]

56 For example, we could use the proposals to activate a data driven Monte Carlo Markov Chain (DDMCMC) algorithm [13]. [sent-84, score-0.162]

57 To our knowledge, the use of hierarchical proposals of this type is unknown in the Monte Carlo sampling literature. [sent-85, score-0.273]

58 4 Experimental Results We illustrate our hierarchical compositional system on examples of cats, horses, and hands. [sent-86, score-0.368]

59 The images include background clutter and the objects can be partially occluded. [sent-87, score-0.356]

60 Figure 2: The prototype cat (top left panel), edges after grouping (top right panel), prototype template for ears and top of head (bottom left panel), and prototype for ears and eyes (bottom right panel). [sent-88, score-1.587]

61 15 points are used for the ears and 24 for the head. [sent-89, score-0.227]

62 First we preprocess the image using a Canny edge detector followed by simple edge grouping which eliminates isolated edges. [sent-90, score-0.309]

63 Edge detection and edge grouping is illustrated in the top panels of figure (2). [sent-91, score-0.379]

64 This figure is used to construct a prototype template for the ears, eyes, and head – see bottom panels of figure (2). [sent-92, score-0.487]

65 We construct a graphical model for the cat as described in section (2). [sent-93, score-0.26]

66 Then we define a hierarchical structure, see figure (3). [sent-94, score-0.111]

67 Next we illustrate the results on several cat images, see figure (4). [sent-96, score-0.209]

68 Several of these images were used in [8] and we thank Coughlan and Shen for supplying them. [sent-97, score-0.129]

69 In all examples, our algorithm detects the cat correctly despite the deformations of the cat from the prototype, see figure (2). [sent-98, score-0.46]

70 The images are 320 × 240 and the preprocessing time is included. [sent-101, score-0.08]

71 The algorithm is efficient since the subfeatures give bottom-up proposals which constraint the positions of the full model. [sent-102, score-0.211]

72 For example, figure (5) shows the proposals for ears for the cluttered cat image (center panel of figure (4). [sent-103, score-0.84]

73 We next illustrate our approach on the tasks of detecting horses. [sent-107, score-0.172]

74 The algorithm succeeds in detecting the horse, see right panels of figure (7), using the prototype template shown in the left panel of figure (7). [sent-109, score-0.793]

75 Finally, we illustrate this approach for the much studied task of detecting hands, see [5,11]. [sent-110, score-0.172]

76 Our approach detects hand from the Cambridge dataset in under a second, see figure (8). [sent-111, score-0.045]

77 (We are grateful to Thayananthan, Stenger, Torr, and Cipolla for supplying these images). [sent-112, score-0.049]

78 Figure 5: Cat Proposals: Left ears (left three panels). [sent-113, score-0.227]

79 Figure 7: The left panels show the prototype horse (top left panel) and its feature points (bottom left panel). [sent-117, score-0.471]

80 The right panel shows the input image (top right panel) and the position of the horse as detected by the algorithm (bottom right panel). [sent-118, score-0.43]

81 Figure 8: Prototype hand (top left panel), edge map of prototype hand (bottom left panel), Test hand (top right panel), Test hand edges (bottom right panel). [sent-119, score-0.365]

82 5 Comparison with alternative methods We ran the algorithm on image of typical size 320×240. [sent-121, score-0.046]

83 6 G Intel Pentium CPU (including all processing: edge detector, edge grouping, and object detection. [sent-126, score-0.259]

84 Other papers report times of seconds to minutes for detecting deformable objects from similar images [5,6,7,8]. [sent-127, score-0.677]

85 The Soft-Assign method in [15] has the ability to deal with objects with around 200 key points, but requires the initialization of the template to be close to the target object. [sent-129, score-0.291]

86 In our proposed method, there is no need to initialize the template near to the target. [sent-131, score-0.138]

87 Our hierarchical compositional tree structure is similar to the standard divide and conquer strategy used in some computer science algorithms. [sent-132, score-0.409]

88 This may roughly be expected to scale as log N where N is the number of points on the deformable template. [sent-133, score-0.247]

89 But precise complexity convergence results are difficult to obtain because they depend on the topology of the template, the amount of clutter in the background, and other factors. [sent-134, score-0.09]

90 This approach can be applied to any graphical model such as [10,12]. [sent-135, score-0.077]

91 It is straightforward to design hierarchial compositional structures for objects based on their natural decompositions into parts. [sent-136, score-0.384]

92 There are alternative, and more sophisticated ways, to perform inference on graphical models by decomposing them into sub-graphs, see for example [14]. [sent-137, score-0.107]

93 6 Conclusion We have presented a hierarchical compositional system for rapidly detecting deformable objects in images by performing inference on graphical models. [sent-139, score-1.116]

94 Computation is performed by passing messages up and down the tree. [sent-140, score-0.104]

95 The systems detects objects in under a second on images of size 320 × 240. [sent-141, score-0.278]

96 Our approach is similar in spirit to DDMCMC [13] in that we use proposals to guide the search for objects. [sent-143, score-0.162]

97 In this paper, the proposals are based on a hierarchy of features which enables efficient computation. [sent-144, score-0.299]

98 The low-level features propose more complex features which are validated by the probability models of the complex features. [sent-145, score-0.06]

99 ”A Statistical method for 3D object detection applied to faces and cars”. [sent-156, score-0.223]

100 ”Shape context and chamfer matching in cluttered scenes,” In Proc. [sent-218, score-0.152]


similar papers computed by tfidf model

tfidf for this paper:

wordName wordTfidf (topN-words)

[('sa', 0.396), ('qi', 0.37), ('deformable', 0.247), ('compositional', 0.231), ('ears', 0.227), ('panel', 0.184), ('cat', 0.183), ('prototype', 0.167), ('proposals', 0.162), ('objects', 0.153), ('sb', 0.151), ('detecting', 0.146), ('template', 0.138), ('coughlan', 0.123), ('horse', 0.113), ('horses', 0.113), ('hierarchical', 0.111), ('object', 0.103), ('panels', 0.098), ('detection', 0.093), ('clutter', 0.09), ('gure', 0.087), ('images', 0.08), ('edge', 0.078), ('graphical', 0.077), ('yuille', 0.075), ('shen', 0.074), ('subsets', 0.07), ('pp', 0.069), ('cats', 0.068), ('tree', 0.067), ('hierarchy', 0.067), ('grouping', 0.06), ('zi', 0.057), ('chamfer', 0.057), ('cipolla', 0.057), ('ddmcmc', 0.057), ('stenger', 0.057), ('thayananthan', 0.057), ('torr', 0.057), ('matching', 0.057), ('belief', 0.054), ('bottom', 0.053), ('appearance', 0.053), ('messages', 0.052), ('gurations', 0.052), ('passing', 0.052), ('seconds', 0.051), ('top', 0.05), ('eyes', 0.05), ('positions', 0.049), ('berg', 0.049), ('deformations', 0.049), ('supplying', 0.049), ('unary', 0.049), ('qj', 0.048), ('detector', 0.047), ('image', 0.046), ('rapid', 0.046), ('detects', 0.045), ('suppression', 0.045), ('rapidly', 0.041), ('enables', 0.04), ('constellation', 0.04), ('cutting', 0.04), ('potentials', 0.038), ('adaboost', 0.038), ('cluttered', 0.038), ('hands', 0.038), ('dynamic', 0.036), ('con', 0.035), ('occlusion', 0.035), ('angeles', 0.035), ('proceedings', 0.033), ('background', 0.033), ('shape', 0.033), ('quantization', 0.032), ('propagation', 0.031), ('pruning', 0.031), ('head', 0.031), ('zhu', 0.031), ('left', 0.031), ('attributes', 0.03), ('los', 0.03), ('inference', 0.03), ('features', 0.03), ('vision', 0.03), ('right', 0.029), ('shapes', 0.029), ('evidence', 0.029), ('decomposed', 0.028), ('chen', 0.028), ('meaningful', 0.028), ('programming', 0.028), ('searching', 0.027), ('recognition', 0.027), ('faces', 0.027), ('nodes', 0.027), ('ij', 0.026), ('illustrate', 0.026)]

similar papers list:

simIndex simValue paperId paperTitle

same-paper 1 0.99999994 11 nips-2005-A Hierarchical Compositional System for Rapid Object Detection

Author: Long Zhu, Alan L. Yuille

Abstract: We describe a hierarchical compositional system for detecting deformable objects in images. Objects are represented by graphical models. The algorithm uses a hierarchical tree where the root of the tree corresponds to the full object and lower-level elements of the tree correspond to simpler features. The algorithm proceeds by passing simple messages up and down the tree. The method works rapidly, in under a second, on 320 × 240 images. We demonstrate the approach on detecting cats, horses, and hands. The method works in the presence of background clutter and occlusions. Our approach is contrasted with more traditional methods such as dynamic programming and belief propagation. 1

2 0.12775563 63 nips-2005-Efficient Unsupervised Learning for Localization and Detection in Object Categories

Author: Nicolas Loeff, Himanshu Arora, Alexander Sorokin, David Forsyth

Abstract: We describe a novel method for learning templates for recognition and localization of objects drawn from categories. A generative model represents the configuration of multiple object parts with respect to an object coordinate system; these parts in turn generate image features. The complexity of the model in the number of features is low, meaning our model is much more efficient to train than comparative methods. Moreover, a variational approximation is introduced that allows learning to be orders of magnitude faster than previous approaches while incorporating many more features. This results in both accuracy and localization improvements. Our model has been carefully tested on standard datasets; we compare with a number of recent template models. In particular, we demonstrate state-of-the-art results for detection and localization. 1

3 0.12111335 5 nips-2005-A Computational Model of Eye Movements during Object Class Detection

Author: Wei Zhang, Hyejin Yang, Dimitris Samaras, Gregory J. Zelinsky

Abstract: We present a computational model of human eye movements in an object class detection task. The model combines state-of-the-art computer vision object class detection methods (SIFT features trained using AdaBoost) with a biologically plausible model of human eye movement to produce a sequence of simulated fixations, culminating with the acquisition of a target. We validated the model by comparing its behavior to the behavior of human observers performing the identical object class detection task (looking for a teddy bear among visually complex nontarget objects). We found considerable agreement between the model and human data in multiple eye movement measures, including number of fixations, cumulative probability of fixating the target, and scanpath distance.

4 0.099669695 131 nips-2005-Multiple Instance Boosting for Object Detection

Author: Cha Zhang, John C. Platt, Paul A. Viola

Abstract: A good image object detection algorithm is accurate, fast, and does not require exact locations of objects in a training set. We can create such an object detector by taking the architecture of the Viola-Jones detector cascade and training it with a new variant of boosting that we call MILBoost. MILBoost uses cost functions from the Multiple Instance Learning literature combined with the AnyBoost framework. We adapt the feature selection criterion of MILBoost to optimize the performance of the Viola-Jones cascade. Experiments show that the detection rate is up to 1.6 times better using MILBoost. This increased detection rate shows the advantage of simultaneously learning the locations and scales of the objects in the training set along with the parameters of the classifier. 1

5 0.090811402 151 nips-2005-Pattern Recognition from One Example by Chopping

Author: Francois Fleuret, Gilles Blanchard

Abstract: We investigate the learning of the appearance of an object from a single image of it. Instead of using a large number of pictures of the object to recognize, we use a labeled reference database of pictures of other objects to learn invariance to noise and variations in pose and illumination. This acquired knowledge is then used to predict if two pictures of new objects, which do not appear on the training pictures, actually display the same object. We propose a generic scheme called chopping to address this task. It relies on hundreds of random binary splits of the training set chosen to keep together the images of any given object. Those splits are extended to the complete image space with a simple learning algorithm. Given two images, the responses of the split predictors are combined with a Bayesian rule into a posterior probability of similarity. Experiments with the COIL-100 database and with a database of 150 deA graded LTEX symbols compare our method to a classical learning with several examples of the positive class and to a direct learning of the similarity. 1

6 0.08833731 200 nips-2005-Variable KD-Tree Algorithms for Spatial Pattern Search and Discovery

7 0.085480951 55 nips-2005-Describing Visual Scenes using Transformed Dirichlet Processes

8 0.082037203 98 nips-2005-Infinite latent feature models and the Indian buffet process

9 0.080745429 101 nips-2005-Is Early Vision Optimized for Extracting Higher-order Dependencies?

10 0.065133706 170 nips-2005-Scaling Laws in Natural Scenes and the Inference of 3D Shape

11 0.063131668 87 nips-2005-Goal-Based Imitation as Probabilistic Inference over Graphical Models

12 0.061184585 184 nips-2005-Structured Prediction via the Extragradient Method

13 0.060215913 7 nips-2005-A Cortically-Plausible Inverse Problem Solving Method Applied to Recognizing Static and Kinematic 3D Objects

14 0.060082644 12 nips-2005-A PAC-Bayes approach to the Set Covering Machine

15 0.059679892 79 nips-2005-Fusion of Similarity Data in Clustering

16 0.058785986 171 nips-2005-Searching for Character Models

17 0.058757301 115 nips-2005-Learning Shared Latent Structure for Image Synthesis and Robotic Imitation

18 0.057196438 121 nips-2005-Location-based activity recognition

19 0.056723505 90 nips-2005-Hot Coupling: A Particle Approach to Inference and Normalization on Pairwise Undirected Graphs

20 0.056686234 46 nips-2005-Consensus Propagation


similar papers computed by lsi model

lsi for this paper:

topicId topicWeight

[(0, 0.169), (1, 0.011), (2, 0.016), (3, 0.185), (4, -0.074), (5, 0.005), (6, -0.036), (7, 0.231), (8, -0.009), (9, -0.036), (10, 0.049), (11, -0.031), (12, 0.027), (13, 0.075), (14, 0.033), (15, 0.069), (16, -0.06), (17, -0.079), (18, 0.058), (19, 0.093), (20, -0.024), (21, 0.123), (22, -0.017), (23, 0.026), (24, -0.0), (25, -0.002), (26, -0.041), (27, -0.052), (28, 0.064), (29, -0.03), (30, -0.128), (31, 0.012), (32, -0.07), (33, 0.085), (34, 0.028), (35, 0.021), (36, 0.004), (37, 0.055), (38, -0.028), (39, -0.016), (40, -0.042), (41, 0.024), (42, 0.148), (43, 0.026), (44, 0.049), (45, 0.053), (46, 0.072), (47, -0.007), (48, 0.009), (49, -0.134)]

similar papers list:

simIndex simValue paperId paperTitle

same-paper 1 0.96586156 11 nips-2005-A Hierarchical Compositional System for Rapid Object Detection

Author: Long Zhu, Alan L. Yuille

Abstract: We describe a hierarchical compositional system for detecting deformable objects in images. Objects are represented by graphical models. The algorithm uses a hierarchical tree where the root of the tree corresponds to the full object and lower-level elements of the tree correspond to simpler features. The algorithm proceeds by passing simple messages up and down the tree. The method works rapidly, in under a second, on 320 × 240 images. We demonstrate the approach on detecting cats, horses, and hands. The method works in the presence of background clutter and occlusions. Our approach is contrasted with more traditional methods such as dynamic programming and belief propagation. 1

2 0.75743532 63 nips-2005-Efficient Unsupervised Learning for Localization and Detection in Object Categories

Author: Nicolas Loeff, Himanshu Arora, Alexander Sorokin, David Forsyth

Abstract: We describe a novel method for learning templates for recognition and localization of objects drawn from categories. A generative model represents the configuration of multiple object parts with respect to an object coordinate system; these parts in turn generate image features. The complexity of the model in the number of features is low, meaning our model is much more efficient to train than comparative methods. Moreover, a variational approximation is introduced that allows learning to be orders of magnitude faster than previous approaches while incorporating many more features. This results in both accuracy and localization improvements. Our model has been carefully tested on standard datasets; we compare with a number of recent template models. In particular, we demonstrate state-of-the-art results for detection and localization. 1

3 0.63834929 131 nips-2005-Multiple Instance Boosting for Object Detection

Author: Cha Zhang, John C. Platt, Paul A. Viola

Abstract: A good image object detection algorithm is accurate, fast, and does not require exact locations of objects in a training set. We can create such an object detector by taking the architecture of the Viola-Jones detector cascade and training it with a new variant of boosting that we call MILBoost. MILBoost uses cost functions from the Multiple Instance Learning literature combined with the AnyBoost framework. We adapt the feature selection criterion of MILBoost to optimize the performance of the Viola-Jones cascade. Experiments show that the detection rate is up to 1.6 times better using MILBoost. This increased detection rate shows the advantage of simultaneously learning the locations and scales of the objects in the training set along with the parameters of the classifier. 1

4 0.62350327 55 nips-2005-Describing Visual Scenes using Transformed Dirichlet Processes

Author: Antonio Torralba, Alan S. Willsky, Erik B. Sudderth, William T. Freeman

Abstract: Motivated by the problem of learning to detect and recognize objects with minimal supervision, we develop a hierarchical probabilistic model for the spatial structure of visual scenes. In contrast with most existing models, our approach explicitly captures uncertainty in the number of object instances depicted in a given image. Our scene model is based on the transformed Dirichlet process (TDP), a novel extension of the hierarchical DP in which a set of stochastically transformed mixture components are shared between multiple groups of data. For visual scenes, mixture components describe the spatial structure of visual features in an object–centered coordinate frame, while transformations model the object positions in a particular image. Learning and inference in the TDP, which has many potential applications beyond computer vision, is based on an empirically effective Gibbs sampler. Applied to a dataset of partially labeled street scenes, we show that the TDP’s inclusion of spatial structure improves detection performance, flexibly exploiting partially labeled training images. 1

5 0.60874218 151 nips-2005-Pattern Recognition from One Example by Chopping

Author: Francois Fleuret, Gilles Blanchard

Abstract: We investigate the learning of the appearance of an object from a single image of it. Instead of using a large number of pictures of the object to recognize, we use a labeled reference database of pictures of other objects to learn invariance to noise and variations in pose and illumination. This acquired knowledge is then used to predict if two pictures of new objects, which do not appear on the training pictures, actually display the same object. We propose a generic scheme called chopping to address this task. It relies on hundreds of random binary splits of the training set chosen to keep together the images of any given object. Those splits are extended to the complete image space with a simple learning algorithm. Given two images, the responses of the split predictors are combined with a Bayesian rule into a posterior probability of similarity. Experiments with the COIL-100 database and with a database of 150 deA graded LTEX symbols compare our method to a classical learning with several examples of the positive class and to a direct learning of the similarity. 1

6 0.53226626 5 nips-2005-A Computational Model of Eye Movements during Object Class Detection

7 0.47816125 98 nips-2005-Infinite latent feature models and the Indian buffet process

8 0.44987974 200 nips-2005-Variable KD-Tree Algorithms for Spatial Pattern Search and Discovery

9 0.43149912 121 nips-2005-Location-based activity recognition

10 0.40614942 107 nips-2005-Large scale networks fingerprinting and visualization using the k-core decomposition

11 0.39372981 171 nips-2005-Searching for Character Models

12 0.38994381 94 nips-2005-Identifying Distributed Object Representations in Human Extrastriate Visual Cortex

13 0.38451537 125 nips-2005-Message passing for task redistribution on sparse graphs

14 0.34974968 101 nips-2005-Is Early Vision Optimized for Extracting Higher-order Dependencies?

15 0.3469795 158 nips-2005-Products of ``Edge-perts

16 0.34221616 7 nips-2005-A Cortically-Plausible Inverse Problem Solving Method Applied to Recognizing Static and Kinematic 3D Objects

17 0.3196485 175 nips-2005-Sequence and Tree Kernels with Statistical Feature Mining

18 0.31434628 115 nips-2005-Learning Shared Latent Structure for Image Synthesis and Robotic Imitation

19 0.30923668 170 nips-2005-Scaling Laws in Natural Scenes and the Inference of 3D Shape

20 0.30682737 4 nips-2005-A Bayesian Spatial Scan Statistic


similar papers computed by lda model

lda for this paper:

topicId topicWeight

[(3, 0.056), (10, 0.03), (27, 0.034), (31, 0.074), (34, 0.047), (39, 0.042), (41, 0.011), (55, 0.03), (57, 0.429), (69, 0.045), (73, 0.032), (88, 0.06), (91, 0.03)]

similar papers list:

simIndex simValue paperId paperTitle

1 0.91224819 188 nips-2005-Temporally changing synaptic plasticity

Author: Minija Tamosiunaite, Bernd Porr, Florentin Wörgötter

Abstract: Recent experimental results suggest that dendritic and back-propagating spikes can influence synaptic plasticity in different ways [1]. In this study we investigate how these signals could temporally interact at dendrites leading to changing plasticity properties at local synapse clusters. Similar to a previous study [2], we employ a differential Hebbian plasticity rule to emulate spike-timing dependent plasticity. We use dendritic (D-) and back-propagating (BP-) spikes as post-synaptic signals in the learning rule and investigate how their interaction will influence plasticity. We will analyze a situation where synapse plasticity characteristics change in the course of time, depending on the type of post-synaptic activity momentarily elicited. Starting with weak synapses, which only elicit local D-spikes, a slow, unspecific growth process is induced. As soon as the soma begins to spike this process is replaced by fast synaptic changes as the consequence of the much stronger and sharper BP-spike, which now dominates the plasticity rule. This way a winner-take-all-mechanism emerges in a two-stage process, enhancing the best-correlated inputs. These results suggest that synaptic plasticity is a temporal changing process by which the computational properties of dendrites or complete neurons can be substantially augmented. 1

same-paper 2 0.83675617 11 nips-2005-A Hierarchical Compositional System for Rapid Object Detection

Author: Long Zhu, Alan L. Yuille

Abstract: We describe a hierarchical compositional system for detecting deformable objects in images. Objects are represented by graphical models. The algorithm uses a hierarchical tree where the root of the tree corresponds to the full object and lower-level elements of the tree correspond to simpler features. The algorithm proceeds by passing simple messages up and down the tree. The method works rapidly, in under a second, on 320 × 240 images. We demonstrate the approach on detecting cats, horses, and hands. The method works in the presence of background clutter and occlusions. Our approach is contrasted with more traditional methods such as dynamic programming and belief propagation. 1

3 0.8158623 106 nips-2005-Large-scale biophysical parameter estimation in single neurons via constrained linear regression

Author: Misha Ahrens, Liam Paninski, Quentin J. Huys

Abstract: Our understanding of the input-output function of single cells has been substantially advanced by biophysically accurate multi-compartmental models. The large number of parameters needing hand tuning in these models has, however, somewhat hampered their applicability and interpretability. Here we propose a simple and well-founded method for automatic estimation of many of these key parameters: 1) the spatial distribution of channel densities on the cell’s membrane; 2) the spatiotemporal pattern of synaptic input; 3) the channels’ reversal potentials; 4) the intercompartmental conductances; and 5) the noise level in each compartment. We assume experimental access to: a) the spatiotemporal voltage signal in the dendrite (or some contiguous subpart thereof, e.g. via voltage sensitive imaging techniques), b) an approximate kinetic description of the channels and synapses present in each compartment, and c) the morphology of the part of the neuron under investigation. The key observation is that, given data a)-c), all of the parameters 1)-4) may be simultaneously inferred by a version of constrained linear regression; this regression, in turn, is efficiently solved using standard algorithms, without any “local minima” problems despite the large number of parameters and complex dynamics. The noise level 5) may also be estimated by standard techniques. We demonstrate the method’s accuracy on several model datasets, and describe techniques for quantifying the uncertainty in our estimates. 1

4 0.51451766 181 nips-2005-Spiking Inputs to a Winner-take-all Network

Author: Matthias Oster, Shih-Chii Liu

Abstract: Recurrent networks that perform a winner-take-all computation have been studied extensively. Although some of these studies include spiking networks, they consider only analog input rates. We present results of this winner-take-all computation on a network of integrate-and-fire neurons which receives spike trains as inputs. We show how we can configure the connectivity in the network so that the winner is selected after a pre-determined number of input spikes. We discuss spiking inputs with both regular frequencies and Poisson-distributed rates. The robustness of the computation was tested by implementing the winner-take-all network on an analog VLSI array of 64 integrate-and-fire neurons which have an innate variance in their operating parameters. 1

5 0.42564961 61 nips-2005-Dynamical Synapses Give Rise to a Power-Law Distribution of Neuronal Avalanches

Author: Anna Levina, Michael Herrmann

Abstract: There is experimental evidence that cortical neurons show avalanche activity with the intensity of firing events being distributed as a power-law. We present a biologically plausible extension of a neural network which exhibits a power-law avalanche distribution for a wide range of connectivity parameters. 1

6 0.41737652 8 nips-2005-A Criterion for the Convergence of Learning with Spike Timing Dependent Plasticity

7 0.39669549 129 nips-2005-Modeling Neural Population Spiking Activity with Gibbs Distributions

8 0.39239362 67 nips-2005-Extracting Dynamical Structure Embedded in Neural Activity

9 0.39104673 157 nips-2005-Principles of real-time computing with feedback applied to cortical microcircuit models

10 0.38448524 176 nips-2005-Silicon growth cones map silicon retina

11 0.38418025 99 nips-2005-Integrate-and-Fire models with adaptation are good enough

12 0.38178739 203 nips-2005-Visual Encoding with Jittering Eyes

13 0.36001578 39 nips-2005-Beyond Pair-Based STDP: a Phenomenological Rule for Spike Triplet and Frequency Effects

14 0.35449424 121 nips-2005-Location-based activity recognition

15 0.35104406 118 nips-2005-Learning in Silicon: Timing is Everything

16 0.34867465 124 nips-2005-Measuring Shared Information and Coordinated Activity in Neuronal Networks

17 0.34246707 132 nips-2005-Nearest Neighbor Based Feature Selection for Regression and its Application to Neural Activity

18 0.33728719 134 nips-2005-Neural mechanisms of contrast dependent receptive field size in V1

19 0.33473584 28 nips-2005-Analyzing Auditory Neurons by Learning Distance Functions

20 0.32930186 183 nips-2005-Stimulus Evoked Independent Factor Analysis of MEG Data with Large Background Activity