当前位置:   article > 正文

Python 基于pytorch从头写GPT模型;实现gpt实战_python实现gpt上下文

python实现gpt上下文

1.GPT简介

        GPT(Generative Pre-trained Transformer)模型是一种基于Transformer架构的生成式预训练模型,由OpenAI开发。它采用了无监督学习的方式进行预训练,然后通过微调适应特定的任务。GPT模型的结构由多层Transformer解码器组成,每个解码器由多头自注意力机制和前馈神经网络组成。自注意力机制能够对输入的序列进行编码,并捕捉序列中的上文关系,而前馈神经网络则负责对编码后的向量进行进一步的非线性转换。通过堆叠多个解码器,GPT模型能够学习到更加丰富的语义表示。

        在预训练阶段,GPT模型采用了大规模的无标签文本数据,并根据上文来预测下一个词。这个预测任务使模型能够学习到语言的统计规律和语义信息。预训练采用了Transformer的自回归结构,即每个位置的词只能依赖于前面的词。这种方式使得模型具有了生成文本的能力。

2018年6月 GPT-1:约5GB文本,1.17亿参数量
2019年2月 GPT-2:约40GB文本,15亿参数量
2020年5月 GPT-3:约45TB文本,1750亿参数量

GPT又有哪些应用呢?

1.1 文本生成:GPT可以通过学习大量文本数据,从而生成新的文本。例如,可以用GPT来生成文章、故事、甚至是诗歌等。

1.2 对话系统:GPT还可以用来构建对话系统,例如智能客服、聊天机器人等。用户可以通过与GPT表达自己的意图和需求,GPT可以自动生成回复。

1.3 机器翻译:GPT也可以用来进行机器翻译。通过学习不同语言的大量文本数据,GPT可以将一种语言的文本转换成另一种语言的文本。

1.4 情感分析:GPT可以用来进行情感分析,例如对一段文本进行情感分类,判断其是正面、负面还是中性的。

1.5 问答系统:GPT还可以用来构建问答系统,例如知识问答、智能客服等。用户可以通过向GPT提出问题,GPT可以自动生成回答。

2.GPT代码实战

2.1定义缩放点积注意力类

  1. import numpy as np # 导入 numpy 库
  2. import torch # 导入 torch 库
  3. import torch.nn as nn # 导入 torch.nn 库
  4. d_k = 64 # K(=Q) 维度
  5. d_v = 64 # V 维度
  6. # 定义缩放点积注意力类
  7. class ScaledDotProductAttention(nn.Module):
  8. def __init__(self):
  9. super(ScaledDotProductAttention, self).__init__()
  10. def forward(self, Q, K, V, attn_mask):
  11. #------------------------- 维度信息 --------------------------------
  12. # Q K V [batch_size, n_heads, len_q/k/v, dim_q=k/v] (dim_q=dim_k)
  13. # attn_mask [batch_size, n_heads, len_q, len_k]
  14. #----------------------------------------------------------------
  15. # 计算注意力分数(原始权重)[batch_size,n_heads,len_q,len_k]
  16. scores = torch.matmul(Q, K.transpose(-1, -2)) / np.sqrt(d_k)
  17. #------------------------- 维度信息 --------------------------------
  18. # scores [batch_size, n_heads, len_q, len_k]
  19. #-----------------------------------------------------------------
  20. # 使用注意力掩码,将 attn_mask 中值为 1 的位置的权重替换为极小值
  21. #------------------------- 维度信息 --------------------------------
  22. # attn_mask [batch_size, n_heads, len_q, len_k], 形状和 scores 相同
  23. #-----------------------------------------------------------------
  24. scores.masked_fill_(attn_mask, -1e9)
  25. # 对注意力分数进行 softmax 归一化
  26. weights = nn.Softmax(dim=-1)(scores)
  27. #------------------------- 维度信息 --------------------------------
  28. # weights [batch_size, n_heads, len_q, len_k], 形状和 scores 相同
  29. #-----------------------------------------------------------------
  30. # 计算上下文向量(也就是注意力的输出), 是上下文信息的紧凑表示
  31. context = torch.matmul(weights, V)
  32. #------------------------- 维度信息 --------------------------------
  33. # context [batch_size, n_heads, len_q, dim_v]
  34. #-----------------------------------------------------------------
  35. return context, weights # 返回上下文向量和注意力分数

