Keywords

1 Introduction

Object detection makes great progress these years following the success of deep convolutional neural networks (CNN) [3, 11, 15, 31, 32]. These CNN based detectors generally require large amounts of annotated data to learn extensive numbers of parameters, and their performance significantly drops when training data are inadequate. Unfortunately, for object detection, labeling data is quite expensive and the samples of some object categories are even hard to collect, such as endangered animals or tumor lesions. This triggers considerable attentions to effective detectors dealing with limited training samples. Few-shot learning is a popular and promising direction to address this issue. However, the overwhelming majority of the existing few-shot investigations focus on object/image classification, while the efforts on the more challenging few-shot object detection (FSOD) task are relatively rare.

With the massive parameters of CNN models, training detectors from scratch with scarce annotations generally incurs a high risk of overfitting. Preliminary research [4] tackles this problem in a transfer learning paradigm. Given a set of base classes with sufficient annotations and some novel classes with only a few samples, the goal is to acquire meta-level knowledge from base classes and then apply it to facilitating few-shot learning in detection of novel classes. Subsequent works  [8, 16, 17, 41] strengthen this pipeline by bringing more advanced methods on few-shot image classification, and commonly emphasize to improve classification performance of Region-of-Interest (RoI) in FSOD by using metric learning techniques. With elaborately learned representations, they ameliorate the similarity measurement between RoIs and marginally annotated instances, reporting better detection results. Meanwhile,  [16, 41] also attempt to deliver more general detectors, which account for all the classes rather than the novel ones only, by jointly using their samples in the training phase.

Fig. 1.
figure 1

Illustration of scale distributions of two specific classes: (a) bus and (b) cow, in PASCAL VOC (Original) and a 10-shot subset (Few-shot). Images are resized with the shorter size at 800 pixels for statistics (Color figure online)

The prior studies demonstrate that the FSOD problem can be alleviated in a similar manner as few-shot image classification. Nevertheless, object detection is much more difficult than image classification, as it involves not only classification but also localization, where the threat of varying scales of objects is particularly evident. The scale invariance has been widely explored in generic supervised detectors [11, 18, 33, 34], while it remains largely intact in FSOD. Moreover, restricted by the quantity of annotations, this scale issue is even more tricky. As shown in Fig. 1, the lack of labels of novel classes leads to a sparse scale space (green bars) which may be totally divergent from the original distribution (yellow bars) of abundant training data. One could assume to make use of current effective solutions from generic object detection to enrich the scale space. For instance, Feature Pyramid Network (FPN), which builds multi-scale feature maps to detect objects at different scales, applies to situations where significant scale variations exist  [22]. This universal property does contribute to FSOD, but it will not mitigate the difference of the scale distribution in the data of novel classes. Regarding image pyramids  [11, 14], they build multi-scale representations of an image and allow detectors to capture objects in it at different scales. Although they are expected to narrow such a gap between the two scale distributions, the case is not so straightforward. Specifically, multi-scale inputs result in an increase in improper negative samples due to anchor matching. These improper negative samples contain a part of features belonging to the positive samples, which interferes their recognition. With abundant data, the network learns to extract diverse contexts and suppress the improper local patterns. But it is harmful to FSOD where both semantic and scale distributions are sparse and biased.

In this work, we propose a Multi-scale Positive Sample Refinement (MPSR) approach to few-shot object detection, aiming at solving its unique challenge of sparse scale distribution. We take the reputed Faster R-CNN as the basic detection model and employ FPN in the backbone network to improve its tolerance to scale variations. We then exploit an auxiliary refinement branch to generate multi-scale positive samples as object pyramids and further refine the prediction. This additional branch shares the same weights with the original Faster R-CNN. During training, this branch classifies the extracted object pyramids in both the Region Proposal Network (RPN) and the detector head. To keep scale-consistent prediction without introducing more improper negatives, we abandon the anchor matching rules and adaptively assign the FPN stage and spatial locations to the object pyramids as positives. It is worth noting that as we use no extra weights in training, our method achieves remarkable performance gains in an inference cost-free manner and can be conveniently deployed on different detectors.

The contributions of this study are three-fold:

  1. 1.

    To the best of our knowledge, it is the first work to discuss the scale problem in FSOD. We reveal the sparsity of scale distributions in FSOD with both quantitative and qualitative analysis.

  2. 2.

    To address this problem, we propose the MPSR approach to enrich the scale space without largely increasing improper negatives.

  3. 3.

    Comprehensive experiments are carried out, and significant improvements from MPSR demonstrate its advantage.

