小言_互联网的博客

一文详解名字分类(字符级RNN)

405人阅读  评论(0)

目录

一.前言

二.数据预处理

三.构造神经网络

四.训练

五.评价结果(预测)


一.前言

我们将构建和训练字符级RNN来对单词进行分类。字符级RNN将单词作为一系列字符读取,在每一步输出预测和“隐藏状态”,将其先前的隐藏 状态输入至下一时刻。我们将最终时刻输出作为预测结果,即表示该词属于哪个类。

具体来说,我们将在18种语言构成的几千个名字的数据集上训练模型,根据一个名字的拼写预测它是哪种语言的名字:


  
  1. $ python predict .py Hinton
  2. (- 0.47) Scottish
  3. (- 1.52) English
  4. (- 3.57) Irish
  5. $ python predict .py Schmidhuber
  6. (- 0.19) German
  7. (- 2.48) Czech
  8. (- 2.68) Dutch

项目结构:

二.数据预处理

点击这里下载数据,并将其解压到当前文件夹。

在"data/names"文件夹下是名称为"[language].txt"的18个文本文件。每个文件的每一行都有一个名字,它们几乎都是罗马化的文本 (但是我们仍需要将其从Unicode转换为ASCII编码)

我们最终会得到一个语言对应名字列表的字典,{language: [names ...]}。通用变量“category”和“line”(例子中的语言和名字单词) 用于以后的可扩展性。

下面的的处理数据的代码把上篇文章的数据预处理代码和训练前的张量转换代码算是汇总了一下:

dataPreprocessing.py

  
  1. from __future__ import unicode_literals, print_function, division
  2. from io import open
  3. import glob
  4. import os
  5. import unicodedata
  6. import string
  7. import torch
  8. class DataPreprocessing:
  9. def __init__( self):
  10. self.all_letters = string.ascii_letters + " .,;'-" # 注意还有空格
  11. # print('string.ascii_letters:', string.ascii_letters) # 大小写的26个字母
  12. # print('all_letters:', self.all_letters)
  13. self.n_letters = len(self.all_letters) + 1 # Plus EOS marker
  14. # print('总的字符数量:', self.n_letters)
  15. def findFiles( self,path):
  16. # glob.glob返回符合匹配条件的所有文件的路径,即路径中可以用正则表达式
  17. return glob.glob(path)
  18. # 将Unicode字符串转换为纯ASCII, 感谢https://stackoverflow.com/a/518232/2809427
  19. def unicodeToAscii( self,s):
  20. return ''.join(
  21. c for c in unicodedata.normalize( 'NFD', s)
  22. if unicodedata.category(c) != 'Mn'
  23. and c in self.all_letters
  24. )
  25. # 读取文件并分成几行
  26. def readLines( self,filename):
  27. # strip()返回删除前导和尾随空格的字符串副本
  28. lines = open(filename, encoding= 'utf-8').read().strip().split( '\n')
  29. return [self.unicodeToAscii(line) for line in lines]
  30. def processing( self):
  31. # 构建category_lines字典,列表中的每行是一个类别
  32. category_lines = {}
  33. all_categories = []
  34. for filename in self.findFiles( 'data/names/*.txt'):
  35. # print(filename) filename是一个路径
  36. category = os.path.splitext(os.path.basename(filename))[ 0]
  37. all_categories.append(category)
  38. lines = self.readLines(filename)
  39. category_lines[category] = lines
  40. n_categories = len(all_categories)
  41. if n_categories == 0:
  42. raise RuntimeError( 'Data not found. Make sure that you downloaded data '
  43. 'from https://download.pytorch.org/tutorial/data.zip and extract it to '
  44. 'the current directory.')
  45. return category_lines,all_categories,n_categories,self.all_letters,self.n_letters;
  46. data=DataPreprocessing()
  47. #返回值类型分别是 字典,列表,整数,字符串,整数
  48. '''
  49. 现在我们有了category_lines,一个字典变量存储每一种语言及其对应的每一行文本(名字)列表的映射关系。
  50. 变量all_categories是全部 语言种类的列表,变量n_categories是语言种类的数量,后续会使用。
  51. '''
  52. category_lines,all_categories,n_categories,all_letters,n_letters=data.processing()
  53. #print(category_lines['Italian'][:5])
  54. '''
  55. 单词转变为张量
  56. 现在我们已经加载了所有的名字,我们需要将它们转换为张量来使用它们。
  57. 我们使用大小为<1 x n_letters>的“one-hot 向量”表示一个字母。一个one-hot向量所有位置都填充为0,并在其表示的字母的位置表示为1,
  58. 例如"b" = <0 1 0 0 0 ...>.(字母b的编号是2,第二个位置是1,其他位置是0)
  59. 我们使用一个<line_length x 1 x n_letters>的2D矩阵表示一个单词,line_length是单词的长度,即此单词包含多少字符
  60. 额外的1维是batch的维度,PyTorch默认所有的数据都是成batch处理的。我们这里只设置了batch的大小为1。
  61. '''
  62. # 从all_letters中查找字母索引,例如 "a" = 0
  63. def letterToIndex( letter):
  64. return all_letters.find(letter)
  65. # 仅用于演示,将字母转换为<1 x n_letters> 张量
  66. def letterToTensor( letter):
  67. tensor = torch.zeros( 1, n_letters)
  68. tensor[ 0][letterToIndex(letter)] = 1
  69. return tensor
  70. # 将一个单词(即名字)转换为<line_length x 1 x n_letters>,或一个0ne-hot字母向量的数组
  71. def lineToTensor( line):
  72. tensor = torch.zeros( len(line), 1, n_letters)
  73. for li, letter in enumerate(line):
  74. tensor[li][ 0][letterToIndex(letter)] = 1
  75. return tensor
  76. # print(letterToTensor('J'))
  77. # print(lineToTensor('Joy'))
  78. # print(lineToTensor('Joy').size())

