Faster RCNN anchor_target_layer.py


いくつかのFaster RCNNにおける重要な変数情報を説明すると,+anchor[w 1,h 1,w 2,h 2]+im_info [[H, W, Scale]] + bbox_target [cls, tx, ty, tw, th] + gt_boxes[x 1,y 1,x 2,y 2,cls]または[w 1,h 1,w 2,h 2,cls]+roisの中の1つroi[batch_ind,w 1,h 1,w 2,h 2]
class AnchorTargetLayer(caffe.Layer):
    """
    Assign anchors to ground-truth targets. Produces anchor classification
    labels and bounding-box regression targets.
    """

    def setup(self, bottom, top):
        # print '~~~~~~~~~~~~self.param_str_: {}'.format(self.param_str_) # 'feat_stride':16
        layer_params = yaml.load(self.param_str_)
        #    get  ,     , []   :  [],               ; get      ,     
        #    
        anchor_scales = layer_params.get('scales', (8, 16, 32))
        #   generate_anchors        9 anchor,                 9 ;     shifits 
        #      anchors
        self._anchors = generate_anchors(scales=np.array(anchor_scales))
        self._num_anchors = self._anchors.shape[0]
        self._feat_stride = layer_params['feat_stride']

        if DEBUG:
            print 'anchors:'
            print self._anchors
            print 'anchor shapes:'
            print np.hstack((
                self._anchors[:, 2::4] - self._anchors[:, 0::4],
                self._anchors[:, 3::4] - self._anchors[:, 1::4],
            ))
            #          ,    bbox mean std    
            self._counts = cfg.EPS
            self._sums = np.zeros((1, 4))
            self._squared_sums = np.zeros((1, 4))
            self._fg_sum = 0
            self._bg_sum = 0
            self._count = 0

        # allow boxes to sit over the edge by a small amount
        #   0,            proposals,       ,    
        self._allowed_border = layer_params.get('allowed_border', 0) 
        if DEBUG:
             print '~~~~~~~~~~~~~~~~anchor_scales: {}'.format(anchor_scales) # (8, 16, 32)
             print '~~~~~~~~~~~~~~~~self._feat_stride: {}'.format(self._feat_stride) # 16
             print '~~~~~~~~~~~~~~~~self._allowed_border: {}'.format(self._allowed_border) # 0

        height, width = bottom[0].data.shape[-2:]
        if DEBUG:
            print 'AnchorTargetLayer: height', height, 'width', width # bottom[0] is rpn_cls_score ,so height is 39, width is 64

        A = self._num_anchors
        # labels
        top[0].reshape(1, 1, A * height, width)
        # bbox_targets
        top[1].reshape(1, A * 4, height, width)
        # bbox_inside_weights
        top[2].reshape(1, A * 4, height, width)
        # bbox_outside_weights
        top[3].reshape(1, A * 4, height, width)

    def forward(self, bottom, top):
        # Algorithm:
        #
        # for each (H, W) location i
        #   generate 9 anchor boxes centered on cell i
        #   apply predicted bbox deltas at cell i to each of the 9 anchors
        # filter out-of-image anchors
        # measure GT overlap

        assert bottom[0].data.shape[0] == 1, \
            'Only single item batches are supported'

        # map of shape (..., H, W)
        height, width = bottom[0].data.shape[-2:]
        # GT boxes (x1, y1, x2, y2, label)
        gt_boxes = bottom[1].data
        # print '~~~~~~~~~~~~~~~~~~~gt_boxes.shape {}'.format(gt_boxes.shape)
        # im_info
        im_info = bottom[2].data[0, :]

        if DEBUG:
            print ''
            print 'im_size: ({}, {})'.format(im_info[0], im_info[1])
            print 'scale: {}'.format(im_info[2])
            print 'height, width: ({}, {})'.format(height, width)
            print 'rpn: gt_boxes.shape', gt_boxes.shape
            print 'rpn: gt_boxes', gt_boxes

        # 1. Generate proposals from bbox deltas and shifted anchors
        # x (   width)     , 600 × 1000     ,  64    ,  width=64

        shift_x = np.arange(0, width) * self._feat_stride
        # y (   height)     , 600 × 1000     ,  39    ,  width=39
        shift_y = np.arange(0, height) * self._feat_stride

        # shift_x,shift_y  39×64     ,                      (            
        #      9 anchor      ),         2496     。          anchor      
        #    anchors,    600×1000   ,     2496×9 anchors,    all_anchors   
        shift_x, shift_y = np.meshgrid(shift_x, shift_y)
        if DEBUG:
             print '~~~~~~~~~~~~~~~~~~shift_x: {}'.format(shift_x)
             print '~~~~~~~~~~~~~~~~~~shift_y: {}'.format(shift_y)
        shifts = np.vstack((shift_x.ravel(), shift_y.ravel(),
                            shift_x.ravel(), shift_y.ravel())).transpose()
        if DEBUG:
             print '~~~~~~~~~~~~~~~~~~shift_x: {}'.format(shift_x)
             print '~~~~~~~~~~~~~~~~~~shift_y: {}'.format(shift_y)
        # add A anchors (1, A, 4) to
        # cell K shifts (K, 1, 4) to get
        # shift anchors (K, A, 4)
        # reshape to (K*A, 4) shifted anchors
        A = self._num_anchors
        K = shifts.shape[0]
        if DEBUG:
             print '~~~~~~~~~~~~~~~~~self._anchors.reshape((1, A, 4)).shape:{}'.format(self._anchors.reshape((1, A, 4)).shape)
         print '~~~~~~~~~~~~~~~~~shifts.reshape((1, K, 4)).transpose((1, 0, 2)).shape :{}'.format(shifts.reshape((1, K, 4)).transpose((1, 0, 2)).shape)
        all_anchors = (self._anchors.reshape((1, A, 4)) +
                       shifts.reshape((1, K, 4)).transpose((1, 0, 2)))
        all_anchors = all_anchors.reshape((K * A, 4))
        total_anchors = int(K * A)

        # only keep anchors inside the image          proposals
        inds_inside = np.where(
            (all_anchors[:, 0] >= -self._allowed_border) &
            (all_anchors[:, 1] >= -self._allowed_border) &
            (all_anchors[:, 2] < im_info[1] + self._allowed_border) &  # width
            (all_anchors[:, 3] < im_info[0] + self._allowed_border)    # height
        )[0]

        #total_anchors 18252
        #inds_inside 6136
        #total_anchors 20358
        #inds_inside 7148

        if DEBUG:
            print 'total_anchors', total_anchors
            print 'inds_inside', len(inds_inside)

        # keep only inside anchors
        anchors = all_anchors[inds_inside, :]
        if DEBUG:
            print 'anchors.shape', anchors.shape #(6136,4)  (7148,4)

        # label: 1 is positive, 0 is negative, -1 is dont care
        labels = np.empty((len(inds_inside), ), dtype=np.float32)
        labels.fill(-1)

        # overlaps between the anchors and the gt boxes
        # overlaps (ex, gt)    anchor              anchors ,  anchor    ~20000 
        #    ~6000
        overlaps = bbox_overlaps(
            np.ascontiguousarray(anchors, dtype=np.float),
            np.ascontiguousarray(gt_boxes, dtype=np.float))
        argmax_overlaps = overlaps.argmax(axis=1)
        max_overlaps = overlaps[np.arange(len(inds_inside)), argmax_overlaps]
        gt_argmax_overlaps = overlaps.argmax(axis=0)
        gt_max_overlaps = overlaps[gt_argmax_overlaps,
                                   np.arange(overlaps.shape[1])]
        if DEBUG:
             print '~~~~~~~~~~~~~~~overlaps.shape :{}'.format(overlaps.shape)
             print '~~~~~~~~~~~~~~~overlaps: {}'.format(overlaps)
             print '~~~~~~~~~~~~~~~argmax_overlaps: {}'.format(argmax_overlaps)
             print '~~~~~~~~~~~~~~~max_overlaps.shape: {}'.format(max_overlaps.shape)
             print '~~~~~~~~~~~~~~~max_overlaps: {}'.format(max_overlaps)
             print '~~~~~~~~~~~~~~~gt_argmax_overlaps: {}'.format(gt_argmax_overlaps)
             print '~~~~~~~~~~~~~~~gt_max_overlaps.shape :{}'.format(gt_max_overlaps.shape)
             print '~~~~~~~~~~~~~~~gt_max_overlaps: {}'.format(gt_max_overlaps)

        #     overlaps     gt_max_overlaps   ,  gt_max_overlaps             
        # anchor,             IOU overlap ,              ,       
        #  label  1,      object,   RPN cls   ,         object  ,   
        #      。
        gt_argmax_overlaps = np.where(overlaps == gt_max_overlaps)[0]
        if DEBUG :
            print '~~~~~~~~~~~~~~~gt_argmax_overlaps: {}'.format(gt_argmax_overlaps)

        if not cfg.TRAIN.RPN_CLOBBER_POSITIVES:
            # assign bg labels first so that positive labels can clobber them
            labels[max_overlaps < cfg.TRAIN.RPN_NEGATIVE_OVERLAP] = 0

        # fg label: for each gt, anchor with highest overlap
        labels[gt_argmax_overlaps] = 1

        # fg label: above threshold IOU
        labels[max_overlaps >= cfg.TRAIN.RPN_POSITIVE_OVERLAP] = 1

        if cfg.TRAIN.RPN_CLOBBER_POSITIVES:
            # assign bg labels last so that negative labels can clobber positives
            labels[max_overlaps < cfg.TRAIN.RPN_NEGATIVE_OVERLAP] = 0

        # subsample positive labels if we have too many
        num_fg = int(cfg.TRAIN.RPN_FG_FRACTION * cfg.TRAIN.RPN_BATCHSIZE)
        fg_inds = np.where(labels == 1)[0]
        if len(fg_inds) > num_fg:
            disable_inds = npr.choice(
                fg_inds, size=(len(fg_inds) - num_fg), replace=False)
            labels[disable_inds] = -1

        # subsample negative labels if we have too many
        num_bg = cfg.TRAIN.RPN_BATCHSIZE - np.sum(labels == 1)
        bg_inds = np.where(labels == 0)[0]
        if len(bg_inds) > num_bg:
            disable_inds = npr.choice(
                bg_inds, size=(len(bg_inds) - num_bg), replace=False)
            labels[disable_inds] = -1
            #print "was %s inds, disabling %s, now %s inds" % (
                #len(bg_inds), len(disable_inds), np.sum(labels == 0))

        bbox_targets = np.zeros((len(inds_inside), 4), dtype=np.float32)
        #  bbox     
        bbox_targets = _compute_targets(anchors, gt_boxes[argmax_overlaps, :])

        bbox_inside_weights = np.zeros((len(inds_inside), 4), dtype=np.float32)
        #       bbox_inside_weights  cfg.TRAIN.RPN_BBOX_INSIDE_WEIGHTS    ?????
        bbox_inside_weights[labels == 1, :] = np.array(cfg.TRAIN.RPN_BBOX_INSIDE_WEIGHTS)

        bbox_outside_weights = np.zeros((len(inds_inside), 4), dtype=np.float32)
        if cfg.TRAIN.RPN_POSITIVE_WEIGHT < 0:
            # uniform weighting of examples (given non-uniform sampling)
            num_examples = np.sum(labels >= 0)
            positive_weights = np.ones((1, 4)) * 1.0 / num_examples
            negative_weights = np.ones((1, 4)) * 1.0 / num_examples
        else:
            assert ((cfg.TRAIN.RPN_POSITIVE_WEIGHT > 0) &
                    (cfg.TRAIN.RPN_POSITIVE_WEIGHT < 1))
            positive_weights = (cfg.TRAIN.RPN_POSITIVE_WEIGHT /
                                np.sum(labels == 1))
            negative_weights = ((1.0 - cfg.TRAIN.RPN_POSITIVE_WEIGHT) /
                                np.sum(labels == 0))
        #        bbox_inside_weights
        bbox_outside_weights[labels == 1, :] = positive_weights
        bbox_outside_weights[labels == 0, :] = negative_weights

        if DEBUG:
            #       box    std
            self._sums += bbox_targets[labels == 1, :].sum(axis=0)
            self._squared_sums += (bbox_targets[labels == 1, :] ** 2).sum(axis=0)
            self._counts += np.sum(labels == 1)
            means = self._sums / self._counts
            stds = np.sqrt(self._squared_sums / self._counts - means ** 2)
            print 'means:'
            print means
            print 'stdevs:'
            print stds

        # map up to original set of anchors        len(inds_inside)        
        # total_anchors   ,total_anchors ~ 2496×9
        labels = _unmap(labels, total_anchors, inds_inside, fill=-1)
        bbox_targets = _unmap(bbox_targets, total_anchors, inds_inside, fill=0)
        bbox_inside_weights = _unmap(bbox_inside_weights, total_anchors, inds_inside, fill=0)
        bbox_outside_weights = _unmap(bbox_outside_weights, total_anchors, inds_inside, fill=0)

        if DEBUG:
            print 'rpn: max max_overlap', np.max(max_overlaps)
            print 'rpn: num_positive', np.sum(labels == 1)
            print 'rpn: num_negative', np.sum(labels == 0)
            self._fg_sum += np.sum(labels == 1)
            self._bg_sum += np.sum(labels == 0)
            self._count += 1
            print 'rpn: num_positive avg', self._fg_sum / self._count
            print 'rpn: num_negative avg', self._bg_sum / self._count

        # labels
        labels = labels.reshape((1, height, width, A)).transpose(0, 3, 1, 2)
        labels = labels.reshape((1, 1, A * height, width))
        top[0].reshape(*labels.shape)
        top[0].data[...] = labels

        # bbox_targets
        bbox_targets = bbox_targets \
            .reshape((1, height, width, A * 4)).transpose(0, 3, 1, 2)
        top[1].reshape(*bbox_targets.shape)
        top[1].data[...] = bbox_targets

        # bbox_inside_weights
        bbox_inside_weights = bbox_inside_weights \
            .reshape((1, height, width, A * 4)).transpose(0, 3, 1, 2)
        assert bbox_inside_weights.shape[2] == height
        assert bbox_inside_weights.shape[3] == width
        top[2].reshape(*bbox_inside_weights.shape)
        top[2].data[...] = bbox_inside_weights

        # bbox_outside_weights
        bbox_outside_weights = bbox_outside_weights \
            .reshape((1, height, width, A * 4)).transpose(0, 3, 1, 2)
        assert bbox_outside_weights.shape[2] == height
        assert bbox_outside_weights.shape[3] == width
        top[3].reshape(*bbox_outside_weights.shape)
        top[3].data[...] = bbox_outside_weights

    def backward(self, top, propagate_down, bottom):
        """This layer does not propagate gradients."""
        #       :      ,rpn-data layer    need backward  ,  rpn_cls_score   
        # bottom blob      propagatedown  true ,    anchor_target_layer      
        # backward   ,    pass,    ,     : forward   ,rpn_cls_score       
        # Height, Weight,       ,  does not need propagate gradients,   layer    
        #       
        pass

    def reshape(self, bottom, top):
        """Reshaping happens during the call to forward."""
        pass


def _unmap(data, count, inds, fill=0):
    """ Unmap a subset of item (data) back to the original set of items (of
    size count) """
    if len(data.shape) == 1:
        ret = np.empty((count, ), dtype=np.float32)
        ret.fill(fill)
        ret[inds] = data
    else:
        ret = np.empty((count, ) + data.shape[1:], dtype=np.float32)
        ret.fill(fill)
        ret[inds, :] = data
    return ret


def _compute_targets(ex_rois, gt_rois):
    """Compute bounding-box regression targets for an image."""

    assert ex_rois.shape[0] == gt_rois.shape[0]
    assert ex_rois.shape[1] == 4
    assert gt_rois.shape[1] == 5

    return bbox_transform(ex_rois, gt_rois[:, :4]).astype(np.float32, copy=False)