2 Related Work

Few-Shot Image Classification. There are relatively many historical studies in the area of few-shot image classification that targets recognition of objects with only a handful of images in each class [20, 27]. [9] learns to initialize weights that effectively adapt to unseen categories. [1, 28] aim to predict network parameters without heavily training on novel images. [19, 35, 38] employ metric learning to replace linear classifiers with learnable metrics for comparison between query and support samples. Although few-shot image classification techniques are usually used to advance the phase of RoI classification in FSOD, they are different tasks, as FSOD has to consider localization in addition.

Generic Object Detection. Recent object detection architectures are mainly divided into two categories: one-stage detectors and two-stage detectors. One-stage detectors use a single CNN to directly predict bounding boxes [24, 25, 29, 30], and two-stage ones first generate region proposals and then classify them for decision making [11, 12, 31]. Apart from network design, scale invariance is an important aspect to detectors and many solutions have recently been proposed to handle scale changes [18, 22, 33, 34]. For example, [22] builds multi-scale feature maps to match objects at different scales. [33] performs scale normalization to detect scale-specific objects and adopts image pyramids for multi-scale detection. These studies generally adapt to alleviate large size differences of objects. Few-shot object detection suffers from scale variations in a more serious way where a few samples sparsely distribute in the scale space.

Object Detection with Limited Annotations. To relieve heavy annotation dependence in object detection, there exist two main directions without using external data. One is weakly-supervised object detection, where only image-level labels are provided and spatial supervision is unknown [2]. Research basically concentrates on how to rank and classify region proposals with only coarse labels through multiple instance learning [36, 37, 39]. Another is semi-supervised object detection that assumes abundant images are available while the number of bounding box annotations is limited [26]. In this case, previous studies confirm the effectiveness of adopting extra images by pseudo label mining [5, 10] or multiple instance learning [21]. Both the directions reduce manual annotation demanding to some extent, but they heavily depend on the amount of training images. They have the difficulty in dealing with constrained conditions where data acquisition is inadequate, i.e., few-shot object detection.

Few-Shot Object Detection. Preliminary work [4] on FSOD introduces a general transfer learning framework and presents the Low-Shot Transfer Detector (LSTD), which reduces overfitting by adapting pre-trained detectors to few-shot scenarios with limited training images. Following this framework, RepMet [17] incorporates a distance metric learning classifier into the RoI classification head in the detector. Instead of categorizing objects with fully-connected layers, RepMet extracts representative embedding vectors by clustering and calculates distances between query and annotated instances. [8] is motivated by [19] which scores the similarity in a siamese network and computes pair-wise object relationship in both the RPN and the detection head. [16] is a single-stage detector combined with a meta-model that re-weights the importance of features from the base model. The meta-model encodes class-specific features from annotated images at a proper scale, and the features are viewed as reweighting coefficients and fed to the base model. Similarly, [41] delivers a two-stage detection architecture and re-weights RoI features in the detection head. Unlike previous studies where spatial influence is not considered, we argue that scale invariance is a challenging issue to FSOD, as the samples are few and their scale distribution is sparse. We improve the detector by refining object crops rather than masked images [16, 41] or siamese inputs [8] for additional training, which enriches the scale space and ensures the detector being fully trained at all scales.

3 Background

Before introducing MPSR, we briefly review the standard protocols and the basic detector we adopt for completeness. As it is the first work that addresses the challenge of sparse scale distribution in FSOD, we conduct some preliminary attempts with the current effective methods from generic object detection (i.e., FPN and image pyramids) to enrich the scale space and discuss their limitations.

3.1 Baseline Few-Shot Object Detection

Few-Shot Object Detection Protocols. Following the settings in [16, 41], object classes are divided into base classes with abundant data and novel classes with only a few training samples. The training process of FSOD generally adopts a two-step paradigm. During base training, the detection network is trained with a large-scale dataset that only contains base classes. Then the detection network is fine-tuned on the few-shot dataset, which only contains a very small number of balanced training samples for both base and novel classes. This two-step training schedule avoids the risk of overfitting with insufficient training samples on novel classes. It also prevents the detector from extremely imbalanced training if all annotations from both base and novel classes are exploited together [41]. To build the balanced few-shot dataset, [16] employs the k-shot sampling strategy, where each object class only has k annotated bounding boxes. Another work [4] collects k images for each class in the few-shot dataset. As k images actually contain an arbitrary number of instances, training and evaluation under this protocol tend to be unstable. We thus use the former strategy following [16].