三.构造神经网络

在autograd之前,要在Torch中构建一个可以复制之前时刻层参数的循环神经网络。layer的隐藏状态和梯度将交给计算图自己处理。这意味着 你可以像实现的常规的 feed-forward 层一样,以很纯粹的方式实现RNN。

这个RNN组件 (几乎是从这里复制的the PyTorch for Torch users tutorial) 仅使用两层 linear 层对输入和隐藏层做处理,在最后添加一层 LogSoftmax 层预测最终输出。

model.py


  
  1. import torch
  2. import torch.nn as nn
  3. from dataPreprocessing import n_letters,n_categories
  4. class RNN(nn.Module):
  5. def __init__( self, input_size, hidden_size, output_size):
  6. super(RNN, self).__init__()
  7. self.hidden_size = hidden_size
  8. self.i2h = nn.Linear(input_size + hidden_size, hidden_size)
  9. self.i2o = nn.Linear(input_size + hidden_size, output_size)
  10. self.softmax = nn.LogSoftmax(dim= 1)
  11. def forward( self, input, hidden):
  12. combined = torch.cat(( input, hidden), 1)
  13. hidden = self.i2h(combined)
  14. output = self.i2o(combined)
  15. output = self.softmax(output)
  16. return output, hidden
  17. def initHidden( self):
  18. return torch.zeros( 1, self.hidden_size)

四.训练

代码中的每句注释都要好好看,精华!!!想要完全理解分段解开相应的代码输出看看是非常有效的办法。

这个项目的很多代码都和上篇文章(字符级RNN生成名字)差不多,所以很多地方就不注释了,上篇已详细注释。

