Go To:

Paper Title Paper Authors Table Of Contents Abstract References
Home
Report a problem with this paper

G-CNN: An Iterative Grid Based Object Detector

Authors

  • Mahyar Najibi
  • Mohammad Rastegari
  • L. Davis
  • 2016 IEEE Conference on Computer Vision and Pattern Recognition (CVPR)
  • 2016
  • View in Semantic Scholar

Abstract

We introduce G-CNN, an object detection technique based on CNNs which works without proposal algorithms. G-CNN starts with a multi-scale grid of fixed bounding boxes. We train a regressor to move and scale elements of the grid towards objects iteratively. G-CNN models the problem of object detection as finding a path from a fixed grid to boxes tightly surrounding the objects. G-CNN with around 180 boxes in a multi-scale grid performs comparably to Fast R-CNN which uses around 2K bounding boxes generated with a proposal technique. This strategy makes detection faster by removing the object proposal stage as well as reducing the number of boxes to be processed.

1. Introduction

Object detection, i.e. the problem of finding the locations of objects and determining their categories, is an intrinsically more challenging problem than classification since it includes the problem of object localization. The recent and popular trend in object detection uses a pre-processing step to find a candidate set of bounding-boxes that are likely to encompass the objects in the image. This step is referred to as the bounding-box proposal stage. The proposal techniques are a major computational bottleneck in state-of-theart object detectors [6] . There have been attempts [16, 14] to take this pre-processing stage out of the loop but they lead to performance degradations.

We show that without object proposals, we can achieve detection rates similar to state-of-the-art performance in object detection. Inspired by the iterative optimization in [2] , we introduce an iterative algorithm that starts with a regularly sampled multi-scale grid of boxes in an image and updates the boxes to cover and classify objects. One step regression can-not handle the non-linearity of the mapping from a regular grid to boxes containing objects. Instead, we introduce a piecewise regression model that can learn this non-linear mapping through a few iterations. Each step in our algorithm deals with an easier regression problem than enforcing a direct mapping to actual target locations. Figure 1 depicts an overview of our algorithm. Initially, a multi-scale regular grid is superimposed on the image. For visualization we show a grid of non-overlapping, but in actuality the boxes do overlap. During training, each box is assigned to a ground-truth object by an assignment function based on intersection over union with respect to the ground truth boxes. Subsequently, at each training step, we regress boxes in the grid to move themselves towards the objects in the image to which they are assigned. At test time, for each box at each iteration, we obtain confidence scores over all categories and update its location with the regressor trained for the currently most probable class.

Figure 1: This figure shows a schematic illustration of our iterative algorithm ”G-CNN”. It starts with a multi-scale regular grid over the image and iteratively updates the boxes in the grid. Each iteration pushes the boxes toward the objects of interest in the image while classifying their category.

Our experimental results show that G-CNN achieves the state-of-the-art results obtained by Fast-RCNN on PASCAL VOC datasets without computing bounding-box proposals. Our method is about 5X faster than Fast R-CNN for detection.

2. Related Work

Prior to CNN: For many years the problem of object detection was approached by techniques involving sliding window and classification [22, 20] . Lampert et al. [12] proposed an algorithm that goes beyond sliding windows and was guaranteed to reach the global optimal bounding box for an SVM-based classifier. Implicit Shape Models [13, 15] eliminated sliding window search by relying on key-parts of an image to vote for a consistent bounding box that covers an object of interest. Deformable Part-based Models [4] employed an idea similar to Implicit Shape Models, but proposed a direct optimization via latent variable models and used dynamic programming for fast inference. Several extension of DPMs emerged [5, 1] until the remarkable improvements due to the convolutional neural networks was shown by [7] .

CNN age: Deep convolutional neural networks (CNNs) are the state-of-the-art image classifiers and successful methods have been proposed based on these networks [11] . Driven by their success in image classification, Girshick et al. proposed a multi-stage object detection system, known as R-CNN [7] , which has attracted great attention due to its success on standard object detection datasets.

