新闻  |   论坛  |   博客  |   在线研讨会
像教女朋友一样的Deformable DETR论文精度+代码详解(1)
计算机视觉工坊 | 2023-04-23 19:48:01    阅读:1464   发布文章

最近学习CV中的Transformer有感而发,网上关于Deformable DETR通俗的帖子不是很多,因此想分享一下最近学习的内容。第一次发帖经验不足,文章内可能有许多错误或不恰之处欢迎批评指正。

Abstract

DETR消除了目标检任务中的手工设计痕迹,但是存在收敛慢以及Transformer的自注意力造成的特征图分辨率不能太高的问题,这就导致了小目标检测性能很差。我们的Deformable DETR只在参考点附近采样少量的key来计算注意力,因此我们的方法收敛快并且可以用到多尺度特征。

1、Introduction

传统目标检测任务有很多手工设计痕迹,所以不是端到端的网络。DETR运用到了Transformer强大的功能以及全局关系建模能力来取代目标检测中人工设计痕迹来达到端到端的目的。

DETR的两大缺点

(1)收敛速度慢:因为全局像素之间计算注意力要收敛到几个稀疏的像素点需要消耗很长的时间。

(2)小目标检测差:目标检测基本都是在大分辨率的特征图上进行小目标的检测,但是Transformer中的Self Attention的计算复杂度是平方级别的,所以只能利用到最后一层特征图。

可变形卷积DCN是一种注意稀疏空间位置很好的机制,但是其缺乏元素之间关系的建模能力

综上所述,Deformable Attention模块结合了DCN稀疏采样能力和Transformer的全局关系建模能力。这个模块可以聚合多尺度特征,不需要FPN了,我们用这个模块替换了Transformer Encoder中的Multi-Head Self- Attention模块和Transformer Decoder中的Cross Attention模块。

Deformable DETR的提出可以帮助探索更多端到端目标检测的探索。提出了bbox迭代微调策略和两阶段方法,其中iterative bounding box refinement类似Cascade R-CNN方法,two stage类似RPN。

2、Related work

Transformer中包含了多头自注意力和交叉注意力机制,其中多头自注意力机制对key的数量很敏感,平方级别的复杂度导致不能有太多的key,解决方法主要可以分为三类。

(1)第一类解决方法为在key上使用预定义稀疏注意力模式,例如将注意力限制在一个固定的局部窗口上,这将导致失去了全局信息。

(2)第二类是通过数据学习到相关的稀疏注意力。

(3)第三类是寻找自注意力中低等级的属性,类似限制关键元素的尺寸大小。

图像领域的注意力方法大多数都局限于第一种设计方法,但是因为内存模式原因速度要比传统卷积慢3倍(相同的FLOPs下)。DCN可以看作是一种自注意力机制,它比自注意力机制更加高效有效,但是其缺少元素关系建模的机制。我们的可变形注意力模块来源于DCN,并且属于第二类注意力方法。它只关注从q特征预测得到的一小部分固定数量的采样点

目标检测任务一个难点就是高效的表征不同尺度下的物体。现在有的方法比如FPN,PA-FPN,NAS-FPN,Auto-FPN,BiFPN等。我们的多尺度可变形注意力模块可以自然的融合基于注意力机制的多尺度特征图,不需要FPN了

3、Revisiting Transformers And DETR3.1、Transformer中的Multi-Head Self-Attention

该模块计算复杂度为: , 其中  代表特征图维度,  和  均为图片中的像素(pixel), 因此有  。所以计算复杂度可以简化为  , 可以得出其与图片像素的数量成平方级别的计算复杂度。

3.2、DETR

DETR在目标检测领域中引入了Transformer结构并且取得了不错的效果。这套范式摒弃了传统目标检测中的anchor和post processing 机制,而是先预先设定100个object queries然后进行二分图匹配计算loss。其具体流程图(pipeline)如下

图片图1. DETR Pipeline

1、输入图片3×800×1066的一张图片,经过卷积神经网络提取特征,长宽32倍下采样后得到2048×25×34,然后通过一个1×1 Conv进行降维最终得到输出shape为256×25×34.

2、positional encoding为绝对位置编码,为了和特征完全匹配形状也为256×25×34,然后和特征进行元素级别的相加后输入到Transformer Encoder中。

3、输入到Encoder的尺寸为(25×34)×256=850×256,代表有256个token每个token的维度为850,Encoder不改变输入的Shape。

4、Encoder的输出和object queries输入到Decoder中形成cross attention,object queries的维度设置为anchor数量×token数量。

5、Decoder输出到FFN进行分类和框定位,其中FFN是共享参数的。

tips: 虽然DETR没有anchor,但是object queries其实就是起到了anchor的作用。

DETR缺点在于:

(1)计算复杂度的限制导致不能利用大分辨率特征图,导致小目标性能差

