当前位置:   article > 正文

transformer--输入(位置编码)

transformer--输入(位置编码)

原理参考这篇文章, 这里是原始文章

  1. import torch.nn as nn
  2. import torch
  3. import math
  4. from torch.autograd import Variable
  5. # 词嵌入
  6. class Embeddings(nn.Module):
  7. # dim:词嵌入的维度,vocab:词表的大小
  8. def __init__(self, dim, vocab) -> None:
  9. super(Embeddings,self).__init__()
  10. # 获取一个词嵌入对象lut
  11. self.lut = nn.Embedding(vocab,dim)
  12. self.dim = dim
  13. def forward(self,x):
  14. return self.lut(x)*math.sqrt(self.dim)
  15. # 位置编码器
  16. class PositionalEncoding(nn.Module):
  17. def __init__(self,dim,dropout,max_len=5000):
  18. """位置编码器类的初始化
  19. dim: 词嵌入维度
  20. dropout: 置0比率
  21. max_len: 每个句子的最大长度
  22. """
  23. super(PositionalEncoding,self).__init__()
  24. # 实例化预定义的Dropout层,并将dropout传入其中
  25. self.dropout = nn.Dropout(p=dropout)
  26. #初始化一个位置编码矩阵,他是一个0矩阵,矩阵的大小 是max_len*dim,这是需要构建的最终的位置形状,只是现在全为0,后面需要进行填充中
  27. pe = torch.zeros(max_len,dim)
  28. # 初始化一个绝对位置矩阵,词汇的绝对位置就是他的索引
  29. # unsqueeze 拓展维度,使其维度为max_len x 1
  30. position = torch.arange(0,max_len).unsqueeze(1)
  31. # 有了上面的绝对位置了,也就是多少行,后续,需要把每行的对应的位置embeding填充
  32. # 因此需要构建一个512维度的矩阵,而这个矩阵又是由sin和cos进行组合而成,因此可以分别考虑
  33. div_term = torch.exp(torch.arange(0,dim,2)*-(math.log(10000.0)/dim)) # shape是1*dim/2,间隔为2的目的是2k和2k+1
  34. pe[:,0::2] = torch.sin(position*div_term) # ‘:’所有的行,‘::’
  35. pe[:,1::2] = torch.cos(position*div_term)
  36. # 为了和输入的 emberding 维度相同,需要进行维度扩展
  37. pe = pe.unsqueeze(0)
  38. self.register_buffer("pe",pe)
  39. def forward(self,x):
  40. # "x 是文本的emberding"
  41. # 相加之前,需要做一些适配的工作,虽然默认句子的长度是max_len=5000,但是实际上很少有句子能达到这个值,因此需要进行一些适配
  42. # x 的维度是三维的,第二个维度就是句子的长度即token的数量,第三个维度是每个token的向量
  43. x = x+self.pe[:,:x.size(1)]
  44. return self.dropout(x)
  45. # embedding = nn.Embedding(10,3,padding_idx=0)
  46. # input1 = torch.LongTensor([[1,2,4,5],[4,3,2,9]])
  47. # print(embedding(input1))
  48. # input1 = torch.LongTensor([[0,2,0,6]])
  49. # print(embedding)
  50. # print(embedding(input1))
  51. # dim = 512
  52. # vocab =1000
  53. # x = Variable(torch.LongTensor([[100,2,321,508],[321,234,456,324]]))
  54. # emb = Embeddings(dim,vocab)
  55. # embr =emb(x)
  56. # print("embr: ", embr)
  57. # print(embr.shape)
  58. import matplotlib.pyplot as plt
  59. import numpy as np
  60. plt.figure(figsize=(15,5)) # 创建一张15 x 5 大小的画布
  61. #实例化PositionalEncoding的对象,输入参数是20,0
  62. pe = PositionalEncoding(20,0) # 位置向量的维度是20,dropout是0
  63. input = Variable(torch.zeros(1,100,20)) # 创建一个1*100*20的向量,100是句子的token,20是每个touken的向量维度
  64. y = pe(input)
  65. # 画图
  66. plt.plot(np.arange(100),y[0,:,4:10].data.numpy())
  67. plt.legend(["dim "+str(x)for x in [4,5,6,7,8,9,10]])
  68. plt.show()

引入位置编码的原理和实现上面都很清楚,我这里只想解释一下这副图,横坐标0到100,相当于一个句子的100个token,正常来说我们可以画每个token 的维度图即20维,因此大家可以想想20个正余弦图,这里只画了6个维度,但是可以说明问题,假如我们以第60个token举例子 ,那么这个token对应的20维的向量都画上去后,直接在60位置上画个竖直线则可以说明这个位置的位置编码信息,加入有个单词在第60的位置出现一次,在第80的位置出现一次,正常来说这两个位置的单词都是一样的,如果没有位置编码,那么他们的向量也是一样的,但是加上位置编码就不一样了,因此更有利于模型学习同一个单词出现在不同位置代表的意义是不一样的,因此这可以很好的把位置信息编码进去

声明:本文内容由网友自发贡献,不代表【wpsshop博客】立场,版权归原作者所有,本站不承担相应法律责任。如您发现有侵权的内容,请联系我们。转载请注明出处:https://www.wpsshop.cn/w/你好赵伟/article/detail/171393
推荐阅读
  

闽ICP备14008679号