根据李沐读论文学习一下这篇论文。

Transformer

  • Introduction
  • Background
  • Model Architecture
    • Encoder and Decoder Stacks
    • Attention
      • Scaled Dot-Product Attention
      • Multi-head Attention
      • Applications of Attention in our Model
    • Position-wise Feed-Forward Networks
    • Embeddings and Softmax
    • Positional Encoding

Introduction

Recurrent neural networks, long short-term memory [13] and gated recurrent [7] neural networks in particular, have been firmly established as state of the art approaches in sequence modeling and transduction problems such as language modeling and machine translation [35, 2, 5]. Numerous efforts have since continued to push the boundaries of recurrent language models and encoder-decoder architectures [38, 24, 15]

在2017年语言转录问题的主要解决方法包括:RNN LSTM和GRNN。主流都是循环语言模型和编码器-解码器模型。

Recurrent models typically factor computation along the symbol positions of the input and output sequences. Aligning the positions to steps in computation time, they generate a sequence of hidden states ht, as a function of the previous hidden state ht−1 and the input for position t. This inherently sequential nature precludes parallelization within training xamples, which becomes critical at longer sequence lengths, as memory constraints limit batching across examples. Recent work has achieved significant improvements in computational efficiency through factorization tricks [21] and conditional computation [32], while also improving model performance in case of the latter. The fundamental constraint of sequential computation, however, remains.

RNN模型根据输入和输出序列的位置进行分解计算,由于它沿着时序依次计算,因此只有在前面部分完成后才能进行后面的计算,这就导致了两个问题:第一是难以进行GPU的并行计算,因此耗时长、计算性能差;第二是在很长的序列下,前面的信息在后续容易丢失,除非增加hth_tht的大小,但是这又会导致计算开销较大。这些问题在研究中仍然存在。

Attention mechanisms have become an integral part of compelling sequence modeling and transduction models in various tasks, allowing modeling of dependencies without regard to their distance in the input or output sequences [2, 19]. In all but a few cases [27], however, such attention mechanisms are used in conjunction with a recurrent network.

Attention在当时的主要做法是与RNN结合使用,主要是解决如何将编码器的信息有效传给解码器的问题。

In this work we propose the Transformer, a model architecture eschewing recurrence and instead relying entirely on an attention mechanism to draw global dependencies between input and output.The Transformer allows for significantly more parallelization and can reach a new state of the art in
translation quality after being trained for as little as twelve hours on eight P100 GPUs.

提出的方法使用的是纯Attention网络,解决了并行处理问题,大大缩短计算时间。

Background

The goal of reducing sequential computation also forms the foundation of the Extended Neural GPU[16], ByteNet [18] and ConvS2S [9], all of which use convolutional neural networks as basic building block, computing hidden representations in parallel for all input and output positions. In these models,
the number of operations required to relate signals from two arbitrary input or output positions grows in the distance between positions, linearly for ConvS2S and logarithmically for ByteNet. This makes it more difficult to learn dependencies between distant positions [12]. In the Transformer this is
reduced to a constant number of operations, albeit at the cost of reduced effective resolution due to averaging attention-weighted positions, an effect we counteract with Multi-Head Attention as described in section 3.2.

利用CNN替代RNN进行并行计算的方法中,利用卷积将前后的信号联系起来,但是对于比较长序列,可能需要很多次卷积才能联系起来。而Transformer利用注意力机制就可以直接看到整个序列的情况。此外,CNN的输出是多个通道的,多通道的输出也可以当作是识别的多个模式,Transformer利用multi-head Attention来模拟多输出通道。

Self-attention, sometimes called intra-attention is an attention mechanism relating different positions of a single sequence in order to compute a representation of the sequence. Self-attention has been used successfully in a variety of tasks including reading comprehension, abstractive summarization, textual entailment and learning task-independent sentence representations [4, 27, 28, 22].
End-to-end memory networks are based on a recurrent attention mechanism instead of sequence-aligned recurrence and have been shown to perform well on simple-language question answering and language modeling tasks [34].

自注意力机制和memory network也是研究热点

To the best of our knowledge, however, the Transformer is the first transduction model relying entirely on self-attention to compute representations of its input and output without using sequence-aligned RNNs or convolution. In the following sections, we will describe the Transformer, motivate self-attention and discuss its advantages over models such as [17, 18] and [9].

Transformer是第一个仅仅依赖于自注意力机制来模拟encoder-decoder的。

Model Architecture

