Generalized Focal Loss: Learning

2021-01-14  本文已影响0人  _从前从前_

个人感觉从理论上在实际场景下应该很有效,在自己的数据集上使用也涨了2个点。现实中标注的数据大部分不确定性都很很强、场景也更复杂。引入Generalized Focal Loss可以有效的提升鲁棒性。

一、主要贡献

作者认为现有的密集检测器存在问题(以FCOS为例):

image.png
1、 classification scoreiou/centerness score的训练过程和推理过程不一致

2、bounding box regression的表示不够灵活

因此作者将classification scoreiou score合并在一个分支,将target box coordinates使用任意分布进行建模来表示回归框,提出了Generalized Focal Loss,由Quality Focal LossDistribution Focal Loss组成。

二、具体方法

image.png

可以看出GFL和之前方法的不同之处。

1、Focal loss

FL(p) = {-(1-p_t)}^{\gamma}\log(p_t),p_t=\begin{cases} p,\quad when \quad y=1\\ 1-p, \quad when \quad y=0\\ \end{cases} \\y \in [0,1],\quad p_t \in [0,1]

2、QFL

QFL(\sigma)=-|y-\sigma|^{\beta}[(1-y)\log(1-\sigma)+y\log(\sigma)]
完整的保留了focal loss的结构,为了支持连续值监督,将{(1-p_t)}^{\gamma}变成|y-\sigma|^{\beta},全局最小解即是\sigma = y时。实际场景下测试\beta=2时,效果最好。
以下参考mmdetection中的实现,先将所有样本都视作negative samples计算loss,再计算positive samplesloss

@weighted_loss
def quality_focal_loss(pred, target, beta=2.0):
    r"""Quality Focal Loss (QFL) is from `Generalized Focal Loss: Learning
    Qualified and Distributed Bounding Boxes for Dense Object Detection
    <https://arxiv.org/abs/2006.04388>`_.

    Args:
        pred (torch.Tensor): Predicted joint representation of classification
            and quality (IoU) estimation with shape (N, C), C is the number of
            classes.
        target (tuple([torch.Tensor])): Target category label with shape (N,)
            and target quality label with shape (N,).
        beta (float): The beta parameter for calculating the modulating factor.
            Defaults to 2.0.

    Returns:
        torch.Tensor: Loss tensor with shape (N,).
    """
    assert len(target) == 2, """target for QFL must be a tuple of two elements,
        including category label and quality label, respectively"""
    # label denotes the category id, score denotes the quality score
    label, score = target

    # negatives are supervised by 0 quality score
    pred_sigmoid = pred.sigmoid()
    scale_factor = pred_sigmoid
    zerolabel = scale_factor.new_zeros(pred.shape)
    loss = F.binary_cross_entropy_with_logits(
        pred, zerolabel, reduction='none') * scale_factor.pow(beta)

    # FG cat_id: [0, num_classes -1], BG cat_id: num_classes
    bg_class_ind = pred.size(1)
    pos = ((label >= 0) & (label < bg_class_ind)).nonzero().squeeze(1)
    pos_label = label[pos].long()
    # positives are supervised by bbox quality (IoU) score
    scale_factor = score[pos] - pred_sigmoid[pos, pos_label]
    loss[pos, pos_label] = F.binary_cross_entropy_with_logits(
        pred[pos, pos_label], score[pos],
        reduction='none') * scale_factor.abs().pow(beta)

    loss = loss.sum(dim=1, keepdim=False)
    return loss

3、DFL

考虑到真实的分布通常不会距离标注的位置太远,所以作者又额外加了个DFL,希望网络能够快速地聚焦到标注位置附近的数值,使得他们概率尽可能大。以下为推导过程:

概率密度函数:
\int_{-\infty}^{+\infty} \delta(x-y) \mathrm{d} x=1
因此,y可以理解对应的期望
y=\int_{-\infty}^{+\infty} \delta(x-y) \mathrm{d} x
根据ATSS中的结论,易求得其值域,在COCO数据集上是16,y\in[0,16],因此可得下式。
\hat{y}=\int_{-\infty}^{+\infty} P(x) x \mathrm{~d} x=\int_{y_{0}}^{y_{n}} P(x) x \mathrm{~d} x
使用离散值进行近似:
\hat{y}=\sum_{i=0}^{n} P\left(y_{i}\right) y_{i}
所以,在经过softmax函数后,可以保证\sum_{i=0}^{n} y_{i}=1,可以进行端到端的训练。为了使网络快速地聚焦到目标位置的邻近区域的分布中,最终DFL为:
\operatorname{DFL}\left(\mathcal{S}_{i}, \mathcal{S}_{i+1}\right)=-\left(\left(y_{i+1}-y\right) \log \left(\mathcal{S}_{i}\right)+\left(y-y_{i}\right) \log \left(\mathcal{S}_{i+1}\right)\right)
因为DFL仅仅使用positive samples进行训练,因此不存在不平衡的问题,只需要用简单的cross entroy

以下参考mmdetection中的实现:

@weighted_loss
def distribution_focal_loss(pred, label):
    r"""Distribution Focal Loss (DFL) is from `Generalized Focal Loss: Learning
    Qualified and Distributed Bounding Boxes for Dense Object Detection
    <https://arxiv.org/abs/2006.04388>`_.

    Args:
        pred (torch.Tensor): Predicted general distribution of bounding boxes
            (before softmax) with shape (N, n+1), n is the max value of the
            integral set `{0, ..., n}` in paper.
        label (torch.Tensor): Target distance label for bounding boxes with
            shape (N,).

    Returns:
        torch.Tensor: Loss tensor with shape (N,).
    """
    dis_left = label.long()
    dis_right = dis_left + 1
    weight_left = dis_right.float() - label
    weight_right = label - dis_left.float()
    loss = F.cross_entropy(pred, dis_left, reduction='none') * weight_left \
        + F.cross_entropy(pred, dis_right, reduction='none') * weight_right
    return loss

由于y已经被离散化,但是实际y应该是一个连续值,因此作者使用了左右取整得到y_iy_{i+1},然后用距离进行加权,计算DFL

4、GIOU

box的损失函数使用了GIOU,这里不再赘述。

最后可得GFL损失函数:由QFLDFLGIOU组成。
\mathcal{L}=\frac{1}{N_{\text {pos }}} \sum_{z} \mathcal{L}_{\mathcal{Q}}+\frac{1}{N_{\text {pos }}} \sum_{z} \mathbf{1}_{\left\{c_{z}^{*}>0\right\}}\left(\lambda_{0} \mathcal{L}_{\mathcal{B}}+\lambda_{1} \mathcal{L}_{\mathcal{D}}\right)

三、相关的实验结果

1、和不同的质量表示的方法进行对比、cls loss替换成QFL的涨点、\beta系数的选择

image.png

2、针对框回归不同建模方法的可视化差异

image.png

3、DFL的有效性, n的选择、n间隔的选择

image.png

4、QFLDFL的增益是正交的

image.png

5、和别的方法进行对比

image.png

四、补充实验

1、不同分布的建模方法

image.png

2、相比Dirac delta分布建模,General更稳定更鲁棒
加入0.1的扰动,对比两种方法的误差

image.png

3、使用iou label比使用centerness label更加稳定

image.png

4、可视化图片

image.png
image.png

五、对应yolo系列中的改动

yolo系列中obj loss是正负样本参与训练,cls和box只有正样本参与训练,在推理时会取obj score和cls score的乘积判断是否是正例。因此需要将obj 和 cls进行合并,并且乘以iou,计算QFL损失;box改成DFL loss。

上一篇下一篇

猜你喜欢

热点阅读