2.2定义多头自注意力类

  1. # 定义多头自注意力类
  2. d_embedding = 512 # Embedding 的维度
  3. n_heads = 8 # Multi-Head Attention 中头的个数
  4. batch_size = 3 # 每一批的数据大小
  5. class MultiHeadAttention(nn.Module):
  6. def __init__(self):
  7. super(MultiHeadAttention, self).__init__()
  8. self.W_Q = nn.Linear(d_embedding, d_k * n_heads) # Q的线性变换层
  9. self.W_K = nn.Linear(d_embedding, d_k * n_heads) # K的线性变换层
  10. self.W_V = nn.Linear(d_embedding, d_v * n_heads) # V的线性变换层
  11. self.linear = nn.Linear(n_heads * d_v, d_embedding)
  12. self.layer_norm = nn.LayerNorm(d_embedding)
  13. def forward(self, Q, K, V, attn_mask):
  14. #------------------------- 维度信息 --------------------------------
  15. # Q K V [batch_size, len_q/k/v, embedding_dim]
  16. #-----------------------------------------------------------------
  17. residual, batch_size = Q, Q.size(0) # 保留残差连接
  18. # 将输入进行线性变换和重塑,以便后续处理
  19. q_s = self.W_Q(Q).view(batch_size, -1, n_heads, d_k).transpose(1,2)
  20. k_s = self.W_K(K).view(batch_size, -1, n_heads, d_k).transpose(1,2)
  21. v_s = self.W_V(V).view(batch_size, -1, n_heads, d_v).transpose(1,2)
  22. #------------------------- 维度信息 --------------------------------
  23. # q_s k_s v_s: [batch_size, n_heads, len_q/k/v, d_q=k/v]
  24. #-----------------------------------------------------------------
  25. # 将注意力掩码复制到多头 attn_mask: [batch_size, n_heads, len_q, len_k]
  26. attn_mask = attn_mask.unsqueeze(1).repeat(1, n_heads, 1, 1)
  27. #------------------------- 维度信息 --------------------------------
  28. # attn_mask [batch_size, n_heads, len_q, len_k]
  29. #-----------------------------------------------------------------
  30. # 使用缩放点积注意力计算上下文和注意力权重
  31. context, weights = ScaledDotProductAttention()(q_s, k_s, v_s, attn_mask)
  32. #------------------------- 维度信息 --------------------------------
  33. # context [batch_size, n_heads, len_q, dim_v]
  34. # weights [batch_size, n_heads, len_q, len_k]
  35. #-----------------------------------------------------------------
  36. # 通过调整维度将多个头的上下文向量连接在一起
  37. context = context.transpose(1, 2).contiguous().view(batch_size, -1, n_heads * d_v)
  38. #------------------------- 维度信息 --------------------------------
  39. # context [batch_size, len_q, n_heads * dim_v]
  40. #-----------------------------------------------------------------
  41. # 用一个线性层把连接后的多头自注意力结果转换,原始地嵌入维度
  42. output = self.linear(context)
  43. #------------------------- 维度信息 --------------------------------
  44. # output [batch_size, len_q, embedding_dim]
  45. #-----------------------------------------------------------------
  46. # 与输入 (Q) 进行残差链接,并进行层归一化后输出
  47. output = self.layer_norm(output + residual)
  48. #------------------------- 维度信息 --------------------------------
  49. # output [batch_size, len_q, embedding_dim]
  50. #-----------------------------------------------------------------
  51. return output, weights # 返回层归一化的输出和注意力权重