To address the localization problem, R-CNN relies on advances in object proposal techniques. Recently, proposal algorithms have been developed which avoid exhaustive search of image locations [21, 24] . R-CNN uses these techniques to find bounding boxes which include an object with high probability. Next, a standard CNN is applied as feature extractor to each proposed bounding box and finally a classifier decides which object class is inside the box.

The main drawback of R-CNN is the redundancy in computing the features. Generally, around 2K proposals are generated; for each of them, the CNN is applied independently to extract features. To alleviate this problem, in SPP-Net [9] the convolutional layers of the network are applied only once for each image. Then, the features of each region of interest are constructed by pooling the global features which lie in the spatial support of the region. However, learning is limited to fine-tuning the weights of fully connected layers. This drawback is addressed in Fast-RCNN [6] in which all parameters are learned by back propagating the errors through the augmented pooling layer and packing all stages of the system, except generation of the object proposals, into one network.

The generation of object proposals, in CNN-based detection systems has been regarded as crucial. However, after proposing Fast-RCNN, this stage became the bottleneck. To make the number of object proposals smaller, Multibox [3] introduced a proposal algorithm that outputs 800 bounding boxes using a CNN. This increases the size of the final layer of the CNN to 4096x800x5 and introduces a large set of additional parameters. Recently, Faster-RCNN [17] was proposed, which decreased the number of parameters; however it needs to start from thousands of anchor points to propose 300 boxes.

In addition to classification, using a regressor for object detection has been also studied previously. Before proposing R-CNN, Szegedy et al. [19] , modeled object detection as a regression problem and proposed a CNN-based regression system. More recently, AttentionNet [23] is a single category detection that detects a single object inside an image using iterative regression. For multiple objects, the model is applied as a proposal algorithm to generate thousands of proposals and then is re-applied iteratively on each proposal for single category detection, which makes detection inefficient.

Although R-CNN and its variants attack the problem using a classification approach, they employ regression as a post-processing stage to refine the localization of the proposed bounding boxes.

The importance of the regression stage has not received as much attention as improving the object proposal stage for more accurate localization. The necessity of an object proposal algorithm in CNN based object detection systems has recently been challenged by Lenc et al. [14] . Here, the proposals are replaced by a fixed set of bounding boxes. A set with a distribution derived from an object proposal method is selected using a clustering technique. However, for achieving comparable results, even more boxes need to be used compared to R-CNN. Another recent attempt for removing the proposal stage is Redmon et al. [16] which conducts object detection in a single shot. However, the considerable gap between the best detection accuracy of these systems and systems with an explicit proposal stage suggests that the identification of good object proposals is critical to the success of these CNN based detection systems.

3. G-Cnn Object Detector

3.1. Network structure G-CNN trains a CNN to move and scale a fixed multiscale grid of bounding boxes towards objects. The network architecture for this regressor is shown in Figure 2 . The backbone of this architecture can be any CNN network (e.g. AlexNet [11] , VGG [18] , etc.). As in Fast R-CNN and SPP-Net, a spatial region of interest (ROI) pooling layer is included in the architecture after the convolutional layers. Given the location information of each box, this layer computes the feature for the box by pooling the global features that lie inside the ROI. After the fully connected layers, the network ends with a linear regressor which outputs the change in the location and scale of each current bounding box, conditioned on the assumption that the box is moving towards an object of a class.

Figure 2: Structure of G-CNN regression network as well as an illustration of the idea behind the iterative training approach. The bounding box at each step is shown by the blue rectangle and its target is represented by a red rectangle. The network is trained to learn the path from the initial bounding box to its assigned target iteratively.

3.2. Training The Network

Despite the similarities between the Fast R-CNN and G-CNN architectures, the training goals and approaches are different. G-CNN defines the problem of object detection as an iterative search in the space of all possible bounding boxes. G-CNN starts from a fixed multi-scale spatial pyramid of boxes. The goal of learning is to train the network so that it can move this set of initial boxes towards the objects inside the image in S steps iteratively. This iterative behaviour is essential for the success of the algo- Figure 2 : Structure of G-CNN regression network as well as an illustration of the idea behind the iterative training approach. The bounding box at each step is shown by the blue rectangle and its target is represented by a red rectangle. The network is trained to learn the path from the initial bounding box to its assigned target iteratively.

