"Attention is All You Need"[1] 一文中提出的Transformer網路結構最近引起了很多人的關注。Transformer不僅能夠明顯地提升翻譯質量,還為許多NLP任務提供了新的結構。雖然原文寫得很清楚,但實際上大家普遍反映很難正確地實現。
所以我們為此文章寫了篇註解文件,並給出了一行行實現的Transformer的程式碼。本文件刪除了原文的一些章節並進行了重新排序,並在整個文章中加入了相應的註解。此外,本文件以Jupyter notebook的形式完成,本身就是直接可以執行的程式碼實現,總共有400行庫程式碼,在4個GPU上每秒可以處理27,000個tokens。
想要執行此工作,首先需要安裝PyTorch[2]。這篇文件完整的notebook檔案及依賴可在github[3] 或 Google Colab[4]上找到。
需要注意的是,此註解文件和程式碼僅作為研究人員和開發者的入門版教程。這裡提供的程式碼主要依賴OpenNMT[5]實現,想了解更多關於此模型的其他實現版本可以檢視Tensor2Tensor[6] (tensorflow版本) 和 Sockeye[7](mxnet版本)
Alexander Rush (@harvardnlp[8] or srush@seas.harvard.edu)
準備工作
# !pip install http://download.pytorch.org/whl/cu80/torch-0.3.0.post4-cp36-cp36m-linux_x86_64.whl numpy matplotlib spacy torchtext seaborn
import numpy as np
import torch
import torch.nn as nn
import torch.nn.functional as F
import math, copy, time
from torch.autograd import Variable
import matplotlib.pyplot as plt
import seaborn
seaborn.set_context(context="talk")
%matplotlib inline
內容目錄
準備工作
背景
模型結構
- Encoder和Decoder
- Encoder
- Decoder
- Attention
- Attention在模型中的應用
- Position-wise前饋網路
- Embedding和Softmax
- 位置編碼
- 完整模型
(由於原文篇幅過長,其餘部分在下篇)
訓練
- 批和掩碼
- 訓練迴圈
- 訓練資料和批處理
- 硬體和訓練進度
- 最佳化器
- 正則化
- 標籤平滑
第一個例子
- 資料生成
- 損失計算
- 貪心解碼
真實示例
- 資料載入
- 迭代器
- 多GPU訓練
- 訓練系統附加元件:BPE,搜尋,平均
結果
- 注意力視覺化
結論
本文註解部分都是以引用的形式給出的,主要內容都是來自原文。
背景
減少序列處理任務的計算量是一個很重要的問題,也是Extended Neural GPU、ByteNet和ConvS2S等網路的動機。上面提到的這些網路都以CNN為基礎,平行計算所有輸入和輸出位置的隱藏表示。 在這些模型中,關聯來自兩個任意輸入或輸出位置的訊號所需的運算元隨位置間的距離增長而增長,比如ConvS2S呈線性增長,ByteNet呈現以對數形式增長,這會使學習較遠距離的兩個位置之間的依賴關係變得更加困難。而在Transformer中,操作次數則被減少到了常數級別。
Self-attention有時候也被稱為Intra-attention,是在單個句子不同位置上做的Attention,並得到序列的一個表示。它能夠很好地應用到很多工中,包括閱讀理解、摘要、文字蘊涵,以及獨立於任務的句子表示。端到端的網路一般都是基於迴圈注意力機制而不是序列對齊迴圈,並且已經有證據表明在簡單語言問答和語言建模任務上表現很好。
據我們所知,Transformer是第一個完全依靠Self-attention而不使用序列對齊的RNN或卷積的方式來計算輸入輸出表示的轉換模型。
模型結構
目前大部分比較熱門的神經序列轉換模型都有Encoder-Decoder結構[9]。Encoder將輸入序列 對映到一個連續表示序列 。對於編碼得到的,Decoder每次解碼生成一個符號,直到生成完整的輸出序列:。對於每一步解碼,模型都是自迴歸的[10],即在生成下一個符號時將先前生成的符號作為附加輸入。
class EncoderDecoder(nn.Module):
"""
A standard Encoder-Decoder architecture. Base for this and many
other models.
"""
def __init__(self, encoder, decoder, src_embed, tgt_embed, generator):
super(EncoderDecoder, self).__init__()
self.encoder = encoder
self.decoder = decoder
self.src_embed = src_embed
self.tgt_embed = tgt_embed
self.generator = generator
def forward(self, src, tgt, src_mask, tgt_mask):
"Take in and process masked src and target sequences."
return self.decode(self.encode(src, src_mask), src_mask,
tgt, tgt_mask)
def encode(self, src, src_mask):
return self.encoder(self.src_embed(src), src_mask)
def decode(self, memory, src_mask, tgt, tgt_mask):
return self.decoder(self.tgt_embed(tgt), memory, src_mask, tgt_mask)
class Generator(nn.Module):
"Define standard linear + softmax generation step."
def __init__(self, d_model, vocab):
super(Generator, self).__init__()
self.proj = nn.Linear(d_model, vocab)
def forward(self, x):
return F.log_softmax(self.proj(x), dim=-1)
Transformer的整體結構如下圖所示,在Encoder和Decoder中都使用了Self-attention, Point-wise和全連線層。Encoder和decoder的大致結構分別如下圖的左半部分和右半部分所示。
Encoder和Decoder
Encoder
Encoder由N=6個相同的層組成。
def clones(module, N):
"Produce N identical layers."
return nn.ModuleList([copy.deepcopy(module) for _ in range(N)])
class Encoder(nn.Module):
"Core encoder is a stack of N layers"
def __init__(self, layer, N):
super(Encoder, self).__init__()
self.layers = clones(layer, N)
self.norm = LayerNorm(layer.size)
def forward(self, x, mask):
"Pass the input (and mask) through each layer in turn."
for layer in self.layers:
x = layer(x, mask)
return self.norm(x)
我們在每兩個子層之間都使用了殘差連線(Residual Connection) [11]和歸一化 [12]。
class LayerNorm(nn.Module):
"Construct a layernorm module (See citation for details)."
def __init__(self, features, eps=1e-6):
super(LayerNorm, self).__init__()
self.a_2 = nn.Parameter(torch.ones(features))
self.b_2 = nn.Parameter(torch.zeros(features))
self.eps = eps
def forward(self, x):
mean = x.mean(-1, keepdim=True)
std = x.std(-1, keepdim=True)
return self.a_2 * (x - mean) / (std + self.eps) + self.b_2
也就是說,每個子層的輸出為 ,其中 是由子層自動實現的函式。我們在每個子層的輸出上使用Dropout,然後將其新增到下一子層的輸入並進行歸一化。
為了能方便地使用這些殘差連線,模型中所有的子層和Embedding層的輸出都設定成了相同的維度,即。
class SublayerConnection(nn.Module):
"""
A residual connection followed by a layer norm.
Note for code simplicity the norm is first as opposed to last.
"""
def __init__(self, size, dropout):
super(SublayerConnection, self).__init__()
self.norm = LayerNorm(size)
self.dropout = nn.Dropout(dropout)
def forward(self, x, sublayer):
"Apply residual connection to any sublayer with the same size."
return x + self.dropout(sublayer(self.norm(x)))
每層都有兩個子層組成。第一個子層實現了“多頭”的 Self-attention,第二個子層則是一個簡單的Position-wise的全連線前饋網路。
class EncoderLayer(nn.Module):
"Encoder is made up of self-attn and feed forward (defined below)"
def __init__(self, size, self_attn, feed_forward, dropout):
super(EncoderLayer, self).__init__()
self.self_attn = self_attn
self.feed_forward = feed_forward
self.sublayer = clones(SublayerConnection(size, dropout), 2)
self.size = size
def forward(self, x, mask):
"Follow Figure 1 (left) for connections."
x = self.sublayer[0](x, lambda x: self.self_attn(x, x, x, mask))
return self.sublayer[1](x, self.feed_forward)
Decoder
Decoder也是由N=6個相同層組成。
class Decoder(nn.Module):
"Generic N layer decoder with masking."
def __init__(self, layer, N):
super(Decoder, self).__init__()
self.layers = clones(layer, N)
self.norm = LayerNorm(layer.size)
def forward(self, x, memory, src_mask, tgt_mask):
for layer in self.layers:
x = layer(x, memory, src_mask, tgt_mask)
return self.norm(x)
除了每個編碼器層中的兩個子層之外,解碼器還插入了第三種子層對編碼器棧的輸出實行“多頭”的Attention。 與編碼器類似,我們在每個子層兩端使用殘差連線進行短路,然後進行層的規範化處理。
class DecoderLayer(nn.Module):
"Decoder is made of self-attn, src-attn, and feed forward (defined below)"
def __init__(self, size, self_attn, src_attn, feed_forward, dropout):
super(DecoderLayer, self).__init__()
self.size = size
self.self_attn = self_attn
self.src_attn = src_attn
self.feed_forward = feed_forward
self.sublayer = clones(SublayerConnection(size, dropout), 3)
def forward(self, x, memory, src_mask, tgt_mask):
"Follow Figure 1 (right) for connections."
m = memory
x = self.sublayer[0](x, lambda x: self.self_attn(x, x, x, tgt_mask))
x = self.sublayer[1](x, lambda x: self.src_attn(x, m, m, src_mask))
return self.sublayer[2](x, self.feed_forward)
我們還修改解碼器中的Self-attention子層以防止當前位置Attend到後續位置。這種Masked的Attention是考慮到輸出Embedding會偏移一個位置,確保了生成位置的預測時,僅依賴小於的位置處的已知輸出,相當於把後面不該看到的資訊遮蔽掉。
def subsequent_mask(size):
"Mask out subsequent positions."
attn_shape = (1, size, size)
subsequent_mask = np.triu(np.ones(attn_shape), k=1).astype('uint8')
return torch.from_numpy(subsequent_mask) == 0
下面的Attention mask圖顯示了允許每個目標詞(行)檢視的位置(列)。在訓練期間,當前解碼位置的詞不能Attend到後續位置的詞。
plt.figure(figsize=(5,5))
plt.imshow(subsequent_mask(20)[0])
None
Attention
Attention函式可以將Query和一組Key-Value對對映到輸出,其中Query、Key、Value和輸出都是向量。 輸出是值的加權和,其中分配給每個Value的權重由Query與相應Key的相容函式計算。
我們稱這種特殊的Attention機制為"Scaled Dot-Product Attention"。輸入包含維度為的Query和Key,以及維度為的Value。 我們首先分別計算Query與各個Key的點積,然後將每個點積除以,最後使用Softmax函式來獲得Key的權重。
在具體實現時,我們可以以矩陣的形式進行並行運算,這樣能加速運算過程。具體來說,將所有的Query、Key和Value向量分別組合成矩陣、和,這樣輸出矩陣可以表示為:
def attention(query, key, value, mask=None, dropout=None):
"Compute 'Scaled Dot Product Attention'"
d_k = query.size(-1)
scores = torch.matmul(query, key.transpose(-2, -1)) \
/ math.sqrt(d_k)
if mask is not None:
scores = scores.masked_fill(mask == 0, -1e9)
p_attn = F.softmax(scores, dim = -1)
if dropout is not None:
p_attn = dropout(p_attn)
return torch.matmul(p_attn, value), p_attn
兩種最常用的Attention函式是加和Attention[13]和點積(乘積)Attention,我們的演算法與點積Attention很類似,但是 的比例因子不同。加和Attention使用具有單個隱藏層的前饋網路來計算相容函式。雖然兩種方法理論上的複雜度是相似的,但在實踐中,點積Attention的運算會更快一些,也更節省空間,因為它可以使用高效的矩陣乘法演算法來實現。
雖然對於較小的,這兩種機制的表現相似,但在不放縮較大的時,加和Attention要優於點積Attention[14]。我們懷疑,對於較大的,點積大幅增大,將Softmax函式推向具有極小梯度的區域(為了闡明點積變大的原因,假設和是獨立的隨機變數,平均值為,方差,這樣他們的點積為 ,同樣是均值為方差為)。為了抵消這種影響,我們用來縮放點積。
“多頭”機制能讓模型考慮到不同位置的Attention,另外“多頭”Attention可以在不同的子空間表示不一樣的關聯關係,使用單個Head的Attention一般達不到這種效果。
其中引數矩陣為, , 和。
我們的工作中使用個Head並行的Attention,對每一個Head來說有,總計算量與完整維度的單個Head的Attention很相近。
class MultiHeadedAttention(nn.Module):
def __init__(self, h, d_model, dropout=0.1):
"Take in model size and number of heads."
super(MultiHeadedAttention, self).__init__()
assert d_model % h == 0
# We assume d_v always equals d_k
self.d_k = d_model // h
self.h = h
self.linears = clones(nn.Linear(d_model, d_model), 4)
self.attn = None
self.dropout = nn.Dropout(p=dropout)
def forward(self, query, key, value, mask=None):
"Implements Figure 2"
if mask is not None:
# Same mask applied to all h heads.
mask = mask.unsqueeze(1)
nbatches = query.size(0)
# 1) Do all the linear projections in batch from d_model => h x d_k
query, key, value = \
[l(x).view(nbatches, -1, self.h, self.d_k).transpose(1, 2)
for l, x in zip(self.linears, (query, key, value))]
# 2) Apply attention on all the projected vectors in batch.
x, self.attn = attention(query, key, value, mask=mask,
dropout=self.dropout)
# 3) "Concat" using a view and apply a final linear.
x = x.transpose(1, 2).contiguous() \
.view(nbatches, -1, self.h * self.d_k)
return self.linears[-1](x)
Attention在模型中的應用
Transformer中以三種不同的方式使用了“多頭”Attention:
1) 在"Encoder-Decoder Attention"層,Query來自先前的解碼器層,並且Key和Value來自Encoder的輸出。Decoder中的每個位置Attend輸入序列中的所有位置,這與Seq2Seq模型中的經典的Encoder-Decoder Attention機制[15]一致。
2) Encoder中的Self-attention層。在Self-attention層中,所有的Key、Value和Query都來同一個地方,這裡都是來自Encoder中前一層的輸出。Encoder中當前層的每個位置都能Attend到前一層的所有位置。
3) 類似的,解碼器中的Self-attention層允許解碼器中的每個位置Attend當前解碼位置和它前面的所有位置。這裡需要遮蔽解碼器中向左的資訊流以保持自迴歸屬性。具體的實現方式是在縮放後的點積Attention中,遮蔽(設為)Softmax的輸入中所有對應著非法連線的Value。
Position-wise前饋網路
除了Attention子層之外,Encoder和Decoder中的每個層都包含一個全連線前饋網路,分別地應用於每個位置。其中包括兩個線性變換,然後使用ReLU作為啟用函式。
雖然線性變換在不同位置上是相同的,但它們在層與層之間使用不同的引數。這其實是相當於使用了兩個核心大小為1的卷積。這裡設定輸入和輸出的維數為,內層的維度為。
class PositionwiseFeedForward(nn.Module):
"Implements FFN equation."
def __init__(self, d_model, d_ff, dropout=0.1):
super(PositionwiseFeedForward, self).__init__()
self.w_1 = nn.Linear(d_model, d_ff)
self.w_2 = nn.Linear(d_ff, d_model)
self.dropout = nn.Dropout(dropout)
def forward(self, x):
return self.w_2(self.dropout(F.relu(self.w_1(x))))
Embedding和Softmax
與其他序列轉換模型類似,我們使用預學習的Embedding將輸入Token序列和輸出Token序列轉化為維向量。我們還使用常用的預訓練的線性變換和Softmax函式將解碼器輸出轉換為預測下一個Token的機率。在我們的模型中,我們在兩個Embedding層和Pre-softmax線性變換之間共享相同的權重矩陣,類似於[16]。在Embedding層中,我們將這些權重乘以。
class Embeddings(nn.Module):
def __init__(self, d_model, vocab):
super(Embeddings, self).__init__()
self.lut = nn.Embedding(vocab, d_model)
self.d_model = d_model
def forward(self, x):
return self.lut(x) * math.sqrt(self.d_model)
位置編碼
由於我們的模型不包含遞迴和卷積結構,為了使模型能夠有效利用序列的順序特徵,我們需要加入序列中各個Token間相對位置或Token在序列中絕對位置的資訊。在這裡,我們將位置編碼新增到編碼器和解碼器棧底部的輸入Embedding。由於位置編碼與Embedding具有相同的維度,因此兩者可以直接相加。其實這裡還有許多位置編碼可供選擇,其中包括可更新的和固定不變的[17]。
在此項工作中,我們使用不同頻率的正弦和餘弦函式:
其中是位置,是維度。 也就是說,位置編碼的每個維度都對應於一個正弦曲線,其波長形成從到的等比級數。我們之所以選擇了這個函式,是因為我們假設它能讓模型很容易學會Attend相對位置,因為對於任何固定的偏移量, 可以表示為的線性函式。
此外,在編碼器和解碼器堆疊中,我們在Embedding與位置編碼的加和上都使用了Dropout機制。在基本模型上,我們使用的比率。
class PositionalEncoding(nn.Module):
"Implement the PE function."
def __init__(self, d_model, dropout, max_len=5000):
super(PositionalEncoding, self).__init__()
self.dropout = nn.Dropout(p=dropout)
# Compute the positional encodings once in log space.
pe = torch.zeros(max_len, d_model)
position = torch.arange(0, max_len).unsqueeze(1)
div_term = torch.exp(torch.arange(0, d_model, 2) *
-(math.log(10000.0) / d_model))
pe[:, 0::2] = torch.sin(position * div_term)
pe[:, 1::2] = torch.cos(position * div_term)
pe = pe.unsqueeze(0)
self.register_buffer('pe', pe)
def forward(self, x):
x = x + Variable(self.pe[:, :x.size(1)],
requires_grad=False)
return self.dropout(x)
如下所示,位置編碼將根據位置新增正弦曲線。曲線的頻率和偏移對於每個維度是不同的。
plt.figure(figsize=(15, 5))
pe = PositionalEncoding(20, 0)
y = pe.forward(Variable(torch.zeros(1, 100, 20)))
plt.plot(np.arange(100), y[0, :, 4:8].data.numpy())
plt.legend(["dim %d"%p for p in [4,5,6,7]])
None
我們也嘗試了使用預學習的位置Embedding,但是發現這兩個版本的結果基本是一樣的。我們選擇了使用正弦曲線版本的實現,因為使用此版本能讓模型能夠處理大於訓練語料中最大序列長度的序列。
完整模型
下面定義了連線完整模型並設定超參的函式。
def make_model(src_vocab, tgt_vocab, N=6,
d_model=512, d_ff=2048, h=8, dropout=0.1):
"Helper: Construct a model from hyperparameters."
c = copy.deepcopy
attn = MultiHeadedAttention(h, d_model)
ff = PositionwiseFeedForward(d_model, d_ff, dropout)
position = PositionalEncoding(d_model, dropout)
model = EncoderDecoder(
Encoder(EncoderLayer(d_model, c(attn), c(ff), dropout), N),
Decoder(DecoderLayer(d_model, c(attn), c(attn),
c(ff), dropout), N),
nn.Sequential(Embeddings(d_model, src_vocab), c(position)),
nn.Sequential(Embeddings(d_model, tgt_vocab), c(position)),
Generator(d_model, tgt_vocab))
# This was important from their code.
# Initialize parameters with Glorot / fan_avg.
for p in model.parameters():
if p.dim() > 1:
nn.init.xavier_uniform(p)
return model
# Small example model.
tmp_model = make_model(10, 10, 2)
None
參考連結
[1] https://arxiv.org/abs/1706.03762
[2] https://pytorch.org/
[3] https://github.com/harvardnlp/annotated-transformer
[4] https://drive.google.com/file/d/1xQXSv6mtAOLXxEMi8RvaW8TW-7bvYBDF/view?usp=sharing
[5] http://opennmt.net
[6] https://github.com/tensorflow/tensor2tensor
[7] https://github.com/awslabs/sockeye
[8] https://twitter.com/harvardnlp
[9] https://arxiv.org/abs/1409.0473
[10] https://arxiv.org/abs/1308.0850
[11] https://arxiv.org/abs/1512.03385
[12] https://arxiv.org/abs/1607.06450
[13] https://arxiv.org/abs/1409.0473
[14] https://arxiv.org/abs/1703.03906
[15] https://arxiv.org/abs/1609.08144
[16] https://arxiv.org/abs/1608.05859
[17] https://arxiv.org/pdf/1705.03122.pdf
本期責任編輯:張偉男
本期編輯:劉元興