Basic Detection Model. With the fast development in generic object detection, the base detector in FSOD has many choices. [16] is based on YOLOv2 [30], which is a single-stage detector. [41] is based on a classical two-stage detector, Faster R-CNN [31], and demonstrates that Faster R-CNN provides consistently better results. Therefore, we take the latter as our basic detection model. Faster R-CNN consists of the RPN and the detection head. For a given image, the RPN head generates proposals with objectness scores and bounding-box regression offsets. The RPN loss function is:

$$\begin{aligned} L_{RPN} = \frac{1}{N_{obj}}{\sum _{i = 1}^{N_{obj}}L_{Bcls}^{i}} + \frac{1}{N_{obj}}{\sum _{i = 1}^{N_{obj}}L_{Preg}^{i}}. \end{aligned}$$
(1)

For the ith anchor in a mini-batch, \(L_{Bcls}^{i}\) is the binary cross-entropy loss over background and foreground and \(L_{Preg}^{i}\) is the smooth \(L_{1}\) loss defined in [31]. \(N_{obj}\) is the total number of chosen anchors. These proposals are used to extract RoI features and then fed to the detection (RoI) head that outputs class-specific scores and bounding-box regression offsets. The loss function is defined as:

$$\begin{aligned} L_{RoI} = \frac{1}{N_{RoI}}{\sum _{i = 1}^{N_{RoI}}L_{Kcls}^{i}} + \frac{1}{N_{RoI}}{\sum _{i = 1}^{N_{RoI}}L_{Rreg}^{i}}, \end{aligned}$$
(2)

where \(L_{Kcls}^{i}\) is the log loss over K classes and \(N_{RoI}\) is the number of RoIs in a mini-batch. Different from the original implementation in [31], we employ a class-agnostic regression task in the detection head, which is the same as [4]. The total loss is the sum of \(L_{RPN}\) and \(L_{RoI}\).

3.2 Preliminary Attempts

FPN for Multi-scale Detection. As FPN is commonly adopted in generic object detection to address the scale variation issue [3, 22], we first consider applying it to FSOD in our preliminary experiments. FPN generates several different semantic feature maps at different scales, enriching the scale space in features. Our experiments validate that it is still practically useful under the restricted conditions in FSOD. We thus exploit Faster R-CNN with FPN as our second baseline. However, FPN does not change the distribution in the data of novel classes and the sparsity of scale distribution remains unsolved in FSOD.

Fig. 2.
figure 2

An example of improper negative samples in FSOD. Negative samples (NS), positive samples (PS) and ground-truth (GT) bounding boxes are annotated. The improper negative samples significantly increase as more scales are involved (top right), while they may even be true positives in other contexts (bottom right) (Color figure online)

Image Pyramids for Multi-scale Training. To enrich object scales, we then consider a multi-scale training strategy which is also widely used in generic object detection for multi-scale feature extraction [11, 14] or data augmentation [30]. In few-shot object detection, image pyramids enrich object scales as data augmentation and the sparse scale distribution can be theoretically solved. However, this multi-scale training strategy acts differently in FSOD with the increasing number of improper negative samples. As in Fig. 2, red bounding boxes are negative samples in training while they actually contain part of objects and may even be true positive samples in other contexts (as in bottom right). These improper negative samples require sufficient contexts and clues to suppress, inhibiting being mistaken for potential objects. Such an interference is trivial when abundant annotations are available, but it is quite harmful to the sparse and biased distribution in FSOD. Moreover, with multi-scale training, a large number of extra improper negative samples are introduced, which further hurts the performance.

4 Multi-scale Positive Sample Refinement

4.1 Multi-scale Positive Sample Refinement Branch

Motivated by the above discussion, we employ FPN in the backbone of Faster R-CNN as the advanced version of baseline. To enrich scales of positive samples without largely increasing improper negative samples, we extract each object independently and resize them to various scales, denoted as object pyramids. Specifically, each object is cropped by a square window (whose side is equal to the longer side of the bounding box) with a minor random shift. It is then resized to \(\left\{ 32^{2},64^{2},128^{2},256^{2},512^{2},800^{2} \right\} \) pixels, which is similar to anchor design.

Fig. 3.
figure 3

Multi-scale positive sample feature extraction. The positive sample is extracted and resized to various scales. Specific feature maps from FPN are selected for refinement

