当前位置:   article > 正文

人工智能|深度学习——多模态条件机制 Cross Attention 原理及实现

cross attention

一、引入

虽然之前写过 Attention 的文章,但现在回头看之前写的一些文章,感觉都好啰嗦,正好下一篇要写的 Stable Diffusion 中有 cross-attention,索性就再单拎出来简单说一下 Attention 吧,那么这篇文章的作用有两个:第一是为 Stable Diffusion 做补充,第二是为后续的 Vision Transformer 和 Swin Transformer 做铺垫。

为了保证篇幅开头的完整性,还得啰嗦一下 Transformer,它最开始提出是针对nlp领域的,在此之前除了seq2seq这种encoder-decoder架构,大家主要还是用的rnn、lstm这种时序网络,像rnn系列网络它是有问题的,首先就是它记忆的长度是有限的,其次是无法并行化计算,也就是必须要先计算xt时刻的数据才能计算时刻xt+1,这就导致效率低下。针对这些问题,Google就提出了 Transformer,在 Transformer 中有两个非常重要的模块:Self Attention 和 Multi-Head Attention,本文会先介绍 Attention 的基本思想,然后再对 Self Attention 和 Multi-Head Attention 进行概述,最后再讲本文的主题 Cross Attention,其实 Cross Attention 非常简单,不要被它的名字吓到,一定要理解透彻前面的 Multi-Head Attention。

二、Attention 思想

注意力机制的核心目标是从众多信息中选择出对当前任务目标更关键的信息,将注意力放在上面。其本质思想就是【从大量信息中】【有选择的筛选出】【少量重要信息】并将注意力【聚焦到这些重要信息上】,【忽略大多不重要的信息】。聚焦的过程体现在【权重系数】的计算上,权重越大越聚焦于其对应的value值上。即权重代表了信息的重要性,而value是其对应的信息。

  • Q是Query,是输入的信息,即当前任务的目标,用于和key进行匹配;

  • K和V分别是Key和Value,一般是相同的数据,比如原始文本经过Embedding后的表征;

  • 通过计算Q与K之间的相关性,得到权重a,再将权重a进行类似于softmax的归一化操作,表示不同的key对于Q的重要程度,或者说权重a越大,我们就会把更多的注意力放到其对应的value上;

  • 用权重a再与对应的Value相乘,意思是我们从Value中提取到的重要信息,或者说是对Q有用的信息;

  • 加权后的结果再求和就得到了针对Query的Attention输出,用新的输出代替原来的Q参与之后的一系列运算。

我们以机器翻译为例进一步加深理解,假设有文本“汤姆追逐杰瑞”,方便起见我们规定词库单词就为tom、chase、jerry,当我们对“汤姆”进行翻译的时候,套用上述 Attention 机制:

三、Self Attention

我们可以观察上面的传统 Attention 机制,我们可以发现每个词只表示自身的含义,不包含上下文的语义信息。而 Self Attention 则顾名思义,它指的是关注输入序列元素之间的关系,也就是说每个元素都有自己的Q、K、V,经过 Self Attention 对词向量进行重构后,使得词向量即包含自己的信息,又综合考虑了上下文的语义信息,如下图所示:

四、Multi-Head Attention

图片

在理解了 Self Attention 之后,Multi-Head Attention 就很容易了,它相当于 h 个不同的 Self Attention 的集成,说白了就是对其的堆叠。

Multi-Head Attention的优点:

  • 多头保证了我们可以注意到不同子空间的信息,捕捉到更加丰富的特征信息。

  • 能够捕捉到特征的多样性,说白了就是因为有多头,可以从多个角度去理解内容。

    • 换句话说,经过注意力之后的矩阵会有自己理解的语义信息,那么多个头就会有多个不同的理解。

  • 通过注意力可以充分的解读上下文的语义信息,能够充分的带入到一个场景中做理解。

五、Padding Mask

在做注意力的时候,我们还需要进行 padding mask 来消除 padding 部分的影响,因为有softmax的存在,padding项的注意力也会作为x^{i}进行缩放,首先对padding项添加注意力本身就不合理,其次它作为x^{i}就相当于也会产生权重,所以要消除 padding 带来的影响。

