注意
跳转到末尾 以下载完整的示例代码。
从零开始的NLP:使用字符级RNN生成姓名#
创建日期:2017年3月24日 | 最后更新:2024年10月21日 | 最后验证:2024年11月5日
作者: Sean Robertson
本教程是三部曲系列的一部分
这是我们“从零开始的NLP”三个教程中的第二个。在第一个教程中,我们使用RNN将姓名分类到其起源语言。这次我们将反过来,从语言生成姓名。
> python sample.py Russian RUS
Rovakov
Uantov
Shavakov
> python sample.py German GER
Gerren
Ereng
Rosher
> python sample.py Spanish SPA
Salla
Parer
Allan
> python sample.py Chinese CHI
Chan
Hang
Iun
我们仍然手动构建一个带有几个线性层的简单RNN。最大的区别在于,我们不再是读取完姓名的所有字母后预测一个类别,而是输入一个类别并一次输出一个字母。递归地预测字符以形成语言(这也可以用单词或其他更高级别的结构来完成)通常被称为“语言模型”。
推荐阅读
我假设您至少已安装PyTorch,了解Python,并理解张量(Tensors)。
https://pytorch.ac.cn/ 获取安装说明
PyTorch深度学习:60分钟闪电教程 以全面了解PyTorch。
通过实例学习PyTorch,进行广泛而深入的概览
为前Torch用户准备的PyTorch教程,如果您是前Lua Torch用户
了解RNN及其工作原理也将很有帮助。
RNN的非理性有效性 展示了许多实际示例。
理解LSTM网络 专门讨论LSTM,但也提供了关于RNN的通用信息。
我也推荐之前的教程,从零开始的NLP:使用字符级RNN对姓名进行分类。
准备数据#
注意
从此处下载数据并解压到当前目录。
有关此过程的更多详细信息,请参阅上一个教程。简而言之,有许多纯文本文件 data/names/[Language].txt,每行一个姓名。我们将行分割成数组,将Unicode转换为ASCII,并最终得到一个字典 {language: [names ...]}。
from io import open
import glob
import os
import unicodedata
import string
all_letters = string.ascii_letters + " .,;'-"
n_letters = len(all_letters) + 1 # Plus EOS marker
def findFiles(path): return glob.glob(path)
# Turn a Unicode string to plain ASCII, thanks to https://stackoverflow.com/a/518232/2809427
def unicodeToAscii(s):
return ''.join(
c for c in unicodedata.normalize('NFD', s)
if unicodedata.category(c) != 'Mn'
and c in all_letters
)
# Read a file and split into lines
def readLines(filename):
with open(filename, encoding='utf-8') as some_file:
return [unicodeToAscii(line.strip()) for line in some_file]
# Build the category_lines dictionary, a list of lines per category
category_lines = {}
all_categories = []
for filename in findFiles('data/names/*.txt'):
category = os.path.splitext(os.path.basename(filename))[0]
all_categories.append(category)
lines = readLines(filename)
category_lines[category] = lines
n_categories = len(all_categories)
if n_categories == 0:
raise RuntimeError('Data not found. Make sure that you downloaded data '
'from https://download.pytorch.org/tutorial/data.zip and extract it to '
'the current directory.')
print('# categories:', n_categories, all_categories)
print(unicodeToAscii("O'Néàl"))
# categories: 18 ['Arabic', 'Chinese', 'Czech', 'Dutch', 'English', 'French', 'German', 'Greek', 'Irish', 'Italian', 'Japanese', 'Korean', 'Polish', 'Portuguese', 'Russian', 'Scottish', 'Spanish', 'Vietnamese']
O'Neal
创建网络#
该网络扩展了上一个教程的RNN,增加了一个用于类别张量的额外参数,该参数与其他参数串联在一起。类别张量就像字母输入一样,是一个独热向量(one-hot vector)。
我们将输出解释为下一个字母的概率。在采样时,最有可能输出的字母被用作下一个输入字母。
我添加了第二个线性层 o2o(在组合了隐藏层和输出层之后),以赋予其更强的处理能力。还有一个dropout层,它以给定的概率(此处为0.1)随机地将输入的一部分置零,通常用于模糊输入以防止过拟合。在这里,我们将其用于网络的末尾,有意地增加一些随机性并提高采样多样性。
import torch
import torch.nn as nn
class RNN(nn.Module):
def __init__(self, input_size, hidden_size, output_size):
super(RNN, self).__init__()
self.hidden_size = hidden_size
self.i2h = nn.Linear(n_categories + input_size + hidden_size, hidden_size)
self.i2o = nn.Linear(n_categories + input_size + hidden_size, output_size)
self.o2o = nn.Linear(hidden_size + output_size, output_size)
self.dropout = nn.Dropout(0.1)
self.softmax = nn.LogSoftmax(dim=1)
def forward(self, category, input, hidden):
input_combined = torch.cat((category, input, hidden), 1)
hidden = self.i2h(input_combined)
output = self.i2o(input_combined)
output_combined = torch.cat((hidden, output), 1)
output = self.o2o(output_combined)
output = self.dropout(output)
output = self.softmax(output)
return output, hidden
def initHidden(self):
return torch.zeros(1, self.hidden_size)
训练#
为训练做准备#
首先,一些辅助函数用于获取(类别,姓名)的随机对。
import random
# Random item from a list
def randomChoice(l):
return l[random.randint(0, len(l) - 1)]
# Get a random category and random line from that category
def randomTrainingPair():
category = randomChoice(all_categories)
line = randomChoice(category_lines[category])
return category, line
对于每个时间步(即,训练单词中的每个字母),网络的输入将是 (category, current letter, hidden state),输出将是 (next letter, next hidden state)。因此,对于每个训练集,我们将需要类别、一组输入字母和一组输出/目标字母。
由于我们是在每个时间步预测当前字母的下一个字母,因此字母对是姓名中连续字母的组合——例如,对于 "ABCD<EOS>",我们将创建(“A”,“B”),(“B”,“C”),(“C”,“D”),(“D”,“EOS”)对。
类别张量是一个大小为 <1 x n_categories> 的独热张量。在训练时,我们会将其馈送到网络中的每个时间步——这是一个设计选择,也可以将其作为初始隐藏状态的一部分或其他策略包含进来。
# One-hot vector for category
def categoryTensor(category):
li = all_categories.index(category)
tensor = torch.zeros(1, n_categories)
tensor[0][li] = 1
return tensor
# One-hot matrix of first to last letters (not including EOS) for input
def inputTensor(line):
tensor = torch.zeros(len(line), 1, n_letters)
for li in range(len(line)):
letter = line[li]
tensor[li][0][all_letters.find(letter)] = 1
return tensor
# ``LongTensor`` of second letter to end (EOS) for target
def targetTensor(line):
letter_indexes = [all_letters.find(line[li]) for li in range(1, len(line))]
letter_indexes.append(n_letters - 1) # EOS
return torch.LongTensor(letter_indexes)
为了在训练期间方便,我们将创建一个 randomTrainingExample 函数,该函数获取一个随机的(类别,姓名)对,并将其转换为所需的(类别,输入,目标)张量。
# Make category, input, and target tensors from a random category, line pair
def randomTrainingExample():
category, line = randomTrainingPair()
category_tensor = categoryTensor(category)
input_line_tensor = inputTensor(line)
target_line_tensor = targetTensor(line)
return category_tensor, input_line_tensor, target_line_tensor
训练网络#
与仅使用最后一个输l为的分类不同,我们在每一步都进行预测,因此我们在每一步都计算损失。
自动微分(autograd)的魔力在于,您可以简单地将每一步的损失相加,并在最后调用 `backward()`。
criterion = nn.NLLLoss()
learning_rate = 0.0005
def train(category_tensor, input_line_tensor, target_line_tensor):
target_line_tensor.unsqueeze_(-1)
hidden = rnn.initHidden()
rnn.zero_grad()
loss = torch.Tensor([0]) # you can also just simply use ``loss = 0``
for i in range(input_line_tensor.size(0)):
output, hidden = rnn(category_tensor, input_line_tensor[i], hidden)
l = criterion(output, target_line_tensor[i])
loss += l
loss.backward()
for p in rnn.parameters():
p.data.add_(p.grad.data, alpha=-learning_rate)
return output, loss.item() / input_line_tensor.size(0)
为了跟踪训练需要多长时间,我添加了一个 timeSince(timestamp) 函数,它返回一个人类可读的字符串。
import time
import math
def timeSince(since):
now = time.time()
s = now - since
m = math.floor(s / 60)
s -= m * 60
return '%dm %ds' % (m, s)
训练过程与往常一样——多次调用 `train` 函数,等待几分钟,每 print_every 个示例打印一次当前时间和损失,并将每 plot_every 个示例的平均损失存储在 all_losses 中,以便稍后绘制。
rnn = RNN(n_letters, 128, n_letters)
n_iters = 100000
print_every = 5000
plot_every = 500
all_losses = []
total_loss = 0 # Reset every ``plot_every`` ``iters``
start = time.time()
for iter in range(1, n_iters + 1):
output, loss = train(*randomTrainingExample())
total_loss += loss
if iter % print_every == 0:
print('%s (%d %d%%) %.4f' % (timeSince(start), iter, iter / n_iters * 100, loss))
if iter % plot_every == 0:
all_losses.append(total_loss / plot_every)
total_loss = 0
0m 10s (5000 5%) 2.4822
0m 20s (10000 10%) 2.7690
0m 30s (15000 15%) 3.1366
0m 40s (20000 20%) 3.1135
0m 50s (25000 25%) 2.9428
1m 0s (30000 30%) 2.0053
1m 11s (35000 35%) 2.4966
1m 21s (40000 40%) 2.6172
1m 31s (45000 45%) 1.7212
1m 41s (50000 50%) 2.3996
1m 51s (55000 55%) 2.3005
2m 1s (60000 60%) 1.9635
2m 11s (65000 65%) 2.3604
2m 22s (70000 70%) 2.9354
2m 32s (75000 75%) 2.1671
2m 42s (80000 80%) 3.0014
2m 52s (85000 85%) 1.8223
3m 2s (90000 90%) 1.5015
3m 12s (95000 95%) 2.3933
3m 23s (100000 100%) 2.8391
绘制损失图#
绘制 `all_losses` 中的历史损失图显示了网络的学习过程。
import matplotlib.pyplot as plt
plt.figure()
plt.plot(all_losses)

