fasterrcnn使用IOU损失

推理发现 利用fasterrcnn得到的dx,dy,dw,dh 和target中的gt的dx,dy,dw,dh就可以求得IOU
完全不需要变化
在这里插入图片描述
在这里插入图片描述
转换代码

def bbox_transform(deltas, weights):
    wx, wy, ww, wh = weights
    dx = deltas[:, 0::4] / wx
    dy = deltas[:, 1::4] / wy
    dw = deltas[:, 2::4] / ww
    dh = deltas[:, 3::4] / wh

    dw = torch.clamp(dw, max=cfg.BBOX_XFORM_CLIP)
    dh = torch.clamp(dh, max=cfg.BBOX_XFORM_CLIP)

    pred_ctr_x = dx
    pred_ctr_y = dy
    pred_w = torch.exp(dw)
    pred_h = torch.exp(dh)

    x1 = pred_ctr_x - 0.5 * pred_w
    y1 = pred_ctr_y - 0.5 * pred_h
    x2 = pred_ctr_x + 0.5 * pred_w
    y2 = pred_ctr_y + 0.5 * pred_h

    return x1.view(-1), y1.view(-1), x2.view(-1), y2.view(-1)

IOULoss

def iou_loss(pred, target, eps=1e-6):
    """IoU loss.
    Computing the IoU loss between a set of predicted bboxes and target bboxes.
    The loss is calculated as negative log of IoU.
    Args:
        pred (Tensor): Predicted bboxes of format (x1, y1, x2, y2),
            shape (n, 4).
        target (Tensor): Corresponding gt bboxes, shape (n, 4).
        eps (float): Eps to avoid log(0).
    Return:
        Tensor: Loss tensor.
    """
    ious = bbox_overlaps(pred, target, is_aligned=True).clamp(min=eps)
    loss = -ious.log()
    return loss

  • 0
    点赞
  • 3
    收藏
    觉得还不错? 一键收藏
  • 4
    评论
Faster R-CNN 中的 smooth L1 loss 修改为 IoU loss 可以尝试如下代码实现: ```python import torch def iou_loss(pred_bbox, gt_bbox, eps=1e-6): """ Compute IoU loss between predicted bboxes and ground truth bboxes. Args: pred_bbox: predicted bboxes, shape [N, 4] gt_bbox: ground truth bboxes, shape [N, 4] eps: epsilon to avoid divide by zero Returns: iou_loss: IoU loss between predicted bboxes and ground truth bboxes, shape [N] """ # compute IoU x1 = torch.max(pred_bbox[:, 0], gt_bbox[:, 0]) y1 = torch.max(pred_bbox[:, 1], gt_bbox[:, 1]) x2 = torch.min(pred_bbox[:, 2], gt_bbox[:, 2]) y2 = torch.min(pred_bbox[:, 3], gt_bbox[:, 3]) w = torch.clamp(x2 - x1, min=0) h = torch.clamp(y2 - y1, min=0) inter = w * h a1 = (pred_bbox[:, 2] - pred_bbox[:, 0]) * (pred_bbox[:, 3] - pred_bbox[:, 1]) a2 = (gt_bbox[:, 2] - gt_bbox[:, 0]) * (gt_bbox[:, 3] - gt_bbox[:, 1]) union = a1 + a2 - inter iou = inter / (union + eps) # compute IoU loss threshold = 0.5 iou_loss = torch.pow(iou - threshold, 2) return iou_loss # example usage pred_bbox = torch.tensor([[2.0, 3.0, 5.0, 6.0], [1.0, 2.0, 4.0, 5.0]]) gt_bbox = torch.tensor([[1.0, 2.0, 4.0, 5.0], [2.0, 3.0, 5.0, 6.0]]) loss = iou_loss(pred_bbox, gt_bbox) print(loss) ``` 然后将 Faster R-CNN 中的 smooth L1 loss 替换为 iou loss,如下所示: ```python import torch import torch.nn as nn def iou_loss(pred_bbox, gt_bbox, eps=1e-6): """ Compute IoU loss between predicted bboxes and ground truth bboxes. Args: pred_bbox: predicted bboxes, shape [N, 4] gt_bbox: ground truth bboxes, shape [N, 4] eps: epsilon to avoid divide by zero Returns: iou_loss: IoU loss between predicted bboxes and ground truth bboxes, shape [N] """ # compute IoU x1 = torch.max(pred_bbox[:, 0], gt_bbox[:, 0]) y1 = torch.max(pred_bbox[:, 1], gt_bbox[:, 1]) x2 = torch.min(pred_bbox[:, 2], gt_bbox[:, 2]) y2 = torch.min(pred_bbox[:, 3], gt_bbox[:, 3]) w = torch.clamp(x2 - x1, min=0) h = torch.clamp(y2 - y1, min=0) inter = w * h a1 = (pred_bbox[:, 2] - pred_bbox[:, 0]) * (pred_bbox[:, 3] - pred_bbox[:, 1]) a2 = (gt_bbox[:, 2] - gt_bbox[:, 0]) * (gt_bbox[:, 3] - gt_bbox[:, 1]) union = a1 + a2 - inter iou = inter / (union + eps) # compute IoU loss threshold = 0.5 iou_loss = torch.pow(iou - threshold, 2) return iou_loss.mean() class FasterRCNN(nn.Module): def __init__(self, num_classes): super().__init__() self.num_classes = num_classes self.backbone = ... self.rpn = ... self.roi_head = ... self.bbox_head = nn.Linear(4096, 4 * self.num_classes) self.cls_head = nn.Linear(4096, self.num_classes) def forward(self, x, gt_bbox=None): # backbone x = self.backbone(x) # RPN rpn_cls, rpn_bbox = self.rpn(x) # RoI pooling rois = self.roi_head(x, rpn_bbox) # bbox regression bbox_pred = self.bbox_head(rois) bbox_pred = bbox_pred.reshape(-1, 4) # classification cls_score = self.cls_head(rois) cls_score = cls_score.reshape(-1, self.num_classes) cls_prob = nn.functional.softmax(cls_score, dim=1) # test or train if self.training: # compute loss rpn_loss, roi_loss = ... bbox_loss = iou_loss(bbox_pred, gt_bbox) cls_loss = ... total_loss = rpn_loss + roi_loss + bbox_loss + cls_loss return total_loss else: # inference result = ... return result ``` 需要注意的是,IoU loss 可能会导致梯度爆炸或梯度消失的问题,因此需要进行一些处理,例如使用渐进式策略或者加入正则化项等。

“相关推荐”对你有帮助么?

  • 非常没帮助
  • 没帮助
  • 一般
  • 有帮助
  • 非常有帮助
提交
评论 4
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包
实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值