(2)注意力权重矩阵往往都很稀疏,DETR计算全部像素的注意力导致收敛速率慢

4、Method4.1、Deformable Attention Module

图片图2. Deformable Attention Module

Deformable Attention Module主要思想是结合了DCN和自注意力, 目的就是为了通过在输入特征图上的参考点(reference point)附近只采样少数点(deformable detr设置为3个点)来作为注意力的  。因此要解决的问题就是:(1)确定reference point。(2)确定每个reference point的偏移量 (offset)。(3) 确定注意力权重矩阵  。在Encoder和Decoder中实现方法不太一样, 加下来详细叙述。

在Encoder部分, 输入的Query Feature  为加入了位置编码的特征图(src+pos), value  的计算方法只使用了src而没有位置编码(value_proj函数)。

(1)reference point确定方法为用了torch.meshgrid方法,调用的函数如下(get_reference_points),有一个细节就是参考点归一化到0和1之间,因此取值的时候要用到双线性插值的方法。而在Decoder中,参考点的获取方法为object queries通过一个nn.Linear得到每个对应的reference point。

def get_reference_points(spatial_shapes, valid_ratios, device):
   reference_points_list = []
   for lvl, (H_, W_) in enumerate(spatial_shapes):
       # 从0.5到H-0.5采样H个点,W同理 这个操作的目的也就是为了特征图的对齐
       ref_y, ref_x = torch.meshgrid(torch.linspace(0.5, H_ - 0.5, H_, dtype=torch.float32, device=device),
                                       torch.linspace(0.5, W_ - 0.5, W_, dtype=torch.float32, device=device))
       ref_y = ref_y.reshape(-1)[None] / (valid_ratios[:, None, lvl, 1] * H_)
       ref_x = ref_x.reshape(-1)[None] / (valid_ratios[:, None, lvl, 0] * W_)
       ref = torch.stack((ref_x, ref_y), -1)
       reference_points_list.append(ref)
   reference_points = torch.cat(reference_points_list, 1)
   reference_points = reference_points[:, :, None] * valid_ratios[:, None]
   return reference_points

(2)计算offset的方法为对  过一个nn.Linear,得到多组偏移量,每组偏移量的维度为参考点的个数,组数为注意力头的数量。

(3)计算注意力权重矩阵  的方法为  过一个nn.Linear和一个F.softmax,得到每个头的注意力权重。

如图2所示,分头计算完的注意力最终会拼接到一起,然后最后过一个nn.Linear得到输入  的最终输出。

4.2、Multi-Scale Deformable Attention Module

图片图3. Multi-Scale Feature Maps

多尺度的Deformable Attention模块也是在多尺度特征图上计算的。多尺度的特征融合方法则是取了骨干网(ResNet)最后三层的特征图C3,C4,C5,并且用了一个Conv3x3 Stride2的卷积得到了一个C6构成了四层特征图。特别的是会通过卷积操作将通道数量统一为256(也就是token的数量),然后在这四个特征图上运行Deformable Attention Module并且进行直接相加得到最终输出。其中Deformable Attention Module算子的pytorch实现如下:

def ms_deform_attn_core_pytorch(value, value_spatial_shapes, sampling_locations, attention_weights):
   # for debug and test only,
   # need to use cuda version instead
   N_, S_, M_, D_ = value.shape # batch size, number token, number head, head dims
   # Lq_: number query, L_: level number, P_: sampling number采样点数
   _, Lq_, M_, L_, P_, _ = sampling_locations.shape
   # 按照level划分value
   value_list = value.split([H_ * W_ for H_, W_ in value_spatial_shapes], dim=1)
   # [0, 1] -> [-1, 1] 因为要满足F.grid_sample的输入要求
   sampling_grids = 2 * sampling_locations - 1
   sampling_value_list = []
   for lid_, (H_, W_) in enumerate(value_spatial_shapes):
       # N_, H_*W_, M_, D_ -> N_, H_*W_, M_*D_ -> N_, M_*D_, H_*W_ -> N_*M_, D_, H_, W_
       value_l_ = value_list[lid_].flatten(2).transpose(1, 2).reshape(N_*M_, D_, H_, W_)
       # N_, Lq_, M_, P_, 2 -> N_, M_, Lq_, P_, 2 -> N_*M_, Lq_, P_, 2
       sampling_grid_l_ = sampling_grids[:, :, :, lid_].transpose(1, 2).flatten(0, 1)
       # N_*M_, D_, Lq_, P_
       # 用双线性插值从feature map上获取value,因为mask的原因越界所以要zeros的方法进行填充
       sampling_value_l_ = F.grid_sample(value_l_, sampling_grid_l_,
                                         mode='bilinear', padding_mode='zeros', align_corners=False)
       sampling_value_list.append(sampling_value_l_)
   # (N_, Lq_, M_, L_, P_) -> (N_, M_, Lq_, L_, P_) -> (N_, M_, 1, Lq_, L_*P_)
   attention_weights = attention_weights.transpose(1, 2).reshape(N_*M_, 1, Lq_, L_*P_)
   # 不同scale计算出的multi head attention 进行相加,返回output后还需要过一个Linear层
   output = (torch.stack(sampling_value_list, dim=-2).flatten(-2) * attention_weights).sum(-1).view(N_, M_*D_, Lq_)
   return output.transpose(1, 2).contiguous()