具体而言,我们会在输入序列中定位到 padding 的位置,然后标记为1,其余标记为0,然后构建一个与 attention 矩阵同维度的mask矩阵,其中填充位置对应元素为1,其它位置对应元素为0,关键代码如下:

  1. # 构建padding mask矩阵
  2. pad_mask = input_ids.eq(0) # 逻辑矩阵pad_mask:将填充位置标记为True,其他位置标记为False [batch_size, seq_len]
  3. # 增加维度,和 QK^T 后的att权重维度等同 [batch_szie, seq_len, seq_len]
  4. pad_mask = pad_mask.unsqueeze(1).expand(batch_size, seq_len, seq_len)
  5. # (batch_size, num_heads, seq_len, seq_len)
  6. att_weights = torch.matmul(Q, K.transpose(-1, -2)) / np.sqrt(d_k) # 点积操作
  7. # 因为是多头,所以mask矩阵维度要扩充到4维 [batch_size, seq_len, seq_len] -> [batch_size, nums_head, seq_len, seq_len]
  8. pad_mask = pad_mask.unsqueeze(1).repeat(1, self.num_heads, 1, 1)
  9. att_weights.masked_fill_(pad_mask, float('-inf')) # 将填充位置对应的元素设置为负无穷
  10. att_weights = torch.softmax(att_weights, dim=-1) # 在最后一个维度上进行softmax
  11. context = torch.matmul(att_weights, V) # (batch_size, num_heads, seq_len, emb_dim)

六、Cross Attention

理解上面了,cross-attention就更简单了,它用于处理两个不同模态序列之间的关联,在多模态场景中用于将文本和图像等不同类型的数据进行交互处理:

七、代码实现

7.1 self-attention

  1. class SelfAttention(nn.Module):
  2. def __init__(self, emb_dim):
  3. super(SelfAttention, self).__init__()
  4. self.emb_dim = emb_dim
  5. self.Wq = nn.Linear(emb_dim, emb_dim, bias=False)
  6. self.Wk = nn.Linear(emb_dim, emb_dim, bias=False)
  7. self.Wv = nn.Linear(emb_dim, emb_dim, bias=False)
  8. self.fc = nn.Linear(emb_dim, emb_dim)
  9. def forward(self, x, pad_mask=None):
  10. # [batch_szie, seq_len, emb_dim] = [3, 5, 512]
  11. Q = self.Wq(x)
  12. K = self.Wk(x)
  13. V = self.Wv(x)
  14. att_weights = torch.bmm(Q, K.transpose(1, 2)) # [batch_szie, seq_len, seq_len] = [3, 5, 5]
  15. att_weights = att_weights / math.sqrt(self.emb_dim)
  16. if pad_mask is not None:
  17. att_weights = att_weights.masked_fill(pad_mask, -1e9)
  18. att_weights = F.softmax(att_weights, dim=-1)
  19. output = torch.bmm(att_weights, V) # [batch_szie, seq_len, emb_dim] = [3, 5, 512]
  20. output = self.fc(output)
  21. return output, att_weights

7.2 Multi-Head Attention

  1. class MultiHeadAttention(nn.Module):
  2. def __init__(self, emb_dim, num_heads, att_dropout=0.0):
  3. super(MultiHeadAttention, self).__init__()
  4. self.emb_dim = emb_dim
  5. self.num_heads = num_heads
  6. self.att_dropout = att_dropout
  7. assert emb_dim % num_heads == 0, "emb_dim must be divisible by num_heads"
  8. self.depth = emb_dim // num_heads
  9. self.Wq = nn.Linear(emb_dim, emb_dim, bias=False)
  10. self.Wk = nn.Linear(emb_dim, emb_dim, bias=False)
  11. self.Wv = nn.Linear(emb_dim, emb_dim, bias=False)
  12. self.fc = nn.Linear(emb_dim, emb_dim)
  13. def forward(self, x, pad_mask=None):
  14. # [batch_szie, seq_len, emb_dim] = [3, 5, 512]
  15. batch_size = x.size(0)
  16. # [batch_szie, seq_len, emb_dim] = [3, 5, 512]
  17. Q = self.Wq(x)
  18. K = self.Wk(x)
  19. V = self.Wv(x)
  20. # 分头 [batch_szie, num_heads, seq_len, depth] = [3, 8, 5, 512/8=64]
  21. Q = Q.view(batch_size, -1, self.num_heads, self.depth).transpose(1, 2)
  22. K = K.view(batch_size, -1, self.num_heads, self.depth).transpose(1, 2)
  23. V = V.view(batch_size, -1, self.num_heads, self.depth).transpose(1, 2)
  24. # [batch_szie, num_heads, seq_len, seq_len] = [3, 8, 5, 5]
  25. att_weights = torch.matmul(Q, K.transpose(-2, -1))
  26. att_weights = att_weights / math.sqrt(self.depth)
  27. if pad_mask is not None:
  28. # 因为是多头,所以mask矩阵维度要扩充到4维 [batch_size, seq_len, seq_len] -> [batch_size, nums_head, seq_len, seq_len]
  29. pad_mask = pad_mask.unsqueeze(1).repeat(1, self.num_heads, 1, 1)
  30. att_weights = att_weights.masked_fill(pad_mask, -1e9)
  31. att_weights = F.softmax(att_weights, dim=-1)
  32. # 自己的多头注意力效果没有torch的好,我猜是因为它的dropout给了att权重,而不是fc
  33. if self.att_dropout > 0.0:
  34. att_weights = F.dropout(att_weights, p=self.att_dropout)
  35. # [batch_szie, num_heads, seq_len, depth] = [3, 8, 5, 64]
  36. output = torch.matmul(att_weights, V)
  37. # 不同头的结果拼接 [batch_szie, seq_len, emb_dim] = [3, 5, 512]
  38. output = output.transpose(1, 2).contiguous().view(batch_size, -1, self.emb_dim)
  39. output = self.fc(output)
  40. return output, att_weights

