混合前端的seq2seq模型部署

译者:cangyunye

校对者:FontTian

作者: Matthew Inkawhich

本教程将介绍如何是seq2seq模型转换为PyTorch可用的前端混合Torch脚本。 我们要转换的模型是来自于聊天机器人教程 Chatbot tutorial. 你可以把这个教程当做Chatbot tutorial的第二篇章,并且部署你的预训练模型,或者你也可以依据本文使用我们采取的预训练模型。就后者而言,你可以从原始的Chatbot tutorial参考更详细的数据预处理,模型理论和定义以及模型训练。

什么是混合前端(Hybrid Frontend)?

在一个基于深度学习项目的研发阶段, 使用像PyTorch这样即时eager、命令式的界面进行交互能带来很大便利。 这使用户能够在使用Python数据结构、控制流操作、打印语句和调试实用程序时通过熟悉的、惯用的Python脚本编写。尽管即时性界面对于研究和试验应用程序是一个有用的工具,但是对于生产环境中部署模型时,使用基于图形graph-based的模型表示将更加适用的。 一个延迟的图型展示意味着可以优化,比如无序执行操作,以及针对高度优化的硬件架构的能力。 此外,基于图形的表示支持框架无关的模型导出。PyTorch提供了将即时模式的代码增量转换为Torch脚本的机制,Torch脚本是一个在Python中的静态可分析和可优化的子集,Torch使用它来在Python运行时独立进行深度学习。

在Torch中的torch.jit模块可以找到将即时模式的PyTorch程序转换为Torch脚本的API。 这个模块有两个核心模式用于将即时模式模型转换为Torch脚本图形表示: 跟踪tracing 以及 脚本化scriptingtorch.jit.trace 函数接受一个模块或者一个函数和一组示例的输入,然后通过函数或模块运行输入示例,同时跟跟踪遇到的计算步骤,然后输出一个可以展示跟踪流程的基于图形的函数。跟踪Tracing对于不涉及依赖于数据的控制流的直接的模块和函数非常有用,就比如标准的卷积神经网络。然而,如果一个有数据依赖的if语句和循环的函数被跟踪,则只记录示例输入沿执行路径调用的操作。换句话说,控制流本身并没有被捕获。要将带有数据依赖控制流的模块和函数进行转化,已提供了一个脚本化机制。脚本显式地将模块或函数代码转换为Torch脚本,包括所有可能的控制流路径。 如需使用脚本模式script mode, 要确定继承了 torch.jit.ScriptModule基本类 (取代torch.nn.Module) 并且增加 torch.jit.script 装饰器到你的Python函数或者 torch.jit.script_method 装饰器到你的模块方法。使用脚本化的一个警告是,它只支持Python的一个受限子集。要获取与支持的特性相关的所有详细信息,请参考 Torch Script language reference。为了达到最大的灵活性,可以组合Torch脚本的模式来表示整个程序,并且可以增量地应用这些技术。

workflow

致谢

本篇教程灵感来自如下资源:

  1. Yuan-Kuei Wu’s pytorch-chatbot implementation: https://github.com/ywk991112/pytorch-chatbot
  2. Sean Robertson’s practical-pytorch seq2seq-translation example: https://github.com/spro/practical-pytorch/tree/master/seq2seq-translation
  3. FloydHub’s Cornell Movie Corpus preprocessing code: https://github.com/floydhub/textutil-preprocess-cornell-movie-corpus

预备环境

首先,我们应该要导入所需的模块以及设置一些常量。如果你想使用自己的模型,需要保证MAX_LENGTH常量设置正确。提醒一下,这个常量定义了在训练过程中允许的最大句子长度以及模型能够产生的最大句子长度输出。

  1. from __future__ import absolute_import
  2. from __future__ import division
  3. from __future__ import print_function
  4. from __future__ import unicode_literals
  5. import torch
  6. import torch.nn as nn
  7. import torch.nn.functional as F
  8. import re
  9. import os
  10. import unicodedata
  11. import numpy as np
  12. device = torch.device("cpu")
  13. MAX_LENGTH = 10 # Maximum sentence length
  14. # Default word tokens
  15. PAD_token = 0 # Used for padding short sentences
  16. SOS_token = 1 # Start-of-sentence token
  17. EOS_token = 2 # End-of-sentence token

模型概览

正如前文所言,我们使用的sequence-to-sequence (seq2seq) 模型。这种类型的模型用于输入是可变长度序列的情况,我们的输出也是一个可变长度序列它不一定是一对一输入映射。seq2seq 模型由两个递归神经网络(RNNs)组成:编码器 encoder和解码器decoder.

model

图片来源: https://jeddy92.github.io/JEddy92.github.io/ts_seq2seq_intro/

编码器(Encoder)

编码器RNN在输入语句中每次迭代一个标记(例如单词),每次步骤输出一个“输出”向量和一个“隐藏状态”向量。”隐藏状态“向量在之后则传递到下一个步骤,同时记录输出向量。编码器将序列中每个坐标代表的文本转换为高维空间中的一组坐标,解码器将使用这些坐标为给定的任务生成有意义的输出。

解码器(Decoder)

解码器RNN以逐个令牌的方式生成响应语句。它使用来自于编码器的文本向量和内部隐藏状态来生成序列中的下一个单词。它继续生成单词,直到输出表示句子结束的EOS语句。我们在解码器中使用专注机制attention mechanism来帮助它在输入的某些部分生成输出时”保持专注”。对于我们的模型,我们实现了 Luong et al等人的“全局关注Global attention”模块,并将其作为解码模型中的子模块。