[<matplotlib.lines.Line2D object at 0x7fe4517bc970>]
采样网络#
为了采样,我们给网络一个字母,并询问下一个是什么,然后将下一个字母作为输入,重复这个过程,直到遇到EOS标记。
创建输入类别、起始字母和空隐藏状态的张量。
创建一个字符串
output_name,包含起始字母。最多输出一个最大长度。
将当前字母输入网络。
从最高输出中获取下一个字母和下一个隐藏状态。
如果字母是EOS,则在此停止。
如果是一个普通字母,则将其添加到
output_name中并继续。
返回最终的姓名。
注意
与其必须给它一个起始字母,另一种策略是包含一个“字符串开始”标记进行训练,并让网络自己选择起始字母。
max_length = 20
# Sample from a category and starting letter
def sample(category, start_letter='A'):
with torch.no_grad(): # no need to track history in sampling
category_tensor = categoryTensor(category)
input = inputTensor(start_letter)
hidden = rnn.initHidden()
output_name = start_letter
for i in range(max_length):
output, hidden = rnn(category_tensor, input[0], hidden)
topv, topi = output.topk(1)
topi = topi[0][0]
if topi == n_letters - 1:
break
else:
letter = all_letters[topi]
output_name += letter
input = inputTensor(letter)
return output_name
# Get multiple samples from one category and multiple starting letters
def samples(category, start_letters='ABC'):
for start_letter in start_letters:
print(sample(category, start_letter))
samples('Russian', 'RUS')
samples('German', 'GER')
samples('Spanish', 'SPA')
samples('Chinese', 'CHI')
Roukon
Uanovaki
Shanoveki
Gerer
Eringer
Raner
Santa
Para
Alloulo
Chan
Han
Iuan
练习#
尝试使用不同的类别->姓名数据集,例如:
虚构系列->角色姓名
词性->单词
国家->城市
使用“句子开始”标记,以便在不选择起始字母的情况下进行采样。
使用更大和/或形状更好的网络获得更好的结果。
尝试
nn.LSTM和nn.GRU层。将这些RNN的多个组合成一个更高级的网络。
脚本总运行时间: (3 分钟 23.171 秒)