LSTM注意

时间:2018-03-03 16:07:01

标签: neural-network deep-learning pytorch tensor attention-model

我正在尝试将注意机制添加到堆叠的LSTM实现https://github.com/salesforce/awd-lstm-lm

所有在线示例都使用编码器 - 解码器架构,我不想使用(我是否需要注意机制?)。

基本上,我使用过https://webcache.googleusercontent.com/search?q=cache:81Q7u36DRPIJ:https://github.com/zhedongzheng/finch/blob/master/nlp-models/pytorch/rnn_attn_text_clf.py+&cd=2&hl=en&ct=clnk&gl=uk

def __init__(self, rnn_type, ntoken, ninp, nhid, nlayers, dropout=0.5, dropouth=0.5, dropouti=0.5, dropoute=0.1, wdrop=0, tie_weights=False):
    super(RNNModel, self).__init__()
    self.encoder = nn.Embedding(ntoken, ninp)
    self.rnns = [torch.nn.LSTM(ninp if l == 0 else nhid, nhid if l != nlayers - 1 else (ninp if tie_weights else nhid), 1, dropout=0) for l in range(nlayers)]
    for rnn in self.rnns:
        rnn.linear = WeightDrop(rnn.linear, ['weight'], dropout=wdrop)
    self.rnns = torch.nn.ModuleList(self.rnns)
    self.attn_fc = torch.nn.Linear(ninp, 1)
    self.decoder = nn.Linear(nhid, ntoken)

    self.init_weights()

def attention(self, rnn_out, state):
    state = torch.transpose(state, 1,2)
    weights = torch.bmm(rnn_out, state)# torch.bmm(rnn_out, state)
    weights = torch.nn.functional.softmax(weights)#.squeeze(2)).unsqueeze(2)
    rnn_out_t = torch.transpose(rnn_out, 1, 2)
    bmmed = torch.bmm(rnn_out_t, weights)
    bmmed = bmmed.squeeze(2)
    return bmmed

def forward(self, input, hidden, return_h=False, decoder=False, encoder_outputs=None):
    emb = embedded_dropout(self.encoder, input, dropout=self.dropoute if self.training else 0)
    emb = self.lockdrop(emb, self.dropouti)

    new_hidden = []
    raw_outputs = []
    outputs = []
    for l, rnn in enumerate(self.rnns):
        temp = []
        for item in emb:
            item = item.unsqueeze(0)
            raw_output, new_h = rnn(item, hidden[l])

            raw_output = self.attention(raw_output, new_h[0])

            temp.append(raw_output)
        raw_output = torch.stack(temp)
        raw_output = raw_output.squeeze(1)

        new_hidden.append(new_h)
        raw_outputs.append(raw_output)
        if l != self.nlayers - 1:
            raw_output = self.lockdrop(raw_output, self.dropouth)
            outputs.append(raw_output)
    hidden = new_hidden

    output = self.lockdrop(raw_output, self.dropout)
    outputs.append(output)

    outputs = torch.stack(outputs).squeeze(0)
    outputs = torch.transpose(outputs, 2,1)
    output = output.transpose(2,1)
    output = output.contiguous()
    decoded = self.decoder(output.view(output.size(0)*output.size(1), output.size(2)))
    result = decoded.view(output.size(0), output.size(1), decoded.size(1))
    if return_h:
        return result, hidden, raw_outputs, outputs
    return result, hidden

enter image description here

这个模型是训练,但与没有注意力模型的模型相比,我的损失相当高。

2 个答案:

答案 0 :(得分:11)

我理解你的问题,但是按照你的代码并找出损失没有减少的原因有点困难。此外,还不清楚为什么要将RNN的最后隐藏状态与每个时间步的所有隐藏状态进行比较。

请注意,如果您以正确的方式使用它,则特定的技巧/机制非常有用。 你试图使用注意机制的方式,我不确定它是否是正确的方法。所以,不要指望因为你在你的模型中使用注意力技巧,你将获得良好的结果!您应该想一想,为什么注意机制会为您所期望的任务带来好处?

你没有清楚地提到你的目标是什么?既然您已经指向包含语言建模代码的repo,我猜测任务是:给定一系列标记,预测下一个标记。

我在代码中可以看到的一个问题是:在for item in emb:循环中,您将始终使用嵌入作为每个LSTM图层的输入,因此堆叠LSTM对我来说没有意义。< / p>

现在,让我先回答您的问题,然后逐步展示如何构建所需的NN架构。

  

我是否需要使用编码器 - 解码器架构来使用注意机制?

编码器 - 解码器架构更好地称为学习的序列到序列,并且它广泛用于许多生成任务,例如机器翻译。您的问题的答案是,您不需要使用任何特定的神经网络架构来使用注意机制。

您在图中呈现的结构有点含糊不清但应该易于实现。由于您的实施对我来说并不清楚,因此我试图引导您更好地实施它。对于以下讨论,我假设我们正在处理文本输入。

假设我们有一个形状为16 x 10的输入,16batch_size10seq_len。我们可以假设我们在一个小批量中有16个句子,每个句子长度为10个。

batch_size, vocab_size = 16, 100
mat = np.random.randint(vocab_size, size=(batch_size, 10))
input_var = Variable(torch.from_numpy(mat))