数据处理

尽管我们的模型在概念上处理标记序列,但在现实中,它们与所有机器学习模型一样处理数字。在这种情况下,在训练之前建立的模型词汇表中的每个单词都映射到一个整数索引。我们使用Voc对象来包含从单词到索引的映射,以及词汇表中的单词总数。我们将在运行模型之前加载对象。

此外,为了能够进行评估,我们必须提供一个处理字符串输入的工具。normalizeString函数将字符串中的所有字符转换为小写,并删除所有非字母字符。indexesFromSentence函数接受一个单词的句子并返回相应的单词索引序列。

  1. class Voc:
  2. def __init__(self, name):
  3. self.name = name
  4. self.trimmed = False
  5. self.word2index = {}
  6. self.word2count = {}
  7. self.index2word = {PAD_token: "PAD", SOS_token: "SOS", EOS_token: "EOS"}
  8. self.num_words = 3 # Count SOS, EOS, PAD
  9. def addSentence(self, sentence):
  10. for word in sentence.split(' '):
  11. self.addWord(word)
  12. def addWord(self, word):
  13. if word not in self.word2index:
  14. self.word2index[word] = self.num_words
  15. self.word2count[word] = 1
  16. self.index2word[self.num_words] = word
  17. self.num_words += 1
  18. else:
  19. self.word2count[word] += 1
  20. # Remove words below a certain count threshold
  21. def trim(self, min_count):
  22. if self.trimmed:
  23. return
  24. self.trimmed = True
  25. keep_words = []
  26. for k, v in self.word2count.items():
  27. if v >= min_count:
  28. keep_words.append(k)
  29. print('keep_words {} / {} = {:.4f}'.format(
  30. len(keep_words), len(self.word2index), len(keep_words) / len(self.word2index)
  31. ))
  32. # Reinitialize dictionaries
  33. self.word2index = {}
  34. self.word2count = {}
  35. self.index2word = {PAD_token: "PAD", SOS_token: "SOS", EOS_token: "EOS"}
  36. self.num_words = 3 # Count default tokens
  37. for word in keep_words:
  38. self.addWord(word)
  39. # Lowercase and remove non-letter characters
  40. def normalizeString(s):
  41. s = s.lower()
  42. s = re.sub(r"([.!?])", r" \1", s)
  43. s = re.sub(r"[^a-zA-Z.!?]+", r" ", s)
  44. return s
  45. # Takes string sentence, returns sentence of word indexes
  46. def indexesFromSentence(voc, sentence):
  47. return [voc.word2index[word] for word in sentence.split(' ')] + [EOS_token]

编码器定义

我们通过torch.nn.GRU模块实现编码器的RNN。本模块接受一批语句(嵌入单词的向量)的输入,它在内部遍历这些句子,每次一个标记,计算隐藏状态。我们将这个模块初始化为双向的,这意味着我们有两个独立的GRUs:一个按时间顺序遍历序列,另一个按相反顺序遍历序列。我们最终返回这两个GRUs输出的和。由于我们的模型是使用批处理进行训练的,所以我们的EncoderRNN模型的forward函数需要一个填充的输入批处理。为了批量处理可变长度的句子,我们通过MAX_LENGTH令牌允许一个句子中支持的最大长度,并且批处理中所有小于MAX_LENGTH令牌的句子都使用我们专用的PAD_token令牌填充在最后。要使用带有PyTorch RNN模块的批量填充,我们必须把转发forward密令在调用torch.nn.utils.rnn.pack_padded_sequencetorch.nn.utils.rnn.pad_packed_sequence数据转换时进行打包。注意,forward函数还接受一个input_length列表,其中包含批处理中每个句子的长度。该输入在填充时通过torch.nn.utils.rnn.pack_padded_sequence使用。

混合前端笔记:

由于编码器的转发函数forward不包含任何依赖于数据的控制流,因此我们将使用跟踪tracing将其转换为脚本模式script mode。在跟踪模块时,我们可以保持模块定义不变。在运行评估之前,我们将在本文末尾初始化所有模型。

  1. class EncoderRNN(nn.Module):
  2. def __init__(self, hidden_size, embedding, n_layers=1, dropout=0):
  3. super(EncoderRNN, self).__init__()
  4. self.n_layers = n_layers
  5. self.hidden_size = hidden_size
  6. self.embedding = embedding
  7. # Initialize GRU; the input_size and hidden_size params are both set to 'hidden_size'
  8. # because our input size is a word embedding with number of features == hidden_size
  9. self.gru = nn.GRU(hidden_size, hidden_size, n_layers,
  10. dropout=(0 if n_layers == 1 else dropout), bidirectional=True)
  11. def forward(self, input_seq, input_lengths, hidden=None):
  12. # Convert word indexes to embeddings
  13. embedded = self.embedding(input_seq)
  14. # Pack padded batch of sequences for RNN module
  15. packed = torch.nn.utils.rnn.pack_padded_sequence(embedded, input_lengths)
  16. # Forward pass through GRU
  17. outputs, hidden = self.gru(packed, hidden)
  18. # Unpack padding
  19. outputs, _ = torch.nn.utils.rnn.pad_packed_sequence(outputs)
  20. # Sum bidirectional GRU outputs
  21. outputs = outputs[:, :, :self.hidden_size] + outputs[:, : ,self.hidden_size:]
  22. # Return output and final hidden state
  23. return outputs, hidden