7.3 Cross_MultiAttention

  1. class Cross_MultiAttention(nn.Module):
  2. def __init__(self, in_channels, emb_dim, num_heads, att_dropout=0.0, aropout=0.0):
  3. super(Cross_MultiAttention, self).__init__()
  4. self.emb_dim = emb_dim
  5. self.num_heads = num_heads
  6. self.scale = emb_dim ** -0.5
  7. assert emb_dim % num_heads == 0, "emb_dim must be divisible by num_heads"
  8. self.depth = emb_dim // num_heads
  9. self.proj_in = nn.Conv2d(in_channels, emb_dim, kernel_size=1, stride=1, padding=0)
  10. self.Wq = nn.Linear(emb_dim, emb_dim)
  11. self.Wk = nn.Linear(emb_dim, emb_dim)
  12. self.Wv = nn.Linear(emb_dim, emb_dim)
  13. self.proj_out = nn.Conv2d(emb_dim, in_channels, kernel_size=1, stride=1, padding=0)
  14. def forward(self, x, context, pad_mask=None):
  15. '''
  16. :param x: [batch_size, c, h, w]
  17. :param context: [batch_szie, seq_len, emb_dim]
  18. :param pad_mask: [batch_size, seq_len, seq_len]
  19. :return:
  20. '''
  21. b, c, h, w = x.shape
  22. x = self.proj_in(x) # [batch_size, c, h, w] = [3, 512, 512, 512]
  23. x = rearrange(x, 'b c h w -> b (h w) c') # [batch_size, h*w, c] = [3, 262144, 512]
  24. Q = self.Wq(x) # [batch_size, h*w, emb_dim] = [3, 262144, 512]
  25. K = self.Wk(context) # [batch_szie, seq_len, emb_dim] = [3, 5, 512]
  26. V = self.Wv(context)
  27. Q = Q.view(batch_size, -1, self.num_heads, self.depth).transpose(1, 2) # [batch_size, num_heads, h*w, depth]
  28. K = K.view(batch_size, -1, self.num_heads, self.depth).transpose(1, 2) # [batch_size, num_heads, seq_len, depth]
  29. V = V.view(batch_size, -1, self.num_heads, self.depth).transpose(1, 2)
  30. # [batch_size, num_heads, h*w, seq_len]
  31. att_weights = torch.einsum('bnid,bnjd -> bnij', Q, K)
  32. att_weights = att_weights * self.scale
  33. if pad_mask is not None:
  34. # 因为是多头,所以mask矩阵维度要扩充到4维 [batch_size, h*w, seq_len] -> [batch_size, nums_head, h*w, seq_len]
  35. pad_mask = pad_mask.unsqueeze(1).repeat(1, self.num_heads, 1, 1)
  36. att_weights = att_weights.masked_fill(pad_mask, -1e9)
  37. att_weights = F.softmax(att_weights, dim=-1)
  38. out = torch.einsum('bnij, bnjd -> bnid', att_weights, V)
  39. out = out.transpose(1, 2).contiguous().view(batch_size, -1, self.emb_dim) # [batch_size, h*w, emb_dim]
  40. print(out.shape)
  41. out = rearrange(out, 'b (h w) c -> b c h w', h=h, w=w) # [batch_size, c, h, w]
  42. out = self.proj_out(out) # [batch_size, c, h, w]
  43. return out, att_weights