Most competitive neural sequence transduction models have an encoder-decoder structure [5, 2, 35].Here, the encoder maps an input sequence of symbol representations (x1, …, xn) to a sequence of continuous representations z = (z1, …, zn). Given z, the decoder then generates an output sequence (y1, …, ym) of symbols one element at a time. At each step the model is auto-regressive[10], consuming the previously generated symbols as additional input when generating the next.

encoder:将输入序列(x1,...,xn)(x_1,...,x_n)(x1,...,xn)的每个单词映射为机器学习理解的向量(z1,...,zn)(z_1,...,z_n)(z1,...,zn),encoder是一次性看整个句子的。

decoder:首先根据encoder 的输出得到输出序列y1y_1y1,然后根据(y1,...,ym−1)(y_1,...,y_{m-1})(y1,...,ym1)得到ymy_mym,因此decoder是一个词往外输出的。并且decoder 属一种自回归模式(auto-regressive),它将过去时刻的输出作为当前时刻的输入。

The Transformer follows this overall architecture using stacked self-attention and point-wise, fully connected layers for both the encoder and decoder, shown in the left and right halves of Figure 1,respectively.

Transformer是由self-attention and point-wise, fully connected layers堆叠成的encoder和decoder。

Encoder and Decoder Stacks

Encoder: The encoder is composed of a stack of N = 6 identical layers. Each layer has two sub-layers. The first is a multi-head self-attention mechanism, and the second is a simple, position wise fully connected feed-forward network. We employ a residual connection [11] around each of the two sub-layers, followed by layer normalization [1]. That is, the output of each sub-layer is LayerNorm(x + Sublayer(x)), where Sublayer(x) is the function implemented by the sub-layer itself. To facilitate these residual connections, all sub-layers in the model, as well as the embedding layers, produce outputs of dimension dmodel = 512.

encoder只有两个超参N=6N=6N=6dmodel=512d_{model}=512dmodel=512
其中N=6N=6N=6表示encoder由6个identical layers堆叠在一起,如下图红色方框所示:

每个layer都由两个子层构成,第一个子层是multi-head 自注意力机制,第二个子层就是简单的MLP。两个子层都使用了残差连接和layernorm。residual connections 需要输入输出维度一致,简单起见,固定每一层的输出维度512。(这样的做法在后面的Bert和GPT中被推广使用)

重点补充一下layernorm与batchnorm的区别:

对于二维样本(行为batch 列为feature时):
batchnorm是对一列数据进行标准化,而layernorm是对一行数据进行标准化。

对于三维样本(行为seq即NNN 宽为feature即dmodeld_{model}dmodel 高为batch):

batchnorm:每次取一个特征,切一块(蓝色线),拉成一个向量,均值为 0 、方差为 1 的标准化。
layernorm:每次取一个样本,切一块(橙色线),拉成一个向量,均值为 0 、方差为 1 的标准化。

layernorm与batchnorm比起来,对于样本长度不相等的情况处理的更好。如果用batchnorm,对于样本长度不相等的,会自动填充0。对于Mini-batch 的均值和方差:如果样本长度变化比较大的时候,每次计算小批量的均值和方差,均值和方差的抖动大。对于全局的均值和方差:测试时遇到一个特别长的全新样本 (最上方蓝色阴影块),训练时未见过,训练时计算的均值和方差可能不好用。而layernorm每个样本自己算均值和方差,不需要存全局的均值和方差。

LayerNorm 和 BatchNorm 的例子理解:n 本书
BatchNorm:n本书,每本书的第一页拿出来,根据 n 本书的第一页的字数均值做 Norm。
LayerNorm:针对某一本书,这本书的每一页拿出来,根据次数每页的字数均值,自己做 Norm。

Decoder: The decoder is also composed of a stack of N = 6 identical layers. In addition to the two sub-layers in each encoder layer, the decoder inserts a third sub-layer, which performs multi-head attention over the output of the encoder stack. Similar to the encoder, we employ residual connections around each of the sub-layers, followed by layer normalization. We also modify the self-attention sub-layer in the decoder stack to prevent positions from attending to subsequent positions. This masking, combined with fact that the output embeddings are offset by one position, ensures that the predictions for position i can depend only on the known outputs at positions less than i.

decoder与encoder相比多了一个sub-layer,称为masked multi-head attention。decoder是自回归,之前时刻的输出是当前时刻的输入。但是attention一般能看到完整的输入。因此在做预测时,要利用mask掩盖t时刻之后的输入对t时刻的输出进行影响(保证训练和预测的行为一致)。(不让他看到本来应该由自己预测得到的东西)

Attention