rithm. The reason is the highly non-linear search space of the problem. In other words, although learning how to linearly regress boxes to far away targets is unrealistic, learning small changes in the search space is tractable. Section 4.3 shows the importance of this step-wise training approach.

3.2.1 Loss Function

G-CNN is an iterative method that moves bounding boxes towards object locations in S train steps. For this reason, the loss function is defined not only over the training samples but also over the iterative steps.

More formally, let B represent the four-dimensional space of all possible bounding boxes represented by the coordinates of their center, their width, and height. B i ∈ B is the i'th training bounding box. We use the superscript 1 ≤ s ≤ S train to denote the variables in step 's' of the G-CNN training, i.e. B s i is the position of the i'th training bounding box in step s.

During training, each bounding box with an IoU higher than a small threshold (0.2) is assigned to one of the ground truth bounding boxes inside its image. The following manyto-one function, A, is used for this assignment.

EQUATION (1): Not extracted; please refer to original document.

where

G i = {G i1 ∈ B, .

. . , G in ∈ B}, is the set of ground truth bounding boxes which lie in the same image as B i . IoU is the intersection over union measure. Note that B 1 i represents the position of the i'th bounding box in the initial grid. In other words, for each training bounding box, the assignment is done in the initial training step and is not changed during the training.

Since regressing the initial training bounding boxes to their assigned ground truth bounding box can be highly nonlinear, we tackle the problem with a piece-wise regression approach. At step s, we solve the problem of regressing B s i to a target bounding box on the path from B s i to its assigned ground truth box. The target bounding box is moved step by step towards the assigned bounding box until it coincides with the assigned ground truth in step S train . The following function is used for defining the target bounding boxes at each step:

EQUATION (2): Not extracted; please refer to original document.

where G * i = A(B s i ) represents the assigned ground truth bounding box to B s i . That is, at each step, the path from the current representation of the bounding box to the assigned ground truth is divided by the number of remaining steps and the target is defined to be one unit away from the current location.

G-CNN regression network outputs four values for each class, representing the parameterized change for regressing the bounding boxes assigned to that class. Following [7] , a log-scale shift in width and height and a scale invariant translation is used to parametrize the relative change for mapping a bounding box to its assigned target. This parametrization is denoted by ∆(B s i , T s i ), where T s i is the assigned target to B s i computed by 2. So the loss function for G-CNN is defined as follows:

EQUATION (3): Not extracted; please refer to original document.

L reg (δ s i,li − ∆(B s i , Φ(B s i , A(B s i ), s)))

where δ s i,li is the four-dimensional parameterized output for class l i representing the relative change in the representation of bounding box B s i . l i is the class label of the assigned ground truth bounding box to B i . L reg is the regression loss function. The smooth l 1 loss is used as defined in [6] . I(.) is the indicator function which outputs one when its condition is satisfied and zero otherwise. B BG represents the set of all background bounding boxes.

During training, the representation of bounding box B i at step s, B s i , can be determined based on the actual output of the network by the following update formula:

EQUATION (4): Not extracted; please refer to original document.

where ∆ −1 projects back the relative change in the position and scale from the defined parametrized space into B. However for calculating 4, the forward path of the network needs to be evaluated during training, making training inefficient. Instead, we use an approximate update by assuming that in step s, the network could learn the regressor for step s − 1 perfectly. As a result the update formula becomes

B s i = Φ(B s−1 i , G * i , s − 1). This update is depicted in Fig- ure 2.

3.2.2 Optimization

G-CNN optimizes the objective function in 3 with stochastic gradient descent. Since G-CNN tries to map the bounding boxes to their assigned ground-truth boxes in S train steps, we use a step-wised learning algorithm that optimizes Eq. 3 step by step.

To this end, we treat each of the bounding boxes in the initial grid together with its target in each of the steps as an independent training sample i.e. for each of the bounding boxes we have S train different training pairs. The algorithm first tries to optimize the loss function for the first step using N iter iterations. Then the training pairs of the second step are added to the training set and training continues step by step. By keeping the samples of the previous steps in the training set, we make sure that the network does not forget what was learned in the previous steps.