解码专注模块定义

接下来,我们将定义我们的注意力模块(Attn)。请注意,此模块将用作解码器模型中的子模块。Luong等人考虑了各种“分数函数”score functions,它们取当前解码器RNN输出和整个编码器输出,并返回关注点“能值”engergies。这个关注能值张量attension energies tensor与编码器输出的大小相同,两者最终相乘,得到一个加权张量,其最大值表示在特定时间步长解码的查询语句最重要的部分。

  1. # Luong attention layer
  2. class Attn(torch.nn.Module):
  3. def __init__(self, method, hidden_size):
  4. super(Attn, self).__init__()
  5. self.method = method
  6. if self.method not in ['dot', 'general', 'concat']:
  7. raise ValueError(self.method, "is not an appropriate attention method.")
  8. self.hidden_size = hidden_size
  9. if self.method == 'general':
  10. self.attn = torch.nn.Linear(self.hidden_size, hidden_size)
  11. elif self.method == 'concat':
  12. self.attn = torch.nn.Linear(self.hidden_size * 2, hidden_size)
  13. self.v = torch.nn.Parameter(torch.FloatTensor(hidden_size))
  14. def dot_score(self, hidden, encoder_output):
  15. return torch.sum(hidden * encoder_output, dim=2)
  16. def general_score(self, hidden, encoder_output):
  17. energy = self.attn(encoder_output)
  18. return torch.sum(hidden * energy, dim=2)
  19. def concat_score(self, hidden, encoder_output):
  20. energy = self.attn(torch.cat((hidden.expand(encoder_output.size(0), -1, -1), encoder_output), 2)).tanh()
  21. return torch.sum(self.v * energy, dim=2)
  22. def forward(self, hidden, encoder_outputs):
  23. # Calculate the attention weights (energies) based on the given method
  24. if self.method == 'general':
  25. attn_energies = self.general_score(hidden, encoder_outputs)
  26. elif self.method == 'concat':
  27. attn_energies = self.concat_score(hidden, encoder_outputs)
  28. elif self.method == 'dot':
  29. attn_energies = self.dot_score(hidden, encoder_outputs)
  30. # Transpose max_length and batch_size dimensions
  31. attn_energies = attn_energies.t()
  32. # Return the softmax normalized probability scores (with added dimension)
  33. return F.softmax(attn_energies, dim=1).unsqueeze(1)

解码器定义

类似于EncoderRNN,我们使用torch.nn.GRU模块作为我们的解码器RNN。然而,这一次我们使用单向GRU。需要注意的是,与编码器不同,我们将向解码器RNN每次提供一个单词。我们首先得到当前单词的嵌入并应用抛出功能dropout。接下来,我们将嵌入和最后的隐藏状态转发给GRU,得到当前的GRU输出和隐藏状态。然后,我们使用Attn模块作为一个层来获得专注权重,我们将其乘以编码器的输出来获得我们的参与编码器输出。我们使用这个参与编码器输出作为文本context张量,它表示一个加权和,表示编码器输出的哪些部分需要注意。在这里,我们使用线性层linear layersoftmax normalization规范化来选择输出序列中的下一个单词。

混合前端笔记:

EncoderRNN类似,此模块不包含任何依赖于数据的控制流。因此,在初始化该模型并加载其参数之后,我们可以再次使用跟踪tracing将其转换为Torch脚本。

  1. class LuongAttnDecoderRNN(nn.Module):
  2. def __init__(self, attn_model, embedding, hidden_size, output_size, n_layers=1, dropout=0.1):
  3. super(LuongAttnDecoderRNN, self).__init__()
  4. # Keep for reference
  5. self.attn_model = attn_model
  6. self.hidden_size = hidden_size
  7. self.output_size = output_size
  8. self.n_layers = n_layers
  9. self.dropout = dropout
  10. # Define layers
  11. self.embedding = embedding
  12. self.embedding_dropout = nn.Dropout(dropout)
  13. self.gru = nn.GRU(hidden_size, hidden_size, n_layers, dropout=(0 if n_layers == 1 else dropout))
  14. self.concat = nn.Linear(hidden_size * 2, hidden_size)
  15. self.out = nn.Linear(hidden_size, output_size)
  16. self.attn = Attn(attn_model, hidden_size)
  17. def forward(self, input_step, last_hidden, encoder_outputs):
  18. # Note: we run this one step (word) at a time
  19. # Get embedding of current input word
  20. embedded = self.embedding(input_step)
  21. embedded = self.embedding_dropout(embedded)
  22. # Forward through unidirectional GRU
  23. rnn_output, hidden = self.gru(embedded, last_hidden)
  24. # Calculate attention weights from the current GRU output
  25. attn_weights = self.attn(rnn_output, encoder_outputs)
  26. # Multiply attention weights to encoder outputs to get new "weighted sum" context vector
  27. context = attn_weights.bmm(encoder_outputs.transpose(0, 1))
  28. # Concatenate weighted context vector and GRU output using Luong eq. 5
  29. rnn_output = rnn_output.squeeze(0)
  30. context = context.squeeze(1)
  31. concat_input = torch.cat((rnn_output, context), 1)
  32. concat_output = torch.tanh(self.concat(concat_input))
  33. # Predict next word using Luong eq. 6
  34. output = self.out(concat_output)
  35. output = F.softmax(output, dim=1)
  36. # Return output and final hidden state
  37. return output, hidden