An attention function can be described as mapping a query and a set of key-value pairs to an output, where the query, keys, values, and output are all vectors. The output is computed as a weighted sum of the values, where the weight assigned to each value is computed by a compatibility function of the query with the corresponding key.

注意力时将一个query和一组key-value映射为一个输出。输出是value的加权和,而权重根据query和每个value的相应的key的相似度进行计算。
对于同样的一组value-key,不同的query可以得到不同的权重,也就是不同的注意力机制。

Scaled Dot-Product Attention

We call our particular attention “Scaled Dot-Product Attention” (Figure 2). The input consists of
queries and keys of dimension dk, and values of dimension dv. We compute the dot products of the query with all keys, divide each by √dk, and apply a softmax function to obtain the weights on the values.

其实使用的是非常基础的注意力机制,它的输入由等长的queries和keys,长度均为dkd_kdk和长度为dvd_vdv的values组成,当然输出长度也会是dvd_vdv。将query和keys做内积(内积越大代表相似度越大),然后除以dk\sqrt{d_k}dk

,最后利用softmax函数得到values的权重,softmax得到的权重非负并且和为1。

In practice, we compute the attention function on a set of queries simultaneously, packed together into a matrix Q. The keys and values are also packed together into matrices K and V . We compute the matrix of outputs as:

Attention(Q,K,V)=softmax(Q∗KT/dk)∗VAttention(Q, K, V ) = softmax(Q * K ^T / \sqrt{d_k})*VAttention(Q,K,V)=softmax(QKT/dk

)V

实际使用当中为了加速计算,会将query组成一个矩阵,通过矩阵的两次乘法进行并行计算。
假设Q为n行dkd_kdk列,K为m行dkd_kdk列,V为m行dvd_vdv
Q∗KTQ * K ^TQKT得到的是n行m列,对于每一个query有一行key的内积值,然后除以dk\sqrt{d_k}dk

后进行softmax计算,这样得到的也是每行独立的权重,也就是实现了多个query的并行计算。
然后与V相乘得到每行独立的权重结果。

The two most commonly used attention functions are additive attention [2], and dot-product (multiplicative) attention. Dot-product attention is identical to our algorithm, except for the scaling factor of √1\dk. Additive attention computes the compatibility function using a feed-forward network with a single hidden layer. While the two are similar in theoretical complexity, dot-product attention is much faster and more space-efficient in practice, since it can be implemented using highly optimized matrix multiplication code.

两种常见的注意力是加性注意力和内积注意力。该论文与内积注意力比较相似,只是加入了scaling的操作,选择这个是因为内积注意力的方法更快并且更加高效。

While for small values of dk the two mechanisms perform similarly, additive attention outperforms dot product attention without scaling for larger values of dk [3]. We suspect that for large values of dk, the dot products grow large in magnitude, pushing the softmax function into regions where it has extremely small gradients 4. To counteract this effect, we scale the dot products by √1\dk.

加入scale的操作是为了避免梯度消失。
dk\sqrt{d_k}dk

不大的时候,是否加入这个操作都没有什么影响。但是当dk\sqrt{d_k}dk

较大的时候,也就是向量较长,内积可能非常大也可能非常小。当内积值较大时,差距也会较大,这样softmax的操作趋向于让大的更大,小的更小,也就是置信的地方更接近1,不置信的地方更接近0,由此得到收敛,因此梯度会很小。
而之前选择了dkd_kdk为512,所以还是要加入scale的操作。

mask的操作:保证 t 时刻的只看到 t 时刻以前的输入。通过将 t 时刻以后的Q和K的值替换成一个很大的负数,从而让 t 时刻以后的值经过softmax之后变成0。这样在计算权重的时候,t 时刻就只会用到v1,...,vt−1v_1,...,v_{t-1}v1,...,vt1的结果。
理解一下:mask时0 1矩阵,和attention的size一样,在 t 时刻以后的mask值为0。

Multi-head Attention

Instead of performing a single attention function with dmodel-dimensional keys, values and queries, we found it beneficial to linearly project the queries, keys and values h times with different, learned linear projections to dk, dk and dv dimensions, respectively. On each of these projected versions of queries, keys and values we then perform the attention function in parallel, yielding dv-dimensional output values. These are concatenated and once again projected, resulting in the final values, as depicted in Figure 2.

multi-head Attention与简单的attention不同,它首先将queries, keys 和 values投影h次,得到维度为dk,dkd_k, d_kdk,dkdvd_vdv。然后分别同时进行Scaled Dot-Product Attention,最后将结果连接起来,再进行一次投影得到最终结果,如下图所示:

选择multi-head的原因是,简单的内积attention可调参数基本没有,因此通过投影h次来让模型识别不同的模式,有点类似于CNN的多通道操作。

具体表达式如下:
MultiHead(Q,K,V)=Concat(head1,...,headh)WOMultiHead(Q, K, V ) = Concat(head_1, ..., head_h)W^OMultiHead(Q,K,V)=Concat(head1,...,headh)WO
where:headi=Attention(QiW,KiW,ViW)where:head_i = Attention(Q^W_i, K^W_i, V^W_i)where:headi=Attention(QiW,KiW,ViW)

Applications of Attention in our Model

Transformer当中有三种模式的Attention。
第一种是encoder里面的Attention:

The encoder contains self-attention layers. In a self-attention layer all of the keys, values and queries come from the same place, in this case, the output of the previous layer in the encoder. Each position in the encoder can attend to all positions in the previous layer of the encoder.

如下图所示,从左到右输入依次是V K Q,因此在编码器的V=K=Q,也称为self-attention。假设不存在multi-head,v为n个长度为d的向量,那么输出也会是n个长度为d的向量,并且输出的每一个向量outtout_toutt都是:每个输入向量vtv_tvt与所有向量vvv的相似度作为加权计算得到(query=value=key的结果)。然后在multi-head的模式下,会得到h个不同的映射。

第二种是decoder里面的Attention:

Similarly, self-attention layers in the decoder allow each position in the decoder to attend to all positions in the decoder up to and including that position. We need to prevent leftward information flow in the decoder to preserve the auto-regressive property. We implement this inside of scaled dot-product attention by masking out (setting to −∞) all values in the input of the softmax which correspond to illegal connections. See Figure 2

decoder也是self-attention,但是它使用了mask来保证 t 时刻的输出只会受到 t 时刻之前的输入的影响,也就是利用 mask 将 t 时刻以后的值设为负无穷。

第三种是encoder-decoder里面的attention:

In “encoder-decoder attention” layers, the queries come from the previous decoder layer, and the memory keys and values come from the output of the encoder. This allows every position in the decoder to attend over all positions in the input sequence. This mimics the typical encoder-decoder attention mechanisms in sequence-to-sequence models such as[38, 2, 9].

该attention的V和K来自于encoder的输出(长度为n),Q来自于decoder的输出(长度为m),然按照attention的规则,对于每一个query,依次比较其与K的相似度,将其作为V的加权

Position-wise Feed-Forward Networks

In addition to attention sub-layers, each of the layers in our encoder and decoder contains a fully connected feed-forward network, which is applied to each position separately and identically. This consists of two linear transformations with a ReLU activation in between.
FFN(x)=max(0,xW1+b1)W2+b2FFN(x) = max(0, xW_1 + b_1)W_2 + b_2FFN(x)=max(0,xW1+b1)W2+b2
While the linear transformations are the same across different positions, they use different parameters from layer to layer. Another way of describing this is as two convolutions with kernel size 1.The dimensionality of input and output is dmodel = 512, and the inner-layer has dimensionality df = 2048.

实际上这就是一个MLP,但是它是对每个词单独作用,并且保证对不同词作用的MLP参数相同。因此FFN实际就是一个线性层加上一个ReLU再加上一个线性层。
单隐藏层的 MLP,中间 W1W_1W1 扩维到4倍 2048,最后 W2W_2W2 投影回到 512 维度大小,便于残差连接。

比较Transformer和RNN的作用方式:
Transformer首先利用Attention将整个序列的有用信息汇聚起来,后面的MLP只需对每个点独立作用,因为每个点都已经利用attention汇聚了它感兴趣的部分。
因此Transformer是先全局提取序列信息然后利用MLP进行语义转换,而RNN是每次将上一时刻的信息输入到下一时刻。

Embeddings and Softmax

Similarly to other sequence transduction models, we use learned embeddings to convert the input tokens and output tokens to vectors of dimension dmodel. We also use the usual learned linear transformation and softmax function to convert the decoder output to predicted next-token probabilities. In our model, we share the same weight matrix between the two embedding layers and the pre-softmax linear transformation, similar to [30]. In the embedding layers, we multiply those weights by √dmodel.

在encoder和decoder和pre-softmax的三者之前都加入了embedding,并且享受相同的权重。

Positional Encoding

attention的输出结果仅仅是加权和,不包含有顺序信息,因此需要加入位置信息。