The samples for the earlier steps are part of the training set for a longer period of time. This choice is made since the earlier steps determine the global search direction and have a greater impact on the chance that the network will find the objects. On the other hand, the later steps only refine the bounding boxes to decrease localization error. Given that the search direction was correct and a good part of the object is now visible in the bounding box, the later steps solve a relatively easier problem.

Algorithm 1 is the method for generating training samples from each bounding box during each G-CNN step.

G * ← A(B 1 ) 8: else 9: B s ← T s−1 10: end if 11: T s ← Φ(B s , G * , s) 12: ∆ s ← ∆(B s , T s ) 13: Add (B s , ∆ s ) to

3.3. Fine-Tuning

All models are fine-tuned from pre-trained models on ImageNet. Following [6] , we fine-tune all layers except early convolutional layers (i.e. conv2 and up for AlexNet and conv3 1 and up for VGG16). During training, minibatches of two images are used. At each step of G-CNN, 64 training samples are selected randomly from all possible samples of the image at the corresponding step.

3.4. G-Cnn Test Network

The G-CNN regression network is trained to detect objects in an iterative fashion from a set of fixed bounding boxes in a multi-scale spatial grid. Likewise at test time, the set of bounding boxes is initialized to boxes inside a spatial pyramid grid. The regressor moves boxes towards objects using the classifier score to determine which class regressor to apply to update the box. The detection algorithm is presented in Algorithm 2.

During the detection phase, G-CNN is run S test times. However, like SPP-Net and Fast R-CNN there is no need to compute activations for all layers at every iteration. During test time, we decompose the network into global and regression parts as depicted in Figure. 3. The global net contains all convolutional layers of the network. On the other hand, the regression part consists of the fully connected layers and the regression weights. The input to the global net is the image and the forward path is computed only once for each image, outside the detection loop of Algorithm 2. Inside the detection loop, we only operate the regression network, which takes the outputs of the last layer of the global net as input and produces the bounding box modifications.

This makes the computational cost of the algorithm com-

4.1. Experimental Setup

We report results on the Pascal VOC 2007 and Pascal VOC 2012 datasets. The performance of G-CNN is evaluated with AlexNet [11] as a small and VGG16 [18] as a very deep CNN structure. Following [7] , we scale the shortest side of the image to 600 pixels not allowing the longer side of the image to be more than 1000 pixels. However, we always maintain the aspect ratio of the image, so the shortest side might include fewer than 600 pixels. Each model is

for 1 ≤ s ≤ S test do 6: l ← c(B s ) 7: δ s l ← f (B s )

8:

B s+1 ← B s + ∆ −1 (δ s l ) 9:

end for 10:

Output B Stest+1 11: end procedure pre-trained with weights learned from the imagenet dataset.

In all the experiments, the G-CNN regression network is trained on an initial overlapping spatial pyramid with [2, 5, 10] scales (i.e. the bounding boxes in the coarsest level are (im width /2, im height /2) pixels etc.). During training, we used [0.9,0.8,0.7] overlap for each spatial scale respectively. By overlap of α we mean that the horizontal and vertical strides are width cell * (1 − α) and height cell * (1 − α) respectively. However, during test time, as will be shown in the following sections, overlaps of [0.7,0.5,0] (non-overlapping grid at the finest scale) is sufficient to obtain results comparable to Fast R-CNN. This leads to a grid of almost 180 initial boxes at test time. The G-CNN regression network is trained for S = 3 iterative steps. According to our experiments, no substantial improvement is achieved by training the network for a larger number of steps.

4.2. Results On Voc Datasets