2.3定义逐位置前馈网络类

  1. # 定义逐位置前馈网络类
  2. class PoswiseFeedForwardNet(nn.Module):
  3. def __init__(self, d_ff=2048):
  4. super(PoswiseFeedForwardNet, self).__init__()
  5. # 定义一维卷积层 1,用于将输入映射到更高维度
  6. self.conv1 = nn.Conv1d(in_channels=d_embedding, out_channels=d_ff, kernel_size=1)
  7. # 定义一维卷积层 2,用于将输入映射回原始维度
  8. self.conv2 = nn.Conv1d(in_channels=d_ff, out_channels=d_embedding, kernel_size=1)
  9. # 定义层归一化
  10. self.layer_norm = nn.LayerNorm(d_embedding)
  11. def forward(self, inputs):
  12. #------------------------- 维度信息 --------------------------------
  13. # inputs [batch_size, len_q, embedding_dim]
  14. #----------------------------------------------------------------
  15. residual = inputs # 保留残差连接
  16. # 在卷积层 1 后使用 ReLU 激活函数
  17. output = nn.ReLU()(self.conv1(inputs.transpose(1, 2)))
  18. #------------------------- 维度信息 --------------------------------
  19. # output [batch_size, d_ff, len_q]
  20. #----------------------------------------------------------------
  21. # 使用卷积层 2 进行降维
  22. output = self.conv2(output).transpose(1, 2)
  23. #------------------------- 维度信息 --------------------------------
  24. # output [batch_size, len_q, embedding_dim]
  25. #----------------------------------------------------------------
  26. # 与输入进行残差链接,并进行层归一化
  27. output = self.layer_norm(output + residual)
  28. #------------------------- 维度信息 --------------------------------
  29. # output [batch_size, len_q, embedding_dim]
  30. #----------------------------------------------------------------
  31. return output # 返回加入残差连接后层归一化的结果