论文阅读笔记(11)--- Attention is all you need(Transformer)逐段精读相关推荐

  1. 语音情感识别领域-论文阅读笔记1:融合语音和文字的句段级别情感识别技术

    语音情感识别领域-论文阅读笔记1 Fusion Techniques for Utterance-Level Emotion Recognition Combining Speech and Tran ...

  2. 《论文阅读笔记》Attention Bottlenecks for Multimodal Fusion

    转自于https://blog.csdn.net/me_yundou/article/details/121070837 查看全文 http://www.taodudu.cc/news/show-62 ...

  3. Small Object Detection using Context and Attention(论文阅读笔记)

    Small Object Detection using Context and Attention 论文阅读笔记 出处:2021 International Conference on Artifi ...

  4. RFA-Net: Residual feature attention network for fine-grained image inpainting 论文阅读笔记

    RFA-Net: Residual feature attention network for fine-grained image inpainting 论文阅读笔记 摘要 尽管大多数使用生成对抗性 ...

  5. 论文阅读笔记:MGAT: Multi-view Graph Attention Networks

    论文阅读笔记:MGAT: Multi-view Graph Attention Networks 文章目录 论文阅读笔记:MGAT: Multi-view Graph Attention Networ ...

  6. 论文阅读笔记(2):Learning a Self-Expressive Network for Subspace Clustering,SENet,用于大规模子空间聚类的自表达网络

    论文阅读笔记(2):Learning a Self-Expressive Network for Subspace Clustering. SENet--用于大规模子空间聚类的自表达网络 前言 摘要 ...

  7. [论文阅读笔记52]深度学习实体关系抽取研究综述

    来源:软件学报 2019 1.摘要: 围绕有监督和远程监督两个领域,系统总结了近几年来中外学者基于深度学习的实体关系 抽取研究进展,并对未来可能的研究方向进行了探讨和展望. 2.经典的实体关系抽取方法 ...

  8. Learning Multiview 3D point Cloud Registration论文阅读笔记

    Learning multiview 3D point cloud registration Abstract 提出了一种全新的,端到端的,可学习的多视角三维点云配准算法. 多视角配准往往需要两个阶段 ...

  9. DCP(Deep Closest Point)论文阅读笔记以及详析

    DCP论文阅读笔记 前言 本文中图片仓库位于github,所以如果阅读的时候发现图片加载困难.建议挂个梯子. 作者博客:https://codefmeister.github.io/ 转载前请联系作者 ...

  10. keras cnn注意力机制_2019 SSA-CNN(自注意力机制)目标检测算法论文阅读笔记

    背景 <SSA-CNN Semantic Self-Attention CNN for Pedestrian Detection>是2019 的工作,其作者来自于南洋理工.这篇文章主要是做 ...

最新文章

  1. MarkDown编辑器基础使用教程
  2. 分布式MQ消息存储选择
  3. nginx rtmp代码架构1 hook点总结
  4. spring自动装配依赖包_解决Spring自动装配中的循环依赖
  5. 管道(Pipe)/createPipe
  6. vba 检查一个文件夹中的文件在另一个文件夹中是否存在(不含扩展名)
  7. C4d酷炫立体空间质感电商海报素材,紧抓时尚潮流
  8. 路由器的修改权限密码、还原出厂设置、备份配置文件和升级操作系统实际操作...
  9. 100个最受欢迎的机器学习课程视频
  10. 一文带你斩杀Python之Numpy☀️Pandas全部操作【全网最详细】❗❗❗
  11. 新浪微博Emoji表情解析
  12. ddm模型公式_绝对估值法DDM、DCF、RNAV模型简介
  13. java梯形面积代码_Java面向对象练习题之梯形面积
  14. Python编程:判断字符串中是否包含中文
  15. 钢铁侠或漫威中有哪些黑科技?
  16. python 灰度改二值_python实现图片二值化及灰度处理方式
  17. 微信小程序,电商又一春!
  18. MySql索引查询优化 千万级数据普通查询和建立索引后数据查询耗时对比
  19. 经典基础算法的一些精髓和注意点总结
  20. 万花筒大赛获奖VR电影将亮相VR科学节,约否?

热门文章

  1. 计算机一级计算机应用试题及答案,计算机一级考试模拟题及答案
  2. 【python爬虫实战】批量下载网站视频
  3. 为Torch创建hdf5训练文件
  4. linux 下卸载torch,在Ubuntu14.04安装torch7笔记
  5. 基于ip的手机地理定位
  6. 解决 Rsync chown/chgrp 错误
  7. 一个工作薄有多少工作表,每个工作表有多少行和多少列
  8. 极光IM如何集成到项目
  9. UML总结—包图(Package Diagram)
  10. 魅族手机能用鸿蒙系统吗,小米、OV傻眼 魅族要用鸿蒙系统!