The goal of G-CNN is to replace object proposals with a fixed multi-scale grid of boxes. To evaluate this, we fix the classifier in Algorithm 2 to the Fast R-CNN classifier and compare our results to the original Fast R-CNN with selective search proposal algorithm. Table 1 compares the mAP between G-CNN and Fast R-CNN on the VOC2007 test set. AlexNet is used as the basic CNN for all methods and models are trained on VOC2007 trainval set. G-CNN(3) is our method with three iterative steps during test time. In this version, we used the same grid overlaps used during training. This leads to a set of around 1500 initial boxes. G-CNN(5) is our method when we increase the number of steps at test time to 5 but reduce the overlaps to [0.7,0.5,0] (see 4.1). This leads to around 180 boxes per image. According to the result, 180 boxes is enough for G-CNN to surpass the performance of Fast R-CNN, which uses around 2K selective search proposed boxes. In the remainder of this paper, we use G-CNN to refer to the G-CNN(5) version of our method. Table 2 shows mAP for various methods trained on VOC2007 trainval set and tested on VOC2007 test set. All methods used VGG16. The results validate our claim that G-CNN effectively moves its relatively small set of boxes toward objects. In other words, there seems to be no advantage to employing the larger set of selective search proposed boxes for detection in this dataset.

Table 1: Average Precision on VOC 2007 test data. Both Fast R-CNN and our methods use AlexNet CNN structure. Models are trained using VOC 2007 trainval set.
Table 2: Average Precision on VOC 2007 Test data. All reported methods used VGG16. Models are trained using VOC 2007 trainval set.

4.2.2 Voc 2012 Dataset

The mAP for VOC2012 dataset is reported in Table 3 . All methods use VGG16 as their backbone. Methods are trained on trainval set and tested on the VOC2012 test set. The results of our method are obtained using the "comp4" evaluation server with the parameters mentioned in 4.1 and the results of other methods are obtained from their papers. G-CNN obtains almost the same result as Fast R-CNN when both methods are trained on VOC 2012 trainval. Although in this table the best-reported mAP for Fast RCNN is slightly higher than G-CNN, it should be noted that unlike G-CNN, Fast R-CNN used the VOC 2007 test set as part of its training. It is worth noting that all methods except YOLO use proposal algorithms with high computational complexity. Compared to YOLO, which does not use object proposals, our method has a considerably higher mAP. To the best of our knowledge, this is the best-reported result among methods without an object proposal stage.

Table 3: Average Precision on VOC2012 test data. All reported methods used VGG16. The training set for each image is mentioned in the second column (12 stands for VOC2012 trainval, 07+12 represents the union of the trainval of VOC2007 and VOC2012, and 07++12 is the union of VOC 2007 trainval, VOC 2007 test and VOC 2012 trainval. The * emphasises that our method is trained on fewer data compared to FR-CNN trained on 07++12 training data)

4.3. Stepwise Training Matters

G-CNN uses a stepwise training algorithm and defines its loss function with this goal. In this section, we investigate the question of how important this stepwise training is and whether it can be replaced by a simpler, single step training approach.

To this end, we compare G-CNN with two simpler iterative approaches in table 4. First we consider the iterative version of Fast R-CNN (IF-RCNN). In this method, we use the regressor trained with Fast R-CNN in our iterative framework. Clearly, this regressor was not designed for grid-based object detection, but for small post-refinement of proposed objects.

Table 4. Not extracted; please refer to original document.

Also, we consider a simpler algorithm for training the regressor for a grid-based detection system. Specifically, we collect all training tuples created in different steps of G-CNN and train our regressor in one step on this training set. So the only difference between G-CNN and this method is stepwise training. We call this method 1Step-Grid.

Figure 3: Decomposition of the G-CNN network into global (upper) and regression part (lower) for detection after the training phase. Global part is run only once to extract global features but regression part is run at every iteration. This leads to a considerable speed up at test time.

All methods are trained on VOC 2007 trainval set and tested on VOC 2007 test set and AlexNet is used as the core CNN structure. All methods are applied five iterations during test time to the same initial grid. Table 4 shows the comparison among the methods and Figure 4 compares IF-RCNN and G-CNN for different numbers of iterations. The results show that step-wise training is crucial to the success of G-CNN. Even though the training samples are the same for G-CNN and 1Step-Grid, G-CNN outperforms it by a considerable margin.

Figure 4: Mean average precision on VOC2007 test set vs. number of regression steps for G-CNN and IF-RCNN. Both methods use AlexNet and trained on VOC2007 trainval.