评估定义

贪婪搜索解码器(GreedySearchDecoder)

在聊天机器人教程中,我们使用GreedySearchDecoder模块来简化实际的解码过程。该模块将训练好的编码器和解码器模型作为属性,驱动输入语句(词索引向量)的编码过程,并一次一个词(词索引)迭代地解码输出响应序列

对输入序列进行编码很简单:只需将整个序列张量及其对应的长度向量转发给编码器。需要注意的是,这个模块一次只处理一个输入序列,而不是成批的序列。因此,当常数1用于声明张量大小时,它对应于批处理大小为1。要解码给定的解码器输出,我们必须通过解码器模型迭代地向前运行,该解码器模型输出softmax分数,该分数对应于每个单词在解码序列中是正确的下一个单词的概率。我们将decoder_input初始化为一个包含SOS_token的张量。在每次通过解码器之后,我们贪婪地将softmax概率最高的单词追加到decoded_words列表中。我们还使用这个单词作为下一个迭代的decoder_input。如果``decoded_words列表的长度达到MAX_LENGTH,或者预测的单词是EOS_token,那么解码过程将终止。

混合前端注释:

该模块的forward方法涉及到在每次解码一个单词的输出序列时,遍历/([0,max/_length]/)的范围。因此,我们应该使用脚本将这个模块转换为Torch脚本。与我们可以跟踪的编码器和解码器模型不同,我们必须对GreedySearchDecoder模块进行一些必要的更改,以便在不出错的情况下初始化对象。换句话说,我们必须确保我们的模块遵守脚本机制的规则,并且不使用Torch脚本包含的Python子集之外的任何语言特性。

为了了解可能需要的一些操作,我们将回顾聊天机器人教程中的GreedySearchDecoder实现与下面单元中使用的实现之间的区别。请注意,用红色突出显示的行是从原始实现中删除的行,而用绿色突出显示的行是新的。

diff

变更事项:

  • nn.Module -> torch.jit.ScriptModule
    • 为了在模块上使用PyTorch的脚本化机制, 模型需要从 torch.jit.ScriptModule继承。
  • decoder_n_layers 追加到结构参数
    • 这种变化源于这样一个事实,即我们传递给这个模块的编码器和解码器模型将是TracedModule(非模块)的子模块。因此,我们无法使用decoder.n_layers访问解码器的层数。相反,我们对此进行计划,并在模块构建过程中传入此值。
  • 将新属性作为常量保存
    • 在最初的实现中, 我们可以在GreedySearchDecoderforward方法中自由地使用来自周围(全局)范围的变量. 然而,现在我们正在使用脚本,我们没有这种自由,因为脚本处理的设想4是我们不一定要保留Python对象,尤其是在导出时。 一个简单的解决方案是将全局作用域中的这些值作为属性存储到构造函数中的模块中, 并将它们添加到一个名为__constants__的特殊列表中,以便在forward方法中构造图形时将它们用作文本值。这种用法的一个例子在第19行,取代使用 deviceSOS_token 全局值,我们使用常量属性 self._deviceself._SOS_token
  • torch.jit.script_method 装饰器添加到 forward 方法
    • 添加这个装饰器可以让JIT编译器知道它所装饰的函数应该是脚本化的。
  • 强制 forward 方法的参数类型
    • 默认情况下,Torch脚本函数的所有参数都假定为张量。如果需要传递不同类型的参数,可以使用PEP 3107中引入的函数类型注释。 此外,还可以使用MyPy-style类型的注释声明不同类型的参数(参见(see doc))。
  • 变更decoder_input的初始化
    • 在原有实现中,我们用torch.LongTensor([[SOS_token]])初始化了 decoder_input 的张量。 当脚本编写时,我们不允许像这样以一种文字方式初始化张量。 取而代之的是,我们可以用一个显式的torch函数,比如torch.ones来初始化我们的张量。这种情况下,我们可以很方便的复制标量 decoder_input 和通过将1乘以我们存在常量中的SOS_token的值 self._SOS_token得到的张量。
  1. class GreedySearchDecoder(torch.jit.ScriptModule):
  2. def __init__(self, encoder, decoder, decoder_n_layers):
  3. super(GreedySearchDecoder, self).__init__()
  4. self.encoder = encoder
  5. self.decoder = decoder
  6. self._device = device
  7. self._SOS_token = SOS_token
  8. self._decoder_n_layers = decoder_n_layers
  9. __constants__ = ['_device', '_SOS_token', '_decoder_n_layers']
  10. @torch.jit.script_method
  11. def forward(self, input_seq : torch.Tensor, input_length : torch.Tensor, max_length : int):
  12. # Forward input through encoder model
  13. encoder_outputs, encoder_hidden = self.encoder(input_seq, input_length)
  14. # Prepare encoder's final hidden layer to be first hidden input to the decoder
  15. decoder_hidden = encoder_hidden[:self._decoder_n_layers]
  16. # Initialize decoder input with SOS_token
  17. decoder_input = torch.ones(1, 1, device=self._device, dtype=torch.long) * self._SOS_token
  18. # Initialize tensors to append decoded words to
  19. all_tokens = torch.zeros([0], device=self._device, dtype=torch.long)
  20. all_scores = torch.zeros([0], device=self._device)
  21. # Iteratively decode one word token at a time
  22. for _ in range(max_length):
  23. # Forward pass through decoder
  24. decoder_output, decoder_hidden = self.decoder(decoder_input, decoder_hidden, encoder_outputs)
  25. # Obtain most likely word token and its softmax score
  26. decoder_scores, decoder_input = torch.max(decoder_output, dim=1)
  27. # Record token and score
  28. all_tokens = torch.cat((all_tokens, decoder_input), dim=0)
  29. all_scores = torch.cat((all_scores, decoder_scores), dim=0)
  30. # Prepare current token to be next decoder input (add a dimension)
  31. decoder_input = torch.unsqueeze(decoder_input, 0)
  32. # Return collections of word tokens and scores
  33. return all_tokens, all_scores