In object pyramids, each image only contains a single instance, which is inconsistent to the standard detection pipeline. Therefore, we propose an extra positive sample refinement branch to adaptively project the object pyramids into the standard detection network. For a given object, the standard FPN pipeline samples the certain scale level and the spatial locations as positives for training, operated by anchor matching. However, performing anchor matching on cropped single objects is wasteful and also incurs more improper negatives that hurt the performance for FSOD. As shown in Fig. 3, instead of anchor matching, we manually select the corresponding scale level of feature maps and the fixed center locations as positives for each object, keeping it consistent with the standard FPN assigning rules. After selecting specific features from these feature maps, we feed them directly to the RPN head and the detection head for refinement.

Table 1. FPN feature map selection for different object scales. For each object, two specific feature maps are activated, fed to RPN and detection (RoI) heads respectively

In the RPN head, the multi-scale feature maps of FPN \(\left\{ P_{2},P_{3},P_{4},P_{5},P_{6} \right\} \) represent anchors whose areas are \(\left\{ 32^{2},64^{2},128^{2},256^{2},~512^{2} \right\} \) pixels respectively. For a given object, only one feature map with the consistent scale is activated, as shown in Table 1. To simulate that each proposal is predicted by its center location in RPN, we select centric \(2^{2}\) features for object refinement. We also put anchors with \(\left\{ 1:2,1:1,2:1 \right\} \) aspect ratios on the sampled locations. These selected anchors are viewed as positives for the RPN classifier.

To extract RoI features for the detection head, only \(\left\{ P_{2},P_{3},P_{4},P_{5} \right\} \) are used and the original RoI area partitions in the standard FPN pipeline are: ,   [22]. We also select one feature map at a specific scale for each object to keep the scale consistency, as shown in Table 1. As the randomly cropped objects tend to have larger sizes than the original ground truth bounding boxes, we slightly increase the scale range of each FPN stage for better selection. Selected feature maps are adaptively pooled to the same RoI size and fed to the RoI classifier.

4.2 Framework

As shown in Fig. 4, the whole detection framework for training consists of Faster R-CNN with FPN and the refinement branch working in parallel while sharing the same weights. For a given image, it is processed by the backbone network, RPN, RoI Align layer, and the detection head in the standard two-stage detection pipeline [31]. Simultaneously, an independent object extracted from the original image is resized to different scales as object pyramids. The object pyramids are fed into the detection network as described above. The outputs from RPN and detection heads in the MPSR branch include objectness scores and class-specific scores similar to the definitions in Sect. 3.1. The loss function of the RPN head containing Faster R-CNN and the MPSR branch is defined as:

$$\begin{aligned} L_{RPN} = \frac{1}{N_{obj}{+ M}_{obj}}{\sum _{i = 1}^{N_{obj}{+ M}_{obj}}L_{Bcls}^{i}} + \frac{1}{N_{obj}}{\sum _{i = 1}^{N_{obj}}L_{Preg}^{i}}, \end{aligned}$$
(3)

where \(M_{obj}\) is the number of selected positive anchor samples for refinement. The loss function of the detection head is defined as:

$$\begin{aligned} L_{RoI} = \frac{1}{N_{RoI}}{\sum _{i = 1}^{N_{RoI}}L_{Kcls}^{i}} + \frac{\lambda }{M_{RoI}}{\sum _{i = 1}^{M_{RoI}}L_{Kcls}^{i}} + \frac{1}{N_{RoI}}{\sum _{i = 1}^{N_{RoI}}L_{Rreg}^{i}}, \end{aligned}$$
(4)

where \(M_{RoI}\) is the number of selected RoIs in MPSR. Unlike the RPN head loss where \(M_{obj}\) is close to \(N_{obj}\), the number of positives from object pyramids is quite small compared to \(N_{RoI}\) in the RoI head. We thus add a weight parameter \(\lambda \) to the RoI classification loss of the positives from MPSR to adjust its magnitude, which is set to 0.1 by default. After the whole network is fully trained, the extra MPSR branch is removed and only Faster R-CNN with FPN is used for inference. Therefore, the MPSR approach that we propose benefits FSOD training without extra time cost at inference.

Fig. 4.
figure 4

MPSR architecture. On an input image to Faster R-CNN, the auxiliary branch extracts samples and resizes them to different scales. Each sample is fed to the FPN and specific features are selected to refine RPN and RoI heads in Faster R-CNN

5 Experiments

5.1 Datasets and Settings

We evaluate our method on the PASCAL VOC 2007 [7], 2012 [6] and MS COCO [23] benchmarks. For fair quantitative comparison with state of the art (SOTA) methods, we follow the setups in [16, 41] to construct few-shot detection datasets.