4.4. Analysis Of The Detection Results

G-CNN removes the proposal stage from CNN-based object detection networks. Since the object proposal stage is known to be important for achieving good localization in CNN-based techniques, we compare the localization of G-CNN with Fast R-CNN.

To this end, we use the powerful tool of Hoeim et al. [10] . Figure 5 shows the distribution of top-ranked false positive rates for G-CNN, Fast R-CNN and the 1Step-Grid approach defined in the previous subsection. Comparing the distributions for G-CNN and Fast R-CNN, it is clear that removing the proposal stage from the system using our method did not hurt the localization and for the furniture class, it slightly improved the FPs due to localization error. Note that 1Step-Grid is trained on the same set of training tuples as G-CNN. However, the higher rate of false positives due to localization in 1Step-Grid is another indication of the importance of G-CNN's multi-step training strategy.

Figure 5: The distribution of top-ranked types of false positives (FPs). FPs are categorized into four different subcategories. The diagram shows the change in the distribution of these types when more FPs with decreasing scores are considered. Loc represents those FPs caused by poor localization (a duplicate detection or detection with IoU between 0.1 and 0.5). Sim shows those coming from confusion with one of the similar classes. BG stands for FPs on background and Oth represents other sources.

4.6. Detection Run Time

Here we compare the detection time of our algorithm with Fast R-CNN. For both methods, we used the truncated SVD technique proposed in [6] and compressed fc6 and fc7 layers by keeping their top 1024 singular values and 256 singular values respectively. Timings are performed on a system with two K40 GPUs. The VGG16 network structure is used for both detection techniques and G-CNN uses the same classifier as Fast R-CNN.

We used Selective Search proposal to generate around 2K bounding boxes as suggested by [6] . This stage takes 1830 ms to complete on average (selective search algorithm is not implemented in GPU mode). Fast R-CNN itself takes 220 ms on average for detecting objects. This leads to a total detection time of 2050 ms/im.

On the other hand, G-CNN does not need any object proposal stage. However, it iterates S=5 times with a grid of around 180 boxes. The global part of the network (See 3.4) takes 188 ms for each image. Each iteration of the segmentation network takes 35 ms. The classification network can be run in parallel. This would lead to a detection time of 363 ms/im (around 3 fps) in total.

5. Conclusion

We proposed G-CNN, a CNN-based object detection technique which models the problem of object detection as an iterative search in the space of all possible bounding boxes. Our model starts from a grid of fixed boxes regardless of the image content and migrates them to objects in the image. Since this search problem is nonlinear, we proposed a piece-wise regression model that iteratively moves boxes towards objects step by step. We showed how to learn the CNN architecture in a stepwise manner. The main contribution of the proposed technique is removing the object proposal stage from the detection system, which is the current bottleneck for CNN-based detection systems. G-CNN is 5X faster than "Fast R-CNN" and achieves comparable results to state-of-the-art detectors. Figure 6 : A sample of paths G-CNN found towards objects in the VOC2007 test set using AlexNet CNN structure. The first four rows show some success examples while the last rows show some failure cases. The most common failures of G-CNN can be categorized into the following sub-categories: false firing of the classifier on similar objects (first three failure cases in the fifth row where G-CNN fits into picture frames instead of monitors); bad localization due to similar objects with high overlaps (next three examples); false firing of the classifier on small boxes (last two cases in the sixth row); localization error due to hard pose of the object or small initial box compared to the actual size of the object (examples in the last row)

Figure 6: A sample of paths G-CNN found towards objects in the VOC2007 test set using AlexNet CNN structure. The first four rows show some success examples while the last rows show some failure cases. The most common failures of G-CNN can be categorized into the following sub-categories: false firing of the classifier on similar objects (first three failure cases in the fifth row where G-CNN fits into picture frames instead of monitors); bad localization due to similar objects with high overlaps (next three examples); false firing of the classifier on small boxes (last two cases in the sixth row); localization error due to hard pose of the object or small initial box compared to the actual size of the object (examples in the last row)