这里,100可以被视为词汇量大小。 重要的是要注意,在我提供的示例中,我假设batch_size是所有相应张量/变量中的第一个维度。

现在,让我们嵌入输入变量。

embedding = nn.Embedding(100, 50)
embed = embedding(input_var)

嵌入后,我们得到了一个变形形状16 x 10 x 50,其中50是嵌入大小。

现在,让我们定义一个2层单向LSTM,每层有100个隐藏单元。

rnns = nn.ModuleList()
nlayers, input_size, hidden_size = 2, 50, 100
for i in range(nlayers):
    input_size = input_size if i == 0 else hidden_size
    rnns.append(nn.LSTM(input_size, hidden_size, 1, batch_first=True))

然后,我们可以将输入提供给这个2层LSTM以获得输出。

sent_variable = embed
outputs, hid = [], []
for i in range(nlayers):
    if i != 0:
        sent_variable = F.dropout(sent_variable, p=0.3, training=True)
    output, hidden = rnns[i](sent_variable)
    outputs.append(output)
    hid.append(hidden[0].squeeze(0))
    sent_variable = output

rnn_out = torch.cat(outputs, 2)
hid = torch.cat(hid, 1)

现在,您只需使用hid预测下一个字即可。我建议你那样做。此处,hid的形状为batch_size x (num_layers*hidden_size)

但是,既然你想用注意来计算最后隐藏状态与LSTM层产生的每个隐藏状态之间的软对齐分数,那就让我们这样做吧。

sent_variable = embed
hid, con = [], []
for i in range(nlayers):
    if i != 0:
        sent_variable = F.dropout(sent_variable, p=0.3, training=True)
    output, hidden = rnns[i](sent_variable)
    sent_variable = output

    hidden = hidden[0].squeeze(0) # batch_size x hidden_size
    hid.append(hidden)
    weights = torch.bmm(output[:, 0:-1, :], hidden.unsqueeze(2)).squeeze(2)  
    soft_weights = F.softmax(weights, 1)  # batch_size x seq_len
    context = torch.bmm(output[:, 0:-1, :].transpose(1, 2), soft_weights.unsqueeze(2)).squeeze(2)
    con.append(context)

hid, con = torch.cat(hid, 1), torch.cat(con, 1)
combined = torch.cat((hid, con), 1)

在这里,我们计算最后一个状态与每个时间步的所有状态之间的软对齐分数。然后我们计算一个上下文向量,它只是所有隐藏状态的线性组合。我们将它们组合成一个表示形式。

请注意,我已从output删除了最后隐藏的状态:output[:, 0:-1, :],因为您要与上一个隐藏状态本身进行比较。

最终combined表示存储在每一层产生的最后隐藏状态和上下文向量。您可以直接使用此表示来预测下一个单词。

预测下一个单词是直截了当的,因为你使用简单的线性层就好了。

修改:我们可以执行以下操作来预测下一个单词。

decoder = nn.Linear(nlayers * hidden_size * 2, vocab_size)
dec_out = decoder(combined)

此处,dec_out的形状为batch_size x vocab_size。现在,我们可以计算出负对数似然丢失,这将在以后用于反向传播。

在计算负对数似然丢失之前,我们需要将log_softmax应用于解码器的输出。

dec_out = F.log_softmax(dec_out, 1)
target = np.random.randint(vocab_size, size=(batch_size))
target = Variable(torch.from_numpy(target))

而且,我们还定义了计算损失所需的目标。有关详细信息,请参阅NLLLoss。所以,现在我们可以按如下方式计算损失。

criterion = nn.NLLLoss()
loss = criterion(dec_out, target)
print(loss)

印刷的损失值是:

Variable containing:
 4.6278
[torch.FloatTensor of size 1]

希望整个解释能帮到你!!

答案 1 :(得分:2)

整个关注点是,不同语言中的单词顺序是不同的,因此当解码目标语言中的第5个单词时,您可能需要注意源中的第3个单词(或第3个单词的编码)语言,因为这些是彼此对应的词。这就是为什么你大多看到注意力与编码器解码器结构一起使用。

如果我理解正确,你正在进行下一个单词预测?在这种情况下,使用注意力仍然有意义,因为下一个词可能高度依赖于过去的4个步骤。

基本上你需要的是:

rnn:它接收input形状MBxninphidden形状MBxnhid并输出形状h的{​​{1}}。

MBxnhid

注意:以h, next_hidden = rnn(input, hidden) 为序列,最后h通过赋予每个权重h_last来决定每个{J =}的重要性。

w

其中w = attention(hs, h_last) 的形状为wseq_len x MB x 1的形状为hs,而seq_len x MB x nhid的形状为h_last

现在您按MB x nhid加权hs

w

现在关键是你需要为每个时间步骤做到这一点:

h_att = torch.sum(w*hs, dim=0) #shape MB x n_hid

然后你可以在h_att_list = [] h_list = [] hidden = hidden_init for word in embedded_words: h, hidden = rnn(word, hidden) h_list.append(h) h_att = attention(torch.stack(h_list), h) h_att_list.append(h_att) 上应用解码器(可能需要一个MLP而不仅仅是一个线性变换)。