输入评估

接下来,我们定义一些函数来计算输入。求值函数evaluate接受一个规范化字符串语句,将其处理为其对应的单词索引张量(批处理大小为1),并将该张量传递给一个名为searcherGreedySearchDecoder实例,以处理编码/解码过程。检索器返回输出的单词索引向量和一个分数张量,该张量对应于每个解码的单词标记的softmax分数。最后一步是使用voc.index2word将每个单词索引转换回其字符串表示形式。

我们还定义了两个函数来计算输入语句。evaluateInput函数提示用户输入,并计算输入。它持续请求另一次输入,直到用户输入“q”或“quit”。

evaluateExample函数只接受一个字符串输入语句作为参数,对其进行规范化、计算并输出响应。

  1. def evaluate(encoder, decoder, searcher, voc, sentence, max_length=MAX_LENGTH):
  2. ### Format input sentence as a batch
  3. # words -> indexes
  4. indexes_batch = [indexesFromSentence(voc, sentence)]
  5. # Create lengths tensor
  6. lengths = torch.tensor([len(indexes) for indexes in indexes_batch])
  7. # Transpose dimensions of batch to match models' expectations
  8. input_batch = torch.LongTensor(indexes_batch).transpose(0, 1)
  9. # Use appropriate device
  10. input_batch = input_batch.to(device)
  11. lengths = lengths.to(device)
  12. # Decode sentence with searcher
  13. tokens, scores = searcher(input_batch, lengths, max_length)
  14. # indexes -> words
  15. decoded_words = [voc.index2word[token.item()] for token in tokens]
  16. return decoded_words
  17. # Evaluate inputs from user input (stdin)
  18. def evaluateInput(encoder, decoder, searcher, voc):
  19. input_sentence = ''
  20. while(1):
  21. try:
  22. # Get input sentence
  23. input_sentence = input('> ')
  24. # Check if it is quit case
  25. if input_sentence == 'q' or input_sentence == 'quit': break
  26. # Normalize sentence
  27. input_sentence = normalizeString(input_sentence)
  28. # Evaluate sentence
  29. output_words = evaluate(encoder, decoder, searcher, voc, input_sentence)
  30. # Format and print response sentence
  31. output_words[:] = [x for x in output_words if not (x == 'EOS' or x == 'PAD')]
  32. print('Bot:', ' '.join(output_words))
  33. except KeyError:
  34. print("Error: Encountered unknown word.")
  35. # Normalize input sentence and call evaluate()
  36. def evaluateExample(sentence, encoder, decoder, searcher, voc):
  37. print("> " + sentence)
  38. # Normalize sentence
  39. input_sentence = normalizeString(sentence)
  40. # Evaluate sentence
  41. output_words = evaluate(encoder, decoder, searcher, voc, input_sentence)
  42. output_words[:] = [x for x in output_words if not (x == 'EOS' or x == 'PAD')]
  43. print('Bot:', ' '.join(output_words))

加载预训练参数

好的,是时候加载我们的模型了

使用托管模型

托管模型使用步骤:

  1. 下载模型 here.
  2. 设置loadFilename变量作为下载的检查点文件的路径
  3. checkpoint = torch.load(loadFilename) 行取消注释,表示托管模型在CPU上训练。

使用自己的模型

加载自己的预训练模型设计步骤:

  1. loadFilename变量设置为希望加载的检查点文件的路径。注意,如果您遵循从chatbot tutorial中保存模型的协议,这会涉及更改model_nameencoder_n_layersdecoder_n_layershidden_sizecheckpoint_iter(因为这些值在模型路径中使用到)。
  2. 如果你在CPU上训练,确保你在 checkpoint = torch.load(loadFilename) 行打开了检查点。如果你在GPU 上训练,并且在CPU运行这篇教程,解除checkpoint = torch.load(loadFilename, map_location=torch.device('cpu')) 的注释。

混合前端的注释:

请注意,我们像往常一样初始化并将参数加载到编码器和解码器模型中。另外,在跟踪模型之前,我们必须调用.to(device)来设置模型的设备选项,调用.eval()来设置抛出层dropout layer为test mode。TracedModule对象不继承toeval方法

  1. save_dir = os.path.join("data", "save")
  2. corpus_name = "cornell movie-dialogs corpus"
  3. # Configure models
  4. model_name = 'cb_model'
  5. attn_model = 'dot'
  6. #attn_model = 'general'
  7. #attn_model = 'concat'
  8. hidden_size = 500
  9. encoder_n_layers = 2
  10. decoder_n_layers = 2
  11. dropout = 0.1
  12. batch_size = 64
  13. # If you're loading your own model
  14. # Set checkpoint to load from
  15. checkpoint_iter = 4000
  16. # loadFilename = os.path.join(save_dir, model_name, corpus_name,
  17. # '{}-{}_{}'.format(encoder_n_layers, decoder_n_layers, hidden_size),
  18. # '{}_checkpoint.tar'.format(checkpoint_iter))
  19. # If you're loading the hosted model
  20. loadFilename = 'data/4000_checkpoint.tar'
  21. # Load model
  22. # Force CPU device options (to match tensors in this tutorial)
  23. checkpoint = torch.load(loadFilename, map_location=torch.device('cpu'))
  24. encoder_sd = checkpoint['en']
  25. decoder_sd = checkpoint['de']
  26. encoder_optimizer_sd = checkpoint['en_opt']
  27. decoder_optimizer_sd = checkpoint['de_opt']
  28. embedding_sd = checkpoint['embedding']
  29. voc = Voc(corpus_name)
  30. voc.__dict__ = checkpoint['voc_dict']
  31. print('Building encoder and decoder ...')
  32. # Initialize word embeddings
  33. embedding = nn.Embedding(voc.num_words, hidden_size)
  34. embedding.load_state_dict(embedding_sd)
  35. # Initialize encoder & decoder models
  36. encoder = EncoderRNN(hidden_size, embedding, encoder_n_layers, dropout)
  37. decoder = LuongAttnDecoderRNN(attn_model, embedding, hidden_size, voc.num_words, decoder_n_layers, dropout)
  38. # Load trained model params
  39. encoder.load_state_dict(encoder_sd)
  40. decoder.load_state_dict(decoder_sd)
  41. # Use appropriate device
  42. encoder = encoder.to(device)
  43. decoder = decoder.to(device)
  44. # Set dropout layers to eval mode
  45. encoder.eval()
  46. decoder.eval()
  47. print('Models built and ready to go!')

Out:

  1. Building encoder and decoder ...
  2. Models built and ready to go!

模型转换为 Torch 脚本

编码器

正如前文所述,要将编码器模型转换为Torch脚本,我们需要使用跟踪Tracing。跟踪任何需要通过模型的forward方法运行一个示例输入,以及跟踪数据相遇时的图形计算。编码器模型接收一个输入序列和一个长度相关的张量。因此,我们创建一个输入序列test_seq,配置合适的大小(MAX_LENGTH,1) 包含适当范围内的数值 [0,voc.num_words] 以及搭配的类型(int64)。我们还创建了test_seq_length标量,该标量实际包含与test_seq中单词数量对应的值。下一步是使用torch.jit.trace函数来跟踪模型。注意,我们传递的第一个参数是要跟踪的模块,第二个参数是模块forward方法的参数元组。

解码器

我们对解码器的跟踪过程与对编码器的跟踪过程相同。请注意,我们对traced_encoder的一组随机输入调用forward,以获得解码器所需的输出。这不是必需的,因为我们也可以简单地生成一个形状、类型和值范围正确的张量。这种方法是可行的,因为在我们的例子中,我们对张量的值没有任何约束,因为我们没有任何操作可能导致超出范围的输入出错。

贪婪搜索解码器(GreedySearchDecoder)

回想一下,由于存在依赖于数据的控制流,我们为搜索器模块编写了脚本。在脚本化的情况下,我们通过添加修饰符并确保实现符合脚本规则来预先完成转换工作。我们初始化脚本搜索器的方式与初始化未脚本化变量的方式相同。

  1. ### Convert encoder model
  2. # Create artificial inputs
  3. test_seq = torch.LongTensor(MAX_LENGTH, 1).random_(0, voc.num_words)
  4. test_seq_length = torch.LongTensor([test_seq.size()[0]])
  5. # Trace the model
  6. traced_encoder = torch.jit.trace(encoder, (test_seq, test_seq_length))
  7. ### Convert decoder model
  8. # Create and generate artificial inputs
  9. test_encoder_outputs, test_encoder_hidden = traced_encoder(test_seq, test_seq_length)
  10. test_decoder_hidden = test_encoder_hidden[:decoder.n_layers]
  11. test_decoder_input = torch.LongTensor(1, 1).random_(0, voc.num_words)
  12. # Trace the model
  13. traced_decoder = torch.jit.trace(decoder, (test_decoder_input, test_decoder_hidden, test_encoder_outputs))
  14. ### Initialize searcher module
  15. scripted_searcher = GreedySearchDecoder(traced_encoder, traced_decoder, decoder.n_layers)

图形打印

现在我们的模型是Torch脚本形式的,我们可以打印每个模型的图形,以确保适当地捕获计算图形。因为scripted_searcher包含traced_encodertraced_decoder,所以这些图将以内联方式打印

  1. print('scripted_searcher graph:\n', scripted_searcher.graph)