完整的Multi-Scale Deformable Attention模块代码如下:

class MSDeformAttn(nn.Module):
   def __init__(self, d_model=256, n_levels=4, n_heads=8, n_points=4):
       """
       Multi-Scale Deformable Attention Module
       :param d_model      hidden dimension
       :param n_levels     number of feature levels
       :param n_heads      number of attention heads
       :param n_points     number of sampling points per attention head per feature level
       """
       super().__init__()
       if d_model % n_heads != 0:
           raise ValueError('d_model must be divisible by n_heads, but got {} and {}'.format(d_model, n_heads))
       _d_per_head = d_model // n_heads
       # you'd better set _d_per_head to a power of 2 which is more efficient in our CUDA implementation
       if not _is_power_of_2(_d_per_head):
           warnings.warn("You'd better set d_model in MSDeformAttn to make the dimension of each attention head a power of 2 "
                         "which is more efficient in our CUDA implementation.")

       self.im2col_step = 64

       self.d_model = d_model
       self.n_levels = n_levels
       self.n_heads = n_heads
       self.n_points = n_points

       self.sampling_offsets = nn.Linear(d_model, n_heads * n_levels * n_points * 2)
       self.attention_weights = nn.Linear(d_model, n_heads * n_levels * n_points)
       self.value_proj = nn.Linear(d_model, d_model)
       self.output_proj = nn.Linear(d_model, d_model)

       self._reset_parameters()

   def _reset_parameters(self):
       constant_(self.sampling_offsets.weight.data, 0.)
       thetas = torch.arange(self.n_heads, dtype=torch.float32) * (2.0 * math.pi / self.n_heads)
       grid_init = torch.stack([thetas.cos(), thetas.sin()], -1)
       grid_init = (grid_init / grid_init.abs().max(-1, keepdim=True)[0]).view(self.n_heads, 1, 1, 2).repeat(1, self.n_levels, self.n_points, 1)
       for i in range(self.n_points):
           grid_init[:, :, i, :] *= i + 1
       with torch.no_grad():
           self.sampling_offsets.bias = nn.Parameter(grid_init.view(-1))
       constant_(self.attention_weights.weight.data, 0.)
       constant_(self.attention_weights.bias.data, 0.)
       xavier_uniform_(self.value_proj.weight.data)
       constant_(self.value_proj.bias.data, 0.)
       xavier_uniform_(self.output_proj.weight.data)
       constant_(self.output_proj.bias.data, 0.)

   def forward(self, query, reference_points, input_flatten, input_spatial_shapes, input_level_start_index, input_padding_mask=None):
       """
       :param query                       (N, Length_{query}, C)
       :param reference_points            (N, Length_{query}, n_levels, 2), range in [0, 1], top-left (0,0), bottom-right (1, 1), including padding area
                                       or (N, Length_{query}, n_levels, 4), add additional (w, h) to form reference boxes
       :param input_flatten               (N, \sum_{l=0}^{L-1} H_l \cdot W_l, C)
       :param input_spatial_shapes        (n_levels, 2), [(H_0, W_0), (H_1, W_1), ..., (H_{L-1}, W_{L-1})]
       :param input_level_start_index     (n_levels, ), [0, H_0*W_0, H_0*W_0+H_1*W_1, H_0*W_0+H_1*W_1+H_2*W_2, ..., H_0*W_0+H_1*W_1+...+H_{L-1}*W_{L-1}]
       :param input_padding_mask          (N, \sum_{l=0}^{L-1} H_l \cdot W_l), True for padding elements, False for non-padding elements

       :return output                     (N, Length_{query}, C)
       """
       # query是 src + positional encoding
       # input_flatten是src,没有位置编码
       N, Len_q, _ = query.shape
       N, Len_in, _ = input_flatten.shape
       assert (input_spatial_shapes[:, 0] * input_spatial_shapes[:, 1]).sum() == Len_in
       # 根据input_flatten得到v
       value = self.value_proj(input_flatten)
       if input_padding_mask is not None:
           value = value.masked_fill(input_padding_mask[..., None], float(0))
       # 多头注意力 根据头的个数将v等分
       value = value.view(N, Len_in, self.n_heads, self.d_model // self.n_heads)
       # 根据query得到offset偏移量和attention weights注意力权重
       sampling_offsets = self.sampling_offsets(query).view(N, Len_q, self.n_heads, self.n_levels, self.n_points, 2)
       attention_weights = self.attention_weights(query).view(N, Len_q, self.n_heads, self.n_levels * self.n_points)
       attention_weights = F.softmax(attention_weights, -1).view(N, Len_q, self.n_heads, self.n_levels, self.n_points)
       # N, Len_q, n_heads, n_levels, n_points, 2
       if reference_points.shape[-1] == 2:
           offset_normalizer = torch.stack([input_spatial_shapes[..., 1], input_spatial_shapes[..., 0]], -1)
           sampling_locations = reference_points[:, :, None, :, None, :] \
                                + sampling_offsets / offset_normalizer[None, None, None, :, None, :]
       elif reference_points.shape[-1] == 4:
           sampling_locations = reference_points[:, :, None, :, None, :2] \
                                + sampling_offsets / self.n_points * reference_points[:, :, None, :, None, 2:] * 0.5
       else:
           raise ValueError(
               'Last dim of reference_points must be 2 or 4, but get {} instead.'.format(reference_points.shape[-1]))
       output = MSDeformAttnFunction.apply(
           value, input_spatial_shapes, input_level_start_index, sampling_locations, attention_weights, self.im2col_step)
       output = self.output_proj(output)
       return output
4.3、Encoder

详细代码注释如下,iterative bounding box refinement和two stage改进方法的Encoder不变。

class DeformableTransformerEncoderLayer(nn.Module):
   def __init__(self,
                d_model=256, d_ffn=1024,
                dropout=0.1, activation="relu",
                n_levels=4, n_heads=8, n_points=4):
       super().__init__()

       # self attention
       self.self_attn = MSDeformAttn(d_model, n_levels, n_heads, n_points)
       self.dropout1 = nn.Dropout(dropout)
       self.norm1 = nn.LayerNorm(d_model)

       # ffn
       self.linear1 = nn.Linear(d_model, d_ffn)
       self.activation = _get_activation_fn(activation)
       self.dropout2 = nn.Dropout(dropout)
       self.linear2 = nn.Linear(d_ffn, d_model)
       self.dropout3 = nn.Dropout(dropout)
       self.norm2 = nn.LayerNorm(d_model)

   @staticmethod
   def with_pos_embed(tensor, pos):
       return tensor if pos is None else tensor + pos

   def forward_ffn(self, src):
       src2 = self.linear2(self.dropout2(self.activation(self.linear1(src))))
       src = src + self.dropout3(src2)
       src = self.norm2(src)
       return src

   def forward(self, src, pos, reference_points, spatial_shapes, level_start_index, padding_mask=None):
       # self attention
       src2 = self.self_attn(self.with_pos_embed(src, pos), reference_points, src, spatial_shapes, level_start_index, padding_mask)
       src = src + self.dropout1(src2)
       src = self.norm1(src)

       # ffn
       src = self.forward_ffn(src)

       return src

class DeformableTransformerEncoder(nn.Module):
   def __init__(self, encoder_layer, num_layers):
       super().__init__()
       self.layers = _get_clones(encoder_layer, num_layers)
       self.num_layers = num_layers

   @staticmethod
   def get_reference_points(spatial_shapes, valid_ratios, device):
       reference_points_list = []
       for lvl, (H_, W_) in enumerate(spatial_shapes):
           # 从0.5到H-0.5采样H个点,W同理 这个操作的目的也就是为了特征图的对齐
           ref_y, ref_x = torch.meshgrid(torch.linspace(0.5, H_ - 0.5, H_, dtype=torch.float32, device=device),
                                         torch.linspace(0.5, W_ - 0.5, W_, dtype=torch.float32, device=device))
           ref_y = ref_y.reshape(-1)[None] / (valid_ratios[:, None, lvl, 1] * H_)
           ref_x = ref_x.reshape(-1)[None] / (valid_ratios[:, None, lvl, 0] * W_)
           ref = torch.stack((ref_x, ref_y), -1)
           reference_points_list.append(ref)
       reference_points = torch.cat(reference_points_list, 1)
       reference_points = reference_points[:, :, None] * valid_ratios[:, None]
       return reference_points

   def forward(self, src, spatial_shapes, level_start_index, valid_ratios, pos=None, padding_mask=None):
       output = src
       reference_points = self.get_reference_points(spatial_shapes, valid_ratios, device=src.device)
       for _, layer in enumerate(self.layers):
           output = layer(output, pos, reference_points, spatial_shapes, level_start_index, padding_mask)

       return output


*博客内容为网友个人发布,仅代表博主个人观点,如有侵权请联系工作人员删除。

参与讨论
登录后参与讨论
推荐文章
最近访客