2.4生成正弦位置编码表的函数,用于在 Transformer 中引入位置信息 

  1. # 生成正弦位置编码表的函数,用于在 Transformer 中引入位置信息
  2. def get_sin_enc_table(n_position, embedding_dim):
  3. #------------------------- 维度信息 --------------------------------
  4. # n_position: 输入序列的最大长度
  5. # embedding_dim: 词嵌入向量的维度
  6. #-----------------------------------------------------------------
  7. # 根据位置和维度信息,初始化正弦位置编码表
  8. sinusoid_table = np.zeros((n_position, embedding_dim))
  9. # 遍历所有位置和维度,计算角度值
  10. for pos_i in range(n_position):
  11. for hid_j in range(embedding_dim):
  12. angle = pos_i / np.power(10000, 2 * (hid_j // 2) / embedding_dim)
  13. sinusoid_table[pos_i, hid_j] = angle
  14. # 计算正弦和余弦值
  15. sinusoid_table[:, 0::2] = np.sin(sinusoid_table[:, 0::2]) # dim 2i 偶数维
  16. sinusoid_table[:, 1::2] = np.cos(sinusoid_table[:, 1::2]) # dim 2i+1 奇数维
  17. #------------------------- 维度信息 --------------------------------
  18. # sinusoid_table 的维度是 [n_position, embedding_dim]
  19. #----------------------------------------------------------------
  20. return torch.FloatTensor(sinusoid_table) # 返回正弦位置编码表

2.5定义填充注意力掩码函数 

  1. # 定义填充注意力掩码函数
  2. def get_attn_pad_mask(seq_q, seq_k):
  3. #------------------------- 维度信息 --------------------------------
  4. # seq_q 的维度是 [batch_size, len_q]
  5. # seq_k 的维度是 [batch_size, len_k]
  6. #-----------------------------------------------------------------
  7. batch_size, len_q = seq_q.size()
  8. batch_size, len_k = seq_k.size()
  9. # 生成布尔类型张量
  10. pad_attn_mask = seq_k.data.eq(0).unsqueeze(1) # <PAD>token 的编码值为 0
  11. #------------------------- 维度信息 --------------------------------
  12. # pad_attn_mask 的维度是 [batch_size,1,len_k]
  13. #-----------------------------------------------------------------
  14. # 变形为与注意力分数相同形状的张量
  15. pad_attn_mask = pad_attn_mask.expand(batch_size, len_q, len_k)
  16. #------------------------- 维度信息 --------------------------------
  17. # pad_attn_mask 的维度是 [batch_size,len_q,len_k]
  18. #-----------------------------------------------------------------
  19. return pad_attn_mask # 返回填充位置的注意力掩码

2.6定义编码器层类 

  1. # 定义编码器层类
  2. class EncoderLayer(nn.Module):
  3. def __init__(self):
  4. super(EncoderLayer, self).__init__()
  5. self.enc_self_attn = MultiHeadAttention() # 多头自注意力层
  6. self.pos_ffn = PoswiseFeedForwardNet() # 位置前馈神经网络层
  7. def forward(self, enc_inputs, enc_self_attn_mask):
  8. #------------------------- 维度信息 --------------------------------
  9. # enc_inputs 的维度是 [batch_size, seq_len, embedding_dim]
  10. # enc_self_attn_mask 的维度是 [batch_size, seq_len, seq_len]
  11. #-----------------------------------------------------------------
  12. # 将相同的 Q,K,V 输入多头自注意力层 , 返回的 attn_weights 增加了头数
  13. enc_outputs, attn_weights = self.enc_self_attn(enc_inputs, enc_inputs,
  14. enc_inputs, enc_self_attn_mask)
  15. #------------------------- 维度信息 --------------------------------
  16. # enc_outputs 的维度是 [batch_size, seq_len, embedding_dim]
  17. # attn_weights 的维度是 [batch_size, n_heads, seq_len, seq_len]
  18. # 将多头自注意力 outputs 输入位置前馈神经网络层
  19. enc_outputs = self.pos_ffn(enc_outputs) # 维度与 enc_inputs 相同
  20. #------------------------- 维度信息 --------------------------------
  21. # enc_outputs 的维度是 [batch_size, seq_len, embedding_dim]
  22. #-----------------------------------------------------------------
  23. return enc_outputs, attn_weights # 返回编码器输出和每层编码器注意力权重

2.7定义编码器类

  1. # 定义编码器类
  2. n_layers = 6 # 设置 Encoder 的层数
  3. class Encoder(nn.Module):
  4. def __init__(self, corpus):
  5. super(Encoder, self).__init__()
  6. self.src_emb = nn.Embedding(len(corpus.src_vocab), d_embedding) # 词嵌入层
  7. self.pos_emb = nn.Embedding.from_pretrained( \
  8. get_sin_enc_table(corpus.src_len+1, d_embedding), freeze=True) # 位置嵌入层
  9. self.layers = nn.ModuleList(EncoderLayer() for _ in range(n_layers))# 编码器层数
  10. def forward(self, enc_inputs):
  11. #------------------------- 维度信息 --------------------------------
  12. # enc_inputs 的维度是 [batch_size, source_len]
  13. #-----------------------------------------------------------------
  14. # 创建一个从 1 到 source_len 的位置索引序列
  15. pos_indices = torch.arange(1, enc_inputs.size(1) + 1).unsqueeze(0).to(enc_inputs)
  16. #------------------------- 维度信息 --------------------------------
  17. # pos_indices 的维度是 [1, source_len]
  18. #-----------------------------------------------------------------
  19. # 对输入进行词嵌入和位置嵌入相加 [batch_size, source_len,embedding_dim]
  20. enc_outputs = self.src_emb(enc_inputs) + self.pos_emb(pos_indices)
  21. #------------------------- 维度信息 --------------------------------
  22. # enc_outputs 的维度是 [batch_size, seq_len, embedding_dim]
  23. #-----------------------------------------------------------------
  24. # 生成自注意力掩码
  25. enc_self_attn_mask = get_attn_pad_mask(enc_inputs, enc_inputs)
  26. #------------------------- 维度信息 --------------------------------
  27. # enc_self_attn_mask 的维度是 [batch_size, len_q, len_k]
  28. #-----------------------------------------------------------------
  29. enc_self_attn_weights = [] # 初始化 enc_self_attn_weights
  30. # 通过编码器层 [batch_size, seq_len, embedding_dim]
  31. for layer in self.layers:
  32. enc_outputs, enc_self_attn_weight = layer(enc_outputs, enc_self_attn_mask)
  33. enc_self_attn_weights.append(enc_self_attn_weight)
  34. #------------------------- 维度信息 --------------------------------
  35. # enc_outputs 的维度是 [batch_size, seq_len, embedding_dim] 维度与 enc_inputs 相同
  36. # enc_self_attn_weights 是一个列表,每个元素的维度是 [batch_size, n_heads, seq_len, seq_len]
  37. #-----------------------------------------------------------------
  38. return enc_outputs, enc_self_attn_weights # 返回编码器输出和编码器注意力权重

2.8生成后续注意力掩码的函数,用于在多头自注意力计算中忽略未来信息

  1. # 生成后续注意力掩码的函数,用于在多头自注意力计算中忽略未来信息
  2. def get_attn_subsequent_mask(seq):
  3. #------------------------- 维度信息 --------------------------------
  4. # seq 的维度是 [batch_size, seq_len(Q)=seq_len(K)]
  5. #-----------------------------------------------------------------
  6. # 获取输入序列的形状
  7. attn_shape = [seq.size(0), seq.size(1), seq.size(1)]
  8. #------------------------- 维度信息 --------------------------------
  9. # attn_shape 是一个一维张量 [batch_size, seq_len(Q), seq_len(K)]
  10. #-----------------------------------------------------------------
  11. # 使用 numpy 创建一个上三角矩阵(triu = triangle upper)
  12. subsequent_mask = np.triu(np.ones(attn_shape), k=1)
  13. #------------------------- 维度信息 --------------------------------
  14. # subsequent_mask 的维度是 [batch_size, seq_len(Q), seq_len(K)]
  15. #-----------------------------------------------------------------
  16. # 将 numpy 数组转换为 PyTorch 张量,并将数据类型设置为 byte(布尔值)
  17. subsequent_mask = torch.from_numpy(subsequent_mask).byte()
  18. #------------------------- 维度信息 --------------------------------
  19. # 返回的 subsequent_mask 的维度是 [batch_size, seq_len(Q), seq_len(K)]
  20. #-----------------------------------------------------------------
  21. return subsequent_mask # 返回后续位置的注意力掩码

2.9定义解码器层类

  1. # 定义解码器层类
  2. class DecoderLayer(nn.Module):
  3. def __init__(self):
  4. super(DecoderLayer, self).__init__()
  5. self.self_attn = MultiHeadAttention() # 多头自注意力层
  6. self.feed_forward = PoswiseFeedForwardNet() # 逐位置前馈网络层
  7. self.norm1 = nn.LayerNorm(d_embedding) # 第一个层归一化
  8. self.norm2 = nn.LayerNorm(d_embedding) # 第二个层归一化
  9. def forward(self, dec_inputs, attn_mask=None):
  10. # 使用多头自注意力处理输入
  11. attn_output, _ = self.self_attn(dec_inputs, dec_inputs, dec_inputs, attn_mask)
  12. # 将注意力输出与输入相加并进行第一个层归一化
  13. norm1_outputs = self.norm1(dec_inputs + attn_output)
  14. # 将归一化后的输出输入到位置前馈神经网络
  15. ff_outputs = self.feed_forward(norm1_outputs)
  16. # 将前馈神经网络输出与第一次归一化后的输出相加并进行第二个层归一化
  17. dec_outputs = self.norm2(norm1_outputs + ff_outputs)
  18. return dec_outputs # 返回解码器层输出

2.10定义解码器类

  1. # 定义解码器类
  2. n_layers = 6 # 设置 Decoder 的层数
  3. class Decoder(nn.Module):
  4. def __init__(self, vocab_size, max_seq_len):
  5. super(Decoder, self).__init__()
  6. # 词嵌入层(参数为词典维度)
  7. self.src_emb = nn.Embedding(vocab_size, d_embedding)
  8. # 位置编码层(参数为序列长度)
  9. self.pos_emb = nn.Embedding(max_seq_len, d_embedding)
  10. # 初始化 N 个解码器层
  11. self.layers = nn.ModuleList([DecoderLayer() for _ in range(n_layers)])
  12. def forward(self, dec_inputs):
  13. # 创建位置信息
  14. positions = torch.arange(len(dec_inputs), device=dec_inputs.device).unsqueeze(-1)
  15. # 将词嵌入与位置编码相加
  16. inputs_embedding = self.src_emb(dec_inputs) + self.pos_emb(positions)
  17. # 生成自注意力掩码
  18. attn_mask = get_attn_subsequent_mask(inputs_embedding).to(device)
  19. # 初始化解码器输入,这是第一层解码器层的输入
  20. dec_outputs = inputs_embedding
  21. for layer in self.layers:
  22. # 将输入数据传递给解码器层,并返回解码器层的输出,作为下一层的输入
  23. dec_outputs = layer(dec_outputs, attn_mask)
  24. return dec_outputs # 返回解码器输出

2.11定义 GPT 模型 

  1. # 定义 GPT 模型
  2. class GPT(nn.Module):
  3. def __init__(self, vocab_size, max_seq_len):
  4. super(GPT, self).__init__()
  5. self.decoder = Decoder(vocab_size, max_seq_len) # 解码器,用于学习文本生成能力
  6. self.projection = nn.Linear(d_embedding, vocab_size) # 全连接层,输出预测结果
  7. def forward(self, dec_inputs):
  8. dec_outputs = self.decoder(dec_inputs) # 将输入数据传递给解码器
  9. logits = self.projection(dec_outputs) # 传递给全连接层以生成预测
  10. return logits # 返回预测结果

2.12构建语料库 

  1. # 构建语料库
  2. from collections import Counter
  3. class LanguageCorpus:
  4. def __init__(self, sentences):
  5. self.sentences = sentences
  6. # 计算语言的最大句子长度,并加 2 以容纳特殊符号 <sos> 和 <eos>
  7. self.seq_len = max([len(sentence.split()) for sentence in sentences]) + 2
  8. self.vocab = self.create_vocabulary() # 创建源语言和目标语言的词汇表
  9. self.idx2word = {v: k for k, v in self.vocab.items()} # 创建索引到单词的映射
  10. def create_vocabulary(self):
  11. vocab = {'<pad>': 0, '<sos>': 1, '<eos>': 2}
  12. counter = Counter()
  13. # 统计语料库的单词频率
  14. for sentence in self.sentences:
  15. words = sentence.split()
  16. counter.update(words)
  17. # 创建词汇表,并为每个单词分配一个唯一的索引
  18. for word in counter:
  19. if word not in vocab:
  20. vocab[word] = len(vocab)
  21. return vocab
  22. def make_batch(self, batch_size, test_batch=False):
  23. input_batch, output_batch = [], [] # 初始化批数据
  24. sentence_indices = torch.randperm(len(self.sentences))[:batch_size] # 随机选择句子索引
  25. for index in sentence_indices:
  26. sentence = self.sentences[index]
  27. # 将句子转换为索引序列
  28. seq = [self.vocab['<sos>']] + [self.vocab[word] for word in sentence.split()] + [self.vocab['<eos>']]
  29. seq += [self.vocab['<pad>']] * (self.seq_len - len(seq)) # 对序列进行填充
  30. # 将处理好的序列添加到批次中
  31. input_batch.append(seq[:-1])
  32. output_batch.append(seq[1:])
  33. return torch.LongTensor(input_batch), torch.LongTensor(output_batch)

2.13预料处理

  1. with open("lang.txt", "r") as file: # 从文件中读入语料
  2. sentences = [line.strip() for line in file.readlines()]
  3. corpus = LanguageCorpus(sentences) # 创建语料库
  4. vocab_size = len(corpus.vocab) # 词汇表大小
  5. max_seq_len = corpus.seq_len # 最大句子长度(用于设置位置编码)
  6. print(f" 语料库词汇表大小 : {vocab_size}") # 打印词汇表大小
  7. print(f" 最长句子长度 : {max_seq_len}") # 打印最大序列长

2.14训练模型

  1. import torch.optim as optim # 导入优化器
  2. device = "cuda" if torch.cuda.is_available() else "cpu" # 设置设备
  3. model = GPT(vocab_size, max_seq_len).to(device) # 创建 GPT 模型实例
  4. criterion = nn.CrossEntropyLoss() # 损失函数
  5. optimizer = optim.Adam(model.parameters(), lr=0.0001) # 优化器
  6. epochs = 500 # 训练轮次
  7. for epoch in range(epochs): # 训练 epochs 轮
  8. optimizer.zero_grad() # 梯度清零
  9. inputs, targets = corpus.make_batch(batch_size) # 创建训练数据
  10. inputs, targets = inputs.to(device), targets.to(device)
  11. outputs = model(inputs) # 获取模型输出
  12. loss = criterion(outputs.view(-1, vocab_size), targets.view(-1)) # 计算损失
  13. if (epoch + 1) % 100 == 0: # 打印损失
  14. print(f"Epoch: {epoch + 1:04d} cost = {loss:.6f}")
  15. loss.backward() # 反向传播
  16. optimizer.step() # 更新参数

2.15测试文本生成 

  1. # 测试文本生成
  2. def generate_text(model, input_str, max_len=50):
  3. model.eval() # 将模型设置为评估(测试)模式,关闭 dropout 和 batch normalization 等训练相关的层
  4. # 将输入字符串中的每个 token 转换为其在词汇表中的索引
  5. input_tokens = [corpus.vocab[token] for token in input_str]
  6. # 创建一个新列表,将输入的 tokens 复制到输出 tokens 中 , 目前只有输入的词
  7. output_tokens = input_tokens.copy()
  8. with torch.no_grad(): # 禁用梯度计算,以节省内存并加速测试过程
  9. for _ in range(max_len): # 生成最多 max_len 个 tokens
  10. # 将输出的 token 转换为 PyTorch 张量,并增加一个代表批次的维度 [1, len(output_tokens)]
  11. inputs = torch.LongTensor(output_tokens).unsqueeze(0).to(device)
  12. outputs = model(inputs) # 输出 logits 形状为 [1, len(output_tokens), vocab_size]
  13. # 在最后一个维度上获取 logits 中的最大值,并返回其索引(即下一个 token)
  14. _, next_token = torch.max(outputs[:, -1, :], dim=-1)
  15. next_token = next_token.item() # 将张量转换为 Python 整数
  16. if next_token == corpus.vocab["<eos>"]:
  17. break # 如果生成的 token 是 EOS(结束符),则停止生成过程
  18. output_tokens.append(next_token) # 将生成的 tokens 添加到 output_tokens 列表
  19. # 将输出 tokens 转换回文本字符串
  20. output_str = " ".join([corpus.idx2word[token] for token in output_tokens])
  21. return output_str
  22. input_str = ["Python"] # 输入一个词:Python
  23. generated_text = generate_text(model, input_str) # 模型跟着这个词生成后续文本
  24. print(" 生成的文本 :", generated_text) # 打印预测文本

3.总结 

注意:GPT只有解码器部分,但是我全都定义了,大家顺便复习一下,然后仔细看一下解码器的结构。

         GPT模型的训练分为两个阶段:预训练和微调。在预训练阶段,GPT模型利用大规模文本数据进行自监督学习,通过掩盖输入文本的一部分内容,让模型预测被掩盖的部分。这个预测任务被称为“掩码语言模型”(Masked Language Modeling)。

        在微调阶段,GPT模型通过在特定任务上进行有监督的微调来利用其在预训练阶段学到的语言知识。通过在少量标注数据上进行微调,GPT模型可以适应特定的任务,如文本生成、文本分类、机器翻译等。

        然而,GPT模型也存在一些挑战和限制。例如,由于是基于自动回归的方式生成文本,它可能面临生成不准确、重复、和不连贯的问题。此外,GPT模型对训练数据的质量和多样性敏感,可能会受到输入偏见和不准确信息的影响。

注意“lang.txt”内容如下:

Python is a popular programming language.
I love to code in Python.
Data science is a hot topic in the tech industry.
Machine learning and deep learning are important parts of data science.
I am learning how to build neural networks.
Neural networks are modeled after the structure of the human brain.
Artificial intelligence has many applications in various industries.
Natural language processing is a branch of AI that deals with language understanding.
The rise of big data has led to an increased demand for data scientists.
I enjoy analyzing and visualizing data using Python libraries like Pandas and Matplotlib.
Data cleaning is an important part of data analysis.
I am fascinated by the power of deep learning algorithms.
Self-driving cars are an example of the practical applications of AI.
The tech industry is constantly evolving and changing.
I believe that AI will have a major impact on the future of work.
I am excited to see how AI will continue to develop and change the world.
The ethical implications of AI are a topic of much debate and discussion.
As with any powerful technology, there is a responsibility to use AI ethically and responsibly.
I think that the benefits of AI outweigh the risks, if used wisely.
Programming is a valuable skill in the digital age.

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

闽ICP备14008679号