Out:

  1. scripted_searcher graph:
  2. graph(%input_seq : Tensor
  3. %input_length : Tensor
  4. %max_length : int
  5. %3 : Tensor
  6. %4 : Tensor
  7. %5 : Tensor
  8. %6 : Tensor
  9. %7 : Tensor
  10. %8 : Tensor
  11. %9 : Tensor
  12. %10 : Tensor
  13. %11 : Tensor
  14. %12 : Tensor
  15. %13 : Tensor
  16. %14 : Tensor
  17. %15 : Tensor
  18. %16 : Tensor
  19. %17 : Tensor
  20. %18 : Tensor
  21. %19 : Tensor
  22. %118 : Tensor
  23. %119 : Tensor
  24. %120 : Tensor
  25. %121 : Tensor
  26. %122 : Tensor
  27. %123 : Tensor
  28. %124 : Tensor
  29. %125 : Tensor
  30. %126 : Tensor
  31. %127 : Tensor
  32. %128 : Tensor
  33. %129 : Tensor
  34. %130 : Tensor) {
  35. %58 : int = prim::Constant[value=9223372036854775807](), scope: EncoderRNN
  36. %53 : float = prim::Constant[value=0](), scope: EncoderRNN
  37. %43 : float = prim::Constant[value=0.1](), scope: EncoderRNN/GRU[gru]
  38. %42 : int = prim::Constant[value=2](), scope: EncoderRNN/GRU[gru]
  39. %41 : bool = prim::Constant[value=1](), scope: EncoderRNN/GRU[gru]
  40. %36 : int = prim::Constant[value=6](), scope: EncoderRNN/GRU[gru]
  41. %34 : int = prim::Constant[value=500](), scope: EncoderRNN/GRU[gru]
  42. %25 : int = prim::Constant[value=4](), scope: EncoderRNN
  43. %24 : Device = prim::Constant[value="cpu"](), scope: EncoderRNN
  44. %21 : bool = prim::Constant[value=0](), scope: EncoderRNN/Embedding[embedding]
  45. %20 : int = prim::Constant[value=-1](), scope: EncoderRNN/Embedding[embedding]
  46. %90 : int = prim::Constant[value=0]()
  47. %94 : int = prim::Constant[value=1]()
  48. %input.7 : Float(10, 1, 500) = aten::embedding(%3, %input_seq, %20, %21, %21), scope: EncoderRNN/Embedding[embedding]
  49. %lengths : Long(1) = aten::to(%input_length, %24, %25, %21, %21), scope: EncoderRNN
  50. %input.1 : Float(10, 500), %batch_sizes : Long(10) = aten::_pack_padded_sequence(%input.7, %lengths, %21), scope: EncoderRNN
  51. %35 : int[] = prim::ListConstruct(%25, %94, %34), scope: EncoderRNN/GRU[gru]
  52. %hx : Float(4, 1, 500) = aten::zeros(%35, %36, %90, %24), scope: EncoderRNN/GRU[gru]
  53. %40 : Tensor[] = prim::ListConstruct(%4, %5, %6, %7, %8, %9, %10, %11, %12, %13, %14, %15, %16, %17, %18, %19), scope: EncoderRNN/GRU[gru]
  54. %46 : Float(10, 1000), %encoder_hidden : Float(4, 1, 500) = aten::gru(%input.1, %batch_sizes, %hx, %40, %41, %42, %43, %21, %41), scope: EncoderRNN/GRU[gru]
  55. %49 : int = aten::size(%batch_sizes, %90), scope: EncoderRNN
  56. %max_seq_length : Long() = prim::NumToTensor(%49), scope: EncoderRNN
  57. %51 : int = prim::Int(%max_seq_length), scope: EncoderRNN
  58. %outputs : Float(10, 1, 1000), %55 : Long(1) = aten::_pad_packed_sequence(%46, %batch_sizes, %21, %53, %51), scope: EncoderRNN
  59. %60 : Float(10, 1, 1000) = aten::slice(%outputs, %90, %90, %58, %94), scope: EncoderRNN
  60. %65 : Float(10, 1, 1000) = aten::slice(%60, %94, %90, %58, %94), scope: EncoderRNN
  61. %70 : Float(10, 1!, 500) = aten::slice(%65, %42, %90, %34, %94), scope: EncoderRNN
  62. %75 : Float(10, 1, 1000) = aten::slice(%outputs, %90, %90, %58, %94), scope: EncoderRNN
  63. %80 : Float(10, 1, 1000) = aten::slice(%75, %94, %90, %58, %94), scope: EncoderRNN
  64. %85 : Float(10, 1!, 500) = aten::slice(%80, %42, %34, %58, %94), scope: EncoderRNN
  65. %encoder_outputs : Float(10, 1, 500) = aten::add(%70, %85, %94), scope: EncoderRNN
  66. %decoder_hidden.1 : Tensor = aten::slice(%encoder_hidden, %90, %90, %42, %94)
  67. %98 : int[] = prim::ListConstruct(%94, %94)
  68. %100 : Tensor = aten::ones(%98, %25, %90, %24)
  69. %decoder_input.1 : Tensor = aten::mul(%100, %94)
  70. %103 : int[] = prim::ListConstruct(%90)
  71. %all_tokens.1 : Tensor = aten::zeros(%103, %25, %90, %24)
  72. %108 : int[] = prim::ListConstruct(%90)
  73. %all_scores.1 : Tensor = aten::zeros(%108, %36, %90, %24)
  74. %all_scores : Tensor, %all_tokens : Tensor, %decoder_hidden : Tensor, %decoder_input : Tensor = prim::Loop(%max_length, %41, %all_scores.1, %all_tokens.1, %decoder_hidden.1, %decoder_input.1)
  75. block0(%114 : int, %188 : Tensor, %184 : Tensor, %116 : Tensor, %115 : Tensor) {
  76. %input.2 : Float(1, 1, 500) = aten::embedding(%118, %115, %20, %21, %21), scope: LuongAttnDecoderRNN/Embedding[embedding]
  77. %input.3 : Float(1, 1, 500) = aten::dropout(%input.2, %43, %21), scope: LuongAttnDecoderRNN/Dropout[embedding_dropout]
  78. %138 : Tensor[] = prim::ListConstruct(%119, %120, %121, %122, %123, %124, %125, %126), scope: LuongAttnDecoderRNN/GRU[gru]
  79. %hidden : Float(1, 1, 500), %decoder_hidden.2 : Float(2, 1, 500) = aten::gru(%input.3, %116, %138, %41, %42, %43, %21, %21, %21), scope: LuongAttnDecoderRNN/GRU[gru]
  80. %147 : Float(10, 1, 500) = aten::mul(%hidden, %encoder_outputs), scope: LuongAttnDecoderRNN/Attn[attn]
  81. %149 : int[] = prim::ListConstruct(%42), scope: LuongAttnDecoderRNN/Attn[attn]
  82. %attn_energies : Float(10, 1) = aten::sum(%147, %149, %21), scope: LuongAttnDecoderRNN/Attn[attn]
  83. %input.4 : Float(1!, 10) = aten::t(%attn_energies), scope: LuongAttnDecoderRNN/Attn[attn]
  84. %154 : Float(1, 10) = aten::softmax(%input.4, %94), scope: LuongAttnDecoderRNN/Attn[attn]
  85. %attn_weights : Float(1, 1, 10) = aten::unsqueeze(%154, %94), scope: LuongAttnDecoderRNN/Attn[attn]
  86. %159 : Float(1!, 10, 500) = aten::transpose(%encoder_outputs, %90, %94), scope: LuongAttnDecoderRNN
  87. %context.1 : Float(1, 1, 500) = aten::bmm(%attn_weights, %159), scope: LuongAttnDecoderRNN
  88. %rnn_output : Float(1, 500) = aten::squeeze(%hidden, %90), scope: LuongAttnDecoderRNN
  89. %context : Float(1, 500) = aten::squeeze(%context.1, %94), scope: LuongAttnDecoderRNN
  90. %165 : Tensor[] = prim::ListConstruct(%rnn_output, %context), scope: LuongAttnDecoderRNN
  91. %input.5 : Float(1, 1000) = aten::cat(%165, %94), scope: LuongAttnDecoderRNN
  92. %168 : Float(1000!, 500!) = aten::t(%127), scope: LuongAttnDecoderRNN/Linear[concat]
  93. %171 : Float(1, 500) = aten::addmm(%128, %input.5, %168, %94, %94), scope: LuongAttnDecoderRNN/Linear[concat]
  94. %input.6 : Float(1, 500) = aten::tanh(%171), scope: LuongAttnDecoderRNN
  95. %173 : Float(500!, 7826!) = aten::t(%129), scope: LuongAttnDecoderRNN/Linear[out]
  96. %input : Float(1, 7826) = aten::addmm(%130, %input.6, %173, %94, %94), scope: LuongAttnDecoderRNN/Linear[out]
  97. %decoder_output : Float(1, 7826) = aten::softmax(%input, %94), scope: LuongAttnDecoderRNN
  98. %decoder_scores : Tensor, %decoder_input.2 : Tensor = aten::max(%decoder_output, %94, %21)
  99. %186 : Tensor[] = prim::ListConstruct(%184, %decoder_input.2)
  100. %all_tokens.2 : Tensor = aten::cat(%186, %90)
  101. %190 : Tensor[] = prim::ListConstruct(%188, %decoder_scores)
  102. %all_scores.2 : Tensor = aten::cat(%190, %90)
  103. %decoder_input.3 : Tensor = aten::unsqueeze(%decoder_input.2, %90)
  104. -> (%41, %all_scores.2, %all_tokens.2, %decoder_hidden.2, %decoder_input.3)
  105. }
  106. %198 : (Tensor, Tensor) = prim::TupleConstruct(%all_tokens, %all_scores)
  107. return (%198);
  108. }