PASCAL VOC. Our networks are trained on the modified VOC 2007 trainval and VOC 2012 trainval sets. The standard VOC 2007 test set is used for evaluation. The evaluation metric is the mean Average Precision (mAP). Both the trainval sets are split by object categories, where 5 are randomly chosen as novel classes and the left 15 are base classes. Here we follow [16] to use the same three class splits, where the unseen classes are {“bird”, “bus”, “cow”, “motorbike” (“mbike”), “sofa”}, {“aeroplane” (“aero”), “bottle”, “cow”, “horse”, “sofa”}, {“boat”, “cat”, “motorbike”, “sheep”, “sofa”}, respectively. For FSOD experiments, the few-shot dataset consists of images where only k object instances are available for each category and k is set as 1/3/5/10.

MS COCO. COCO has 80 object categories, where the 20 categories overlapped with PASCAL VOC are denoted as novel classes. 5,000 images from the val set, denoted as minival, are used for evaluation while the left images in the train and val sets are used for training. Base and few-shot dataset construction is the same as that in PASCAL VOC except that k is set as 10/30.

Implementation Details. We train and test detection networks on images of a single scale. We resize input images so that their shorter sides are set to 800 pixels and the longer sides are less than 1,333 pixels while maintaining the aspect ratio. Our backbone is ResNet-101 [15] with the RoI Align  [13] layer and we use the weights pre-trained on ImageNet  [32] in initialization. For efficient training, we randomly sample one object to generate the object pyramid for each image. After training on base classes, only the last fully-connected layer (for classification) of the detection head is replaced. The new classification layer is randomly initialized and none of the network layers is frozen during few-shot fine-tuning. We train our networks with a batchsize of 4 on 2 GPUs, 2 images per GPU. We run the SGD optimizer with the momentum of 0.9 and the parameter decay of 0.0001. For base training on VOC, models are trained for 240k, 8k, and 4k iterations with learning rates of 0.005, 0.0005 and 0.00005 respectively. For few-shot fine-tuning on VOC, we train models for 1,300, 400, 300 iterations and the learning rates are 0.005, 0.0005 and 0.00005, respectively. Models are trained on base COCO classes for 56k, 14k, and 10k iterations. For COCO few-shot fine-tuning, the 10-shot dataset requires 2,800, 700, and 500 iterations, while the 30-shot dataset requires 5,600, 1,400, 1,000 iterations.

5.2 Results

We compare our results with two baseline methods (denoted as Baseline and Baseline-FPN) as well as two SOTA few-shot detection counterparts. Baseline and Baseline-FPN are our implemented Faster R-CNN and Faster R-CNN with FPN described in Sect. 3. YOLO-FS [16] and Meta R-CNN [41] are the SOTA few-shot detectors based on DarkNet-19 and ResNet-101, respectively. It should be noted that due to better implementation and training strategy, our baseline achieves higher performance than SOTA, which is also confirmed by the very recent work  [40].

Table 2. Comparison of different methods in terms of mAP (%) of novel classes using the three splits on the VOC 2007 test set

PASCAL VOC. MPSR achieves 82.1%/82.7%/82.9% on base classes of three splits respectively before few-shot fine-tuning. The main results of few-shot experiments on VOC are summarized in Table 2. It can be seen from this table that the results of the two baselines (i.e. Baseline and Baseline-FPN) are close to each other when the number of instances is extremely small (e.g. 1 or 3), and Baseline-FPN largely outperforms the other as the number of images increases. This demonstrates that FPN benefits few-shot object detection as in generic object detection. Moreover, our method further improves the performance of Baseline-FPN with any number of training samples in all the three class splits. Specifically, by solving the sparsity of object scales, we achieve a significant increase in mAP compared to the best scores of the two baselines, particularly when training samples are extremely scarce, e.g. 16.2% on 1-shot split-1. It clearly highlights the effectiveness of the extra MPSR branch. Regarding other counterparts [16, 41], the proposed approach outperforms them by a large margin, reporting the state of the art scores on this dataset.

Table 3. AP (%) of each novel class on the 3-/10-shot VOC dataset of the first class split. mAP (%) of novel classes and base classes are also presented

Following  [16, 41], we display the detailed results of 3-/10-shot detection in the first split on VOC in Table 3. Consistently, our Baseline-FPN outperforms the existing methods on both the novel and base classes. This confirms that FPN addresses the scale problem in FSOD to some extent. Furthermore, our method improves the accuracies of Baseline-FPN in all the settings by integrating MPSR, illustrating its advantage.