train.py


  
  1. import torch
  2. from torch import nn
  3. from model import RNN
  4. from dataPreprocessing import n_letters,n_categories,letterToTensor,lineToTensor,all_categories,category_lines
  5. import random
  6. ######################################### 训练前的准备 #################################################
  7. n_hidden = 128
  8. #传入的参数分别是字符的总个数,隐藏状态向量的维度,名字(所属国家)种类的个数
  9. rnn = RNN(n_letters, n_hidden, n_categories)
  10. '''
  11. 要运行此网络的一个步骤,我们需要传递一个输入(在我们的例子中,是当前字母的Tensor)和一个先前隐藏的状态(我们首先将其初始化为零)。
  12. 我们将返回输出(每种语言的概率)和下一个隐藏状态(为我们下一步保留使用)。
  13. '''
  14. # input = letterToTensor('A')
  15. # hidden =torch.zeros(1, n_hidden)
  16. # output, next_hidden = rnn(input, hidden)
  17. #print(output.shape) # torch.Size([1, 18])
  18. #print(next_hidden.shape)# torch.Size([1, 128])
  19. #print(next_hidden)
  20. '''
  21. 为了提高效率,我们不希望为每一步都创建一个新的Tensor,因此我们将使用lineToTensor函数而不是letterToTensor函数,并使用切片方法。
  22. 这一步可以通过预先计算批量的张量进一步优化。
  23. '''
  24. # input = lineToTensor('Albert')
  25. # print('input.shape:',input.shape)
  26. # print('input[0].shape:',input[0].shape)
  27. # hidden = torch.zeros(1, n_hidden)
  28. # output, next_hidden = rnn(input[0], hidden)
  29. #可以看到输出是一个<1 x n_categories>的张量,其中每一条代表这个单词属于某一类的可能性(越高可能性越大)。
  30. # print('input[0]各类别的可能性:',output)
  31. '''
  32. 进行训练步骤之前我们需要构建一些辅助函数。 * 第一个是当我们知道输出结果对应每种类别的可能性时,解析神经网络的输出。
  33. 我们可以使用 Tensor.topk函数得到最大值在结果中的位置索引:
  34. '''
  35. #从output中获取对应的种类与下标
  36. def categoryFromOutput( output):
  37. #top_n是output中数值最大的那个,top_i是对应的下标(从0开始)
  38. top_n, top_i = output.topk( 1)
  39. # print('top_n:',top_n)
  40. # print('top_i:',top_i)
  41. category_i = top_i[ 0].item()
  42. return all_categories[category_i], category_i
  43. # print(categoryFromOutput(output))
  44. # 第二个是我们需要一种快速获取训练示例(得到一个名字及其所属的语言类别)的方法:
  45. def randomChoice( l):
  46. return l[random.randint( 0, len(l) - 1)]
  47. def randomTrainingExample():
  48. category = randomChoice(all_categories)
  49. line = randomChoice(category_lines[category])
  50. #返回种类对应的下标(张量形式)
  51. category_tensor = torch.tensor([all_categories.index(category)], dtype=torch.long)
  52. line_tensor = lineToTensor(line)
  53. return category, line, category_tensor, line_tensor
  54. # for i in range(10):
  55. # category, line, category_tensor, line_tensor = randomTrainingExample()
  56. # print('category =', category, '/ line =', line)
  57. ############################################# 训练神经网络 #####################################################
  58. # 现在,训练过程只需要向神经网络输入大量的数据,让它做出预测,并将对错反馈给它。
  59. # nn.LogSoftmax作为最后一层layer时,nn.NLLLoss作为损失函数是合适的。
  60. criterion = nn.NLLLoss()
  61. '''
  62. 训练过程的每次循环将会发生:
  63. .构建输入和目标张量
  64. .构建0初始化的隐藏状态
  65. .读入每一个字母
  66. * 将当前隐藏状态传递给下一字母
  67. .比较最终结果和目标
  68. .反向传播
  69. .返回结果和损失
  70. '''
  71. learning_rate = 0.005 # If you set this too high, it might explode(爆炸). If too low, it might not learn
  72. #line_tensor就是一个单词对应的向量
  73. def train( category_tensor, line_tensor):
  74. hidden = rnn.initHidden()
  75. #梯度清零
  76. rnn.zero_grad()
  77. #前向传播
  78. for i in range(line_tensor.size()[ 0]):
  79. output, hidden = rnn(line_tensor[i], hidden)
  80. #损失
  81. loss = criterion(output, category_tensor)
  82. #反向传播,计算梯度
  83. loss.backward()
  84. #更新权重
  85. # 将参数的梯度添加到其值中,乘以学习速率
  86. for p in rnn.parameters():
  87. p.data.add_(-learning_rate, p.grad.data)
  88. return output, loss.item()
  89. # 现在我们只需要准备一些例子来运行程序。由于train函数同时返回输出和损失,我们可以打印其输出结果并跟踪其损失画图。
  90. # 由于有1000个示例,我们每print_every次打印样例,并求平均损失。
  91. import time
  92. import math
  93. n_iters = 100000
  94. print_every = 5000
  95. plot_every = 1000
  96. # 跟踪绘图的损失
  97. current_loss = 0
  98. all_losses = []
  99. def timeSince( since):
  100. now = time.time()
  101. s = now - since
  102. m = math.floor(s / 60)
  103. s -= m * 60
  104. return '%dm %ds' % (m, s)
  105. '''
  106. 因为下面的代码没写在函数中,而且predict.py又从train.py里导了包,所以执行predict.py里的代码时,
  107. train.py里的代码也会被执行,所以当训练完毕模型参数保存后要把下面的代码注释掉,需要训练时再重新解开运行
  108. '''
  109. # start = time.time()
  110. #
  111. # for iter in range(1, n_iters + 1):
  112. # category, line, category_tensor, line_tensor = randomTrainingExample()
  113. # output, loss = train(category_tensor, line_tensor)
  114. # current_loss += loss
  115. #
  116. # # 打印迭代的编号,损失,名字和猜测
  117. # if iter % print_every == 0:
  118. # guess, guess_i = categoryFromOutput(output)
  119. # correct = '✓' if guess == category else '✗ (%s)' % category
  120. # print('%d %d%% (%s) %.4f %s / %s %s' % (iter, iter / n_iters * 100, timeSince(start), loss, line, guess, correct))
  121. #
  122. # # 将当前损失平均值添加到损失列表中
  123. # if iter % plot_every == 0:
  124. # all_losses.append(current_loss / plot_every)
  125. # current_loss = 0
  126. #
  127. # # 画图:从all_losses得到历史损失记录,反映了神经网络的学习情况:
  128. # import matplotlib.pyplot as plt
  129. #
  130. # plt.figure()
  131. # plt.plot(all_losses)
  132. # plt.show()
  133. #
  134. # #保存模型
  135. # torch.save(rnn.state_dict(), './model/myRNN.pth')