运行结果评估

最后,我们将使用Torch脚本模型对聊天机器人模型进行评估。如果转换正确,模型的行为将与它们在即时模式表示中的行为完全相同。

默认情况下,我们计算一些常见的查询语句。如果您想自己与机器人聊天,取消对evaluateInput行的注释并让它旋转。

  1. # Evaluate examples
  2. sentences = ["hello", "what's up?", "who are you?", "where am I?", "where are you from?"]
  3. for s in sentences:
  4. evaluateExample(s, traced_encoder, traced_decoder, scripted_searcher, voc)
  5. # Evaluate your input
  6. #evaluateInput(traced_encoder, traced_decoder, scripted_searcher, voc)

Out:

  1. > hello
  2. Bot: hello .
  3. > what's up?
  4. Bot: i m going to get my car .
  5. > who are you?
  6. Bot: i m the owner .
  7. > where am I?
  8. Bot: in the house .
  9. > where are you from?
  10. Bot: south america .

保存模型

现在我们已经成功地将模型转换为Torch脚本,接下来将对其进行序列化,以便在非python部署环境中使用。为此,我们只需保存scripted_searcher模块,因为这是用于对聊天机器人模型运行推理的面向用户的接口。保存脚本模块时,使用script_module.save(PATH)代替torch.save(model, PATH)

  1. scripted_searcher.save("scripted_chatbot.pth")