MS COCO. We evaluate the method using 10-/30-shot setups on MS COCO with the standard COCO metrics. The results on novel classes are provided in Table 4. Although COCO is quite challenging, we still achieve an increase of 0.4% on 30-shot compared with Baseline-FPN while boosting the SOTA mAP from 12.4% (Meta R-CNN) to 14.1%. Specifically, our method improves the recognition of small, medium and large objects simultaneously. This demonstrates that our balanced scales of input objects are effective.

Table 4. AP (%) and AR (%) of 10-/30-shot scores of novel classes on COCO minival

MS COCO to PASCAL VOC. We conduct cross-dataset experiments on the standard VOC 2007 test set. In this setup, all the models are trained on the base COCO dataset and finetured with 10-shot objects in novel classes on VOC. Results of Baseline and Baseline-FPN are 38.5% and 39.3% respectively. They are worse than 10-shot results only trained on PASCAL VOC due to the large domain shift. Cross-dataset results of YOLO-FS and Meta R-CNN are 32.3% and 37.4% respectively. Our MPSR achieves 42.3%, which indicates that our method has better generalization ability in cross-domain situations.

5.3 Analysis of Sparse Scales

We visualize the scale distribution of two categories on the original dataset (Pascal VOC) and 10-shot subset in Fig. 1. It is obvious that the scale distribution in the few-shot dataset is extremely sparse and distinct from the original ones.

Table 5. AP (%) on bus/cow class. Two 10-shot datasets are constructed on VOC split-1, where scales of instances are random or limited. Std over 5 runs are presented

To quantitatively analyze the negative effect of scale sparsity, we evaluate detectors on two specific 10-shot datasets. We carefully select the bus and cow instances with the scale between \(128^2\) and \(256^2\) pixels to construct the “limited” few-shot datasets. As shown in Table 5, such extremely sparse scales lead to a significant drop in performance (e.g. for bus, −28.9% on Baseline-FPN). Therefore, it is essential to solve the extremely sparse and biased scale distribution in FSOD. With our MPSR, the reduction of performance is relieved.

Table 6. mAP (%) comparison of novel/base classes on VOC split-1: Baseline-FPN, SNIPER  [34], Baseline-FPN with scale augmentation/image pyramids and MPSR

As in Table 6, we compare MPSR with several methods that are used for scale invariance. SNIPER  [34] shows a lower accuracy on novel classes and a higher accuracy on base classes than the baseline. As SNIPER strictly limits the scale range in training, it actually magnifies the sparsity of scales in FSOD. Such low performance also indicates the importance of enriching scales. We also evaluate the scale augmentation and image pyramids with a shorter side of \(\{480,576,688,864,1200\}\) [14]. We can see that our MPSR achieves better results than those two multi-scale training methods on the novel classes. When only one instance is available for each object category, our method exceeds multi-scale training by \(\sim \)12%, demonstrating its superiority.

5.4 Ablation Studies

We conduct some ablation studies to verify the effectiveness of the proposed manual selection and refinement method in Table 7.

Table 7. mAP (%) of MPSR with different settings of novel classes on VOC split-1

Manual Selection. From the first two lines in Table 7, we see that applying anchor matching to object pyramids on both RPN and RoI heads achieves better performance than Baseline-FPN. However, when compared to the last three lines with manual selection rules, anchor matching indeed limits the benefits of object pyramids, as it brings more improper negative samples to interfere few-shot training. It confirms the necessity of the proposed manual refinement rules.

RPN and Detection Refinement. As in the last three lines of Table 7, we individually evaluate RPN refinement and detection (RoI) refinement to analyze their credits in the entire approach. Models with only the RPN and RoI refinement branches exceed Baseline-FPN in all the settings, which proves their effectiveness. Our method combines them and reaches the top score, which indicates that the two branches play complementary roles.

6 Conclusions

This paper targets the scale problem caused by the unique sample distribution in few-shot object detection. To deal with this issue, we propose a novel approach, namely multi-scale positive sample refinement. It generates multi-scale positive samples as object pyramids and refines the detectors at different scales, thus enlarging the scales of positive samples while limiting improper negative samples. We further deliver a strong FSOD solution by integrating MPSR to Faster R-CNN with FPN as an auxiliary branch. Experiments are extensively carried out on PASCAL VOC and MS COCO, and the proposed approach reports better scores compared to current state of the arts, which shows its advantage.