7.4 Cross Attention

  1. class CrossAttention(nn.Module):
  2. def __init__(self, in_channels, emb_dim, att_dropout=0.0, aropout=0.0):
  3. super(CrossAttention, self).__init__()
  4. self.emb_dim = emb_dim
  5. self.scale = emb_dim ** -0.5
  6. self.proj_in = nn.Conv2d(in_channels, emb_dim, kernel_size=1, stride=1, padding=0)
  7. self.Wq = nn.Linear(emb_dim, emb_dim)
  8. self.Wk = nn.Linear(emb_dim, emb_dim)
  9. self.Wv = nn.Linear(emb_dim, emb_dim)
  10. self.proj_out = nn.Conv2d(emb_dim, in_channels, kernel_size=1, stride=1, padding=0)
  11. def forward(self, x, context, pad_mask=None):
  12. '''
  13. :param x: [batch_size, c, h, w]
  14. :param context: [batch_szie, seq_len, emb_dim]
  15. :param pad_mask: [batch_size, seq_len, seq_len]
  16. :return:
  17. '''
  18. b, c, h, w = x.shape
  19. x = self.proj_in(x) # [batch_size, c, h, w] = [3, 512, 512, 512]
  20. x = rearrange(x, 'b c h w -> b (h w) c') # [batch_size, h*w, c] = [3, 262144, 512]
  21. Q = self.Wq(x) # [batch_size, h*w, emb_dim] = [3, 262144, 512]
  22. K = self.Wk(context) # [batch_szie, seq_len, emb_dim] = [3, 5, 512]
  23. V = self.Wv(context)
  24. # [batch_size, h*w, seq_len]
  25. att_weights = torch.einsum('bid,bjd -> bij', Q, K)
  26. att_weights = att_weights * self.scale
  27. if pad_mask is not None:
  28. # [batch_size, h*w, seq_len]
  29. att_weights = att_weights.masked_fill(pad_mask, -1e9)
  30. att_weights = F.softmax(att_weights, dim=-1)
  31. out = torch.einsum('bij, bjd -> bid', att_weights, V) # [batch_size, h*w, emb_dim]
  32. out = rearrange(out, 'b (h w) c -> b c h w', h=h, w=w) # [batch_size, c, h, w]
  33. out = self.proj_out(out) # [batch_size, c, h, w]
  34. print(out.shape)
  35. return out, att_weights

7.5 main

  1. # coding:utf-8
  2. # @Email: wangguisen@donews.com
  3. # @Time: 2023/3/22 22:58
  4. # @File: att_test.py
  5. '''
  6. Self Attention
  7. Multi-Head Attention
  8. Cross Attention
  9. '''
  10. import torch
  11. import torch.nn as nn
  12. import torch.nn.functional as F
  13. import math
  14. from einops import rearrange, repeat
  15. from torch.nn import MultiheadAttention
  16. if __name__ == '__main__':
  17. '''
  18. '''
  19. '''
  20. 假设词表映射后输入
  21. batch_size = 3
  22. seq_len = max_len = 5
  23. pad = 0
  24. emb_dim = 512
  25. '''
  26. batch_size = 3
  27. seq_len = 5
  28. emb_dim = 512
  29. # 本例子则词表大小为 301
  30. vocab_size = 301
  31. input_ids = torch.tensor([[100, 200, 300, 300, 0],
  32. [22, 33, 44, 0, 0],
  33. [66, 55, 66, 30, 0]], dtype=torch.long)
  34. pad_mask = input_ids.eq(0) # 逻辑矩阵pad_mask:将填充位置标记为True,其他位置标记为False
  35. # pad_mask = pad_mask.unsqueeze(1).expand(batch_size, seq_len, seq_len) # [batch_size, seq_len, seq_len] = [3, 5, 5]
  36. inputs = nn.Embedding(vocab_size, embedding_dim=emb_dim)(input_ids) # [batch_szie, seq_len, emb_dim] = [3, 5, 512]
  37. # self_att = SelfAttention(emb_dim=emb_dim)
  38. # self_att(inputs, pad_mask=pad_mask)
  39. # multi_att = MultiHeadAttention(emb_dim=emb_dim, num_heads=8)
  40. # multi_att(inputs, pad_mask=pad_mask)
  41. # 定义图片数据 [batch_size, c, h, w]
  42. input_img = torch.randn((3, 3, 512, 512))
  43. pad_mask = pad_mask.unsqueeze(1).expand(batch_size, 512*512, seq_len)
  44. # cross_att = Cross_MultiAttention(in_channels=3, emb_dim=emb_dim, num_heads=8, att_dropout=0.0, aropout=0.0)
  45. # cross_att(x=input_img, context=inputs, pad_mask=pad_mask)
  46. cross_att = CrossAttention(in_channels=3, emb_dim=emb_dim, att_dropout=0.0, aropout=0.0)
  47. cross_att(x=input_img, context=inputs, pad_mask=pad_mask)

本文内容由网友自发贡献,转载请注明出处:【wpsshop博客】
推荐阅读
相关标签
  

闽ICP备14008679号