五.评价结果(预测)

predict.py


  
  1. import torch
  2. from matplotlib import pyplot as plt, ticker
  3. from dataPreprocessing import n_categories,all_categories,n_letters
  4. from train import randomTrainingExample,categoryFromOutput,lineToTensor
  5. from model import RNN
  6. n_hidden = 128
  7. #传入的参数分别是字符的总个数,隐藏状态向量的维度,名字(所属国家)种类的个数
  8. rnn = RNN(n_letters, n_hidden, n_categories)
  9. #加载已经训练好的模型参数
  10. rnn.load_state_dict(torch.load( './model/myRNN.pth'))
  11. #eval函数(一定用!!!)的作用请参考 https://blog.csdn.net/lgzlgz3102/article/details/115987271
  12. rnn. eval()
  13. '''
  14. 为了了解网络在不同类别上的表现,我们将创建一个混淆矩阵,显示每种语言(行)和神经网络将其预测为哪种语言(列)。
  15. 为了计算混淆矩 阵,使用evaluate()函数处理了一批数据,evaluate()函数与去掉反向传播的train()函数大体相同。
  16. '''
  17. # 在混淆矩阵中跟踪正确的猜测
  18. confusion = torch.zeros(n_categories, n_categories)
  19. n_confusion = 10000
  20. # 只需返回给定一行的输出,即对一个人名的预测结果(1*n_categories的二维矩阵)
  21. def evaluate( line_tensor):
  22. hidden = rnn.initHidden()
  23. for i in range(line_tensor.size()[ 0]):
  24. output, hidden = rnn(line_tensor[i], hidden)
  25. return output
  26. # 查看一堆正确猜到的例子和记录
  27. for i in range(n_confusion):
  28. #标签
  29. category, line, category_tensor, line_tensor = randomTrainingExample()
  30. #预测结果
  31. output = evaluate(line_tensor)
  32. guess, guess_i = categoryFromOutput(output)
  33. category_i = all_categories.index(category)
  34. confusion[category_i][guess_i] += 1
  35. # 通过将每一行除以其总和来归一化
  36. for i in range(n_categories):
  37. confusion[i] = confusion[i] / confusion[i]. sum()
  38. # print(confusion[:3])
  39. # print(confusion[17])
  40. # 设置绘图
  41. '''
  42. 你可以从主轴线以外挑出亮的点,显示模型预测错了哪些语言,例如汉语预测为了韩语,西班牙预测为了意大利。
  43. 看上去在希腊语上效果很好, 在英语上表现欠佳。(可能是因为英语与其他语言的重叠较多)。
  44. '''
  45. fig = plt.figure()
  46. ax = fig.add_subplot( 111)
  47. cax = ax.matshow(confusion.numpy())
  48. fig.colorbar(cax)
  49. # 设置轴
  50. ax.set_xticklabels([ ''] + all_categories, rotation= 90)
  51. ax.set_yticklabels([ ''] + all_categories)
  52. # 每个刻度线强制标签
  53. ax.xaxis.set_major_locator(ticker.MultipleLocator( 1))
  54. ax.yaxis.set_major_locator(ticker.MultipleLocator( 1))
  55. # sphinx_gallery_thumbnail_number = 2
  56. plt.show()
  57. #处理用户输入
  58. def predict( input_line, n_predictions=3):
  59. print( '\n> %s' % input_line)
  60. with torch.no_grad():
  61. output = evaluate(lineToTensor(input_line))
  62. # 获得前N个类别
  63. # topk函数参考 https://blog.csdn.net/qq_38156104/article/details/109318702
  64. topv, topi = output.topk(n_predictions, 1, True)
  65. print( 'topv:',topv)
  66. print( 'topi:', topi)
  67. # predictions = []
  68. for i in range(n_predictions):
  69. #概率
  70. value = topv[ 0][i].item()
  71. #索引
  72. category_index = topi[ 0][i].item()
  73. print( '(%.2f) %s' % (value, all_categories[category_index]))
  74. # predictions.append([value, all_categories[category_index]])
  75. predict( 'Dovesky')
  76. predict( 'Jackson')
  77. predict( 'Satoshi')

输出结果:


  
  1. > Dovesky
  2. topv: tensor([[- 0.5240, - 1.3990, - 2.5749]])
  3. topi: tensor([[ 2, 14, 4]])
  4. (- 0.52) Czech
  5. (- 1.40) Russian
  6. (- 2.57) English
  7. > Jackson
  8. topv: tensor([[- 0.7963, - 1.4187, - 1.6734]])
  9. topi: tensor([[ 15, 3, 4]])
  10. (- 0.80) Scottish
  11. (- 1.42) Dutch
  12. (- 1.67) English
  13. > Satoshi
  14. topv: tensor([[- 0.9223, - 1.0976, - 2.0812]])
  15. topi: tensor([[ 10, 0, 9]])
  16. (- 0.92) Japanese
  17. (- 1.10) Arabic
  18. (- 2.08) Italian


转载:https://blog.csdn.net/weixin_44593822/article/details/128208685
查看评论
* 以上用户言论只代表其个人观点,不代表本网站的观点或立场