赞
踩
比如翻译“hello”的法语,就是把“hello”这一个词的最后一层的RNN的输出的context,再加上法语的embedding进行concat,但seq2seq模型不能对此直接建模,需要采用attention来实现
key和value是一样的
解码器RNN对上一个词的输出是query
一个带有Bahdanau注意力的循环神经网络编码器-解码器模型 :
import torch
from torch import nn
from d2l import torch as d2l
下面看看如何定义Bahdanau注意力
,实现循环神经网络编码器-解码器。 其实,我们只需重新定义解码器即可。 为了更方便地显示学习的注意力权重, 以下AttentionDecoder
类定义了带有注意力机制解码器的基本接口。
class AttentionDecoder(d2l.Decoder):
"""带有注意力机制解码器的基本接口"""
def __init__(self, **kwargs):
super(AttentionDecoder, self).__init__(**kwargs)
@property
def attention_weights(self):
raise NotImplementedError
接下来,让我们在接下来的Seq2SeqAttentionDecoder类
中 实现带有Bahdanau注意力
的循环神经网络解码器。 首先,初始化解码器的状态,需要下面的输入:
在每个解码时间步骤中,解码器上一个时间步的最终层隐状态将用作查询。 因此,注意力输出和输入嵌入都连结为循环神经网络解码器的输入。
# encoder不用发生改变,因为attention只作用在docoder上面, # 所以encoder可以直接用seq2seqencoder # 但是decoder需要改成 Seq2SeqAttentionDecoder class Seq2SeqAttentionDecoder(AttentionDecoder): def __init__(self, vocab_size, embed_size, num_hiddens, num_layers, dropout=0, **kwargs): super(Seq2SeqAttentionDecoder, self).__init__(**kwargs) # 和之前的seq2seq不一样的是,加入了attention # 在这里,key,value,query的长度都是num_hiddens(h) # 这里使用来加性attention,当然也能用点乘attention self.attention = d2l.AdditiveAttention( num_hiddens, num_hiddens, num_hiddens, dropout) # 下面这三行代码和之前seq2seq一样 self.embedding = nn.Embedding(vocab_size, embed_size) self.rnn = nn.GRU( embed_size + num_hiddens, num_hiddens, num_layers, dropout=dropout) self.dense = nn.Linear(num_hiddens, vocab_size) # 函数init_state和之前的seq2seq很类似,只是多了enc_valid_lens # enc_valid_lens:encoder中序列的有效长度 def init_state(self, enc_outputs, enc_valid_lens, *args): # output的形状:(num_steps,batch_size,num_hiddens) # state的形状:(num_layers,batch_size,num_hiddens) outputs, hidden_state = enc_outputs # output 经过permute之后形状变成(batch_size,num_steps,num_hiddens) return (outputs.permute(1, 0, 2), hidden_state, enc_valid_lens) def forward(self, X, state): enc_outputs, hidden_state, enc_valid_lens = state # 输出X的形状为(num_steps,batch_size,embed_size) X = self.embedding(X).permute(1, 0, 2) outputs, self._attention_weights = [], [] for x in X: # x的形状是(batch_size,embed_size) # query的形状为(batch_size,1,num_hiddens) # 加上的1是:number of query,也就是num_step,是因为只拿这一个词 # hidden_state是上一个时刻每层RNN的最右边hn这一输出,最一开始是来自于encoder # [-1]则表示上一个时刻最后一层RNN的输出 # hidden_state[-1]的形状是(batch_size,num_hiddens) query = torch.unsqueeze(hidden_state[-1], dim=1) # context的形状为(batch_size,1,num_hiddens) # query 是上一个时刻最后一层RNN的输出 # enc_outputs是key和value,形状为(batch_size,num_steps,num_hiddens) # enc_valid_lens是长为batch_size的向量,其中第i个元素表示: # 第i个样本(也就是第i个英文句子)的原始长度(有效长度),而不是pad之后的长度 # 所以,也就是对每个英文句子的原始长度做attention,其余pad的不管 context = self.attention( query, enc_outputs, enc_outputs, enc_valid_lens) # query是在不断变的,key-value就是原句子的每一个对应的输出,是不变的, # 所以context每次都重新算 # 在特征维度上连结 # dim=-1:在最后一个维度concat起来 # x在dim=1上扩展维度,形状变成(batch_size,1,embed_size) # context的形状为(batch_size,1,num_hiddens),和x在最后一个维度concat之后, # 得到的x的形状是(batch_size,1,embed_size+num_hiddens) x = torch.cat((context, torch.unsqueeze(x, dim=1)), dim=-1) # x经过permute之后的形状是(1,batch_size,embed_size+num_hiddens), # num_step:1,因为是一个一个单词翻译 # 以下的代码会返回新的hidden_state,这个新的hidden_state会进入下一次循环 out, hidden_state = self.rnn(x.permute(1, 0, 2), hidden_state) outputs.append(out) # 每次都把attention_weights存起来,当然在这里只是为了可视化 self._attention_weights.append(self.attention.attention_weights) # 全连接层变换后,outputs的形状为 # (num_steps,batch_size,vocab_size) outputs = self.dense(torch.cat(outputs, dim=0)) return outputs.permute(1, 0, 2), [enc_outputs, hidden_state, enc_valid_lens] @property def attention_weights(self): return self._attention_weights
接下来,使用包含7个时间步的4个序列输入的小批量测试Bahdanau注意力解码器。
encoder = d2l.Seq2SeqEncoder(vocab_size=10, embed_size=8, num_hiddens=16,
num_layers=2)
encoder.eval()
decoder = Seq2SeqAttentionDecoder(vocab_size=10, embed_size=8, num_hiddens=16,
num_layers=2)
decoder.eval()
X = torch.zeros((4, 7), dtype=torch.long) # (batch_size,num_steps)
state = decoder.init_state(encoder(X), None)
output, state = decoder(X, state)
output.shape, len(state), state[0].shape, len(state[1]), state[1][0].shape
运行结果:
与seq2seq_training
类似, 我们在这里指定超参数,实例化一个带有Bahdanau注意力的编码器和解码器, 并对这个模型进行机器翻译训练。 由于新增的注意力机制,训练要比没有注意力机制的 seq2seq_training慢得多
。
embed_size, num_hiddens, num_layers, dropout = 32, 32, 2, 0.1
batch_size, num_steps = 64, 10
lr, num_epochs, device = 0.005, 250, d2l.try_gpu()
train_iter, src_vocab, tgt_vocab = d2l.load_data_nmt(batch_size, num_steps)
encoder = d2l.Seq2SeqEncoder(
len(src_vocab), embed_size, num_hiddens, num_layers, dropout)
decoder = Seq2SeqAttentionDecoder(
len(tgt_vocab), embed_size, num_hiddens, num_layers, dropout)
net = d2l.EncoderDecoder(encoder, decoder)
d2l.train_seq2seq(net, train_iter, lr, num_epochs, tgt_vocab, device)
运行结果:
模型训练后,我们用它将几个英语句子翻译成法语并计算它们的BLEU分数。
engs = ['go .', "i lost .", 'he\'s calm .', 'i\'m home .']
fras = ['va !', 'j\'ai perdu .', 'il est calme .', 'je suis chez moi .']
for eng, fra in zip(engs, fras):
translation, dec_attention_weight_seq = d2l.predict_seq2seq(
net, eng, src_vocab, tgt_vocab, num_steps, device, True)
print(f'{eng} => {translation}, ',
f'bleu {d2l.bleu(translation, fra, k=2):.3f}')
运行结果:
attention_weights = torch.cat([step[0][0][0] for step in dec_attention_weight_seq], 0).reshape((
1, 1, -1, num_steps))
训练结束后,下面通过可视化注意力权重 会发现,每个查询都会在键值对上分配不同的权重,这说明 在每个解码步中,输入序列的不同部分被选择性地聚集在注意力池中。
# 加上一个包含序列结束词元
d2l.show_heatmaps(
attention_weights[:, :, :, :len(engs[-1].split()) + 1].cpu(),
xlabel='Key positions', ylabel='Query positions')
运行结果:
Copyright © 2003-2013 www.wpsshop.cn 版权所有,并保留所有权利。