当前位置:   article > 正文

基于CPM的中文文本生成学习过程_cpm生成文章调节

cpm生成文章调节

项目代码:GitHub - yangjianxin1/CPM: Easy-to-use CPM for Chinese text generation(基于CPM的中文文本生成)

论文地址: CPM: A large-scale generative Chinese Pre-trained language model - ScienceDirect

CPM(Chinese Pretrained Models)模型是北京智源人工智能研究院和清华大学发布的中文大规模预训练模型。

数据集

 这是作者从网上爬取的26W片中文作文中的一个例子,将它作为训练语料,从展示的图片中可以看到,每一篇作文的格式由”标题-日期-作者-文章内容“构成,这里只使用文章标题和内容进行训练。

对于每篇作文,将标题与内容通过[sep]连接,以[eod]作为结束符,即最终形式为:标题[sep]内容[eod]。

数据预处理

CpmTokenizer是一个基于中文预训练模型CPM(Chinese Pretrained Models)的分词器,用于中文文本的分词。使用convert_tokens_to_ids()方法将特殊标记<eod>转换为对应的标记ID,并且使用sep_token_id属性获取分词器的分隔符标记ID。

  1. tokenizer = CpmTokenizer(vocab_file="vocab/chinese_vocab.model")
  2. eod_id = tokenizer.convert_tokens_to_ids("<eod>") # 文档结束符
  3. sep_id = tokenizer.sep_token_id

接着通过tokenizer.encode()方法将标题和文章内容进行分词并转换为对应的标记ID,设置了add_special_tokens=False以避免添加特殊标记。接下来,我们将标题的标记ID、分隔符标记ID、文章内容的标记ID和文档结束符的标记ID按照指定的顺序组合成token_ids列表。

  1. title_ids = tokenizer.encode(title, add_special_tokens=False)
  2. article_ids = tokenizer.encode(article, add_special_tokens=False)
  3. token_ids = title_ids + [sep_id] + article_ids + [eod_id]

我们对每篇文章的进行截断处理,以每200个字符进行截断,然后将截断后的语料加入到训练列表train_list中。

  1. win_size = args.win_size # 200
  2. step = args.step # 200
  3. start_index = 0
  4. end_index = win_size
  5. data = token_ids[start_index:end_index]
  6. train_list.append(data)
  7. start_index += step
  8. end_index += step
  9. while end_index+50 < len(token_ids): # 剩下的数据长度,大于或等于50,才加入训练数据集
  10. data = token_ids[start_index:end_index]
  11. train_list.append(data)
  12. start_index += step
  13. end_index += step

最后将处理好的训练语料进行保存,便于训练时进行加载。

  1. # 序列化训练数据
  2. with open(args.save_path, "wb") as f:
  3. pickle.dump(train_list, f)

数据集构建

这是一个用于加载训练数据的函数。

  1. def load_dataset(logger, args):
  2. """
  3. 加载训练集
  4. """
  5. logger.info("loading training dataset")
  6. train_path = args.train_path
  7. with open(train_path, "rb") as f:
  8. train_list = pickle.load(f)
  9. # test
  10. # train_list = train_list[:24]
  11. logger.info('len of train data:{}'.format(len(train_list)))
  12. train_dataset = CPMDataset(train_list, args.max_len)
  13. return train_dataset

经过预处理和分词后的训练语料如下所示,因为是使用200的窗口进行截断的,所以每个训练预料的长度都为200。 

模型

模型整体采用GPT的结构,使用了100G的中文语料进行预训练,本质上是一个中文的GPT2模型。以往的中文预训练模型中,往往采用字符粒度的词表,也就是一个字符作为token。但是在中文中,词语往往由多个汉字构成,其中包含了丰富的语义信息,如果只使用汉字词表,将会损失这种语义的内在关联。所以在CPM模型中,作者同时使用字符和词语来构造模型词表。在代码中,作者使用SentencePiece来构造词表。

  1. if args.pretrained_model: # 加载预训练模型
  2. model = GPT2LMHeadModel.from_pretrained(args.pretrained_model)
  3. else: # 初始化模型
  4. model_config = GPT2Config.from_json_file(args.model_config)
  5. model = GPT2LMHeadModel(config=model_config)

GPT2模型的结构与Transformer的Decoder大体相同。输入由单词嵌入和位置嵌入两部分组成,模型主要是由掩膜多头注意力、层归一化、全连接层和残差连接等结构组成。在训练的时候,掩膜矩阵为下三角矩阵,使用第n个位置的输出向量,预测第n+1个位置的单词。第n个位置的输出向量包含了前n个单词的语义信息,本质上也就是根据前n个单词,预测第n+1个单词。

模型训练

将训练语料依次送入模型中进行训练,每次更新参数并且计算模型预测token的正确率

  1. for batch_idx, (input_ids, labels) in enumerate(train_dataloader):
  2. # 捕获cuda out of memory exception
  3. try:
  4. input_ids = input_ids.to(device)
  5. labels = labels.to(device)
  6. outputs = model.forward(input_ids, labels=labels)
  7. logits = outputs.logits
  8. loss = outputs.loss
  9. loss = loss.mean()
  10. # 统计该batch的预测token的正确数与总数
  11. batch_correct_num, batch_total_num = calculate_acc(logits, labels, ignore_index=ignore_index)
  12. # 统计该epoch的预测token的正确数与总数
  13. epoch_correct_num += batch_correct_num
  14. epoch_total_num += batch_total_num
  15. # 计算该batch的accuracy
  16. batch_acc = batch_correct_num / batch_total_num
  17. total_loss += loss.item()
  18. if args.gradient_accumulation_steps > 1:
  19. loss = loss / args.gradient_accumulation_steps
  20. loss.backward()
  21. # 梯度裁剪
  22. torch.nn.utils.clip_grad_norm_(model.parameters(), args.max_grad_norm)
  23. # 进行一定step的梯度累计之后,更新参数
  24. if (batch_idx + 1) % args.gradient_accumulation_steps == 0:
  25. # 更新参数
  26. optimizer.step()
  27. # 更新学习率
  28. scheduler.step()
  29. # 清空梯度信息
  30. optimizer.zero_grad()
  31. if (batch_idx + 1) % args.log_step == 0:
  32. logger.info(
  33. "batch {} of epoch {}, step {}, loss {}, batch_acc {}, lr {}".format(
  34. batch_idx + 1, epoch + 1, step, loss.item() * args.gradient_accumulation_steps, batch_acc, scheduler.get_lr()))
  35. step = epoch * len(train_dataloader) + batch_idx
  36. writer.add_scalar('train loss', loss.item()*args.gradient_accumulation_steps, step)
  37. writer.add_scalar('train acc', batch_acc, step)
  38. del input_ids, outputs
  39. except RuntimeError as exception:
  40. if "out of memory" in str(exception):
  41. logger.info("WARNING: ran out of memory")
  42. if hasattr(torch.cuda, 'empty_cache'):
  43. torch.cuda.empty_cache()
  44. else:
  45. logger.info(str(exception))
  46. raise exception

模型预测

在生成阶段,根据输入的标题和上文,在每一步中,模型输出下一个位置的单词概率分布,然后使用topk采样或者topp采样(核采样)生成下一个位置的单词。

首先是同样的将输入的标题和提示内容进行编码:

  1. title_ids = tokenizer.encode(title, add_special_tokens=False)
  2. context_ids = tokenizer.encode(context, add_special_tokens=False)
  3. input_ids = title_ids + [sep_id] + context_ids

接着将编码后的上文送入训练好的模型对下一个词进行预测,这里使用top-k和top-p(nucleus)采样策略对调整后的概率分布进行过滤,得到过滤后的概率filtered_logits。接着使用多项式分布进行抽样,根据过滤后的概率分布从候选集合中抽取一个下一个token的ID,使用torch.multinomial()函数实现。

  1. def generate_next_token(input_ids):
  2. """
  3. 对于给定的上文,生成下一个单词
  4. """
  5. outputs = model(input_ids=input_ids)
  6. logits = outputs.logits
  7. # next_token_logits表示最后一个token的hidden_state对应的prediction_scores,也就是模型要预测的下一个token的概率
  8. next_token_logits = logits[0, -1, :]
  9. next_token_logits = next_token_logits / args.temperature
  10. # 对于<unk>的概率设为无穷小,也就是说模型的预测结果不可能是[UNK]这个token
  11. next_token_logits[unk_id] = -float('Inf')
  12. filtered_logits = top_k_top_p_filtering(next_token_logits, top_k=args.topk, top_p=args.topp)
  13. # torch.multinomial表示从候选集合中选出无放回地进行抽取num_samples个元素,权重越高,抽到的几率越高,返回元素的下标
  14. next_token_id = torch.multinomial(F.softmax(filtered_logits, dim=-1), num_samples=1)
  15. return next_token_id

整个创作过程采用自回归的方式使用训练好的模型对上文不断对下一个词进行预测,再把预测到的词加入上文中形成新的语句再次对下一个词进行预测,这样不断循环直到生成结束符,生成代码如下:

  1. def generate(max_len):
  2. # 对title与context进行tokenize
  3. title_ids = tokenizer.encode(title, add_special_tokens=False)
  4. context_ids = tokenizer.encode(context, add_special_tokens=False)
  5. input_ids = title_ids + [sep_id] + context_ids
  6. cur_len = len(input_ids)
  7. last_token_id = input_ids[-1] # 已生成的内容的最后一个token
  8. input_ids = torch.tensor([input_ids], dtype=torch.long, device=device)
  9. while True:
  10. next_token_id = generate_next_token(input_ids[:, -args.context_len:])
  11. input_ids = torch.cat((input_ids, next_token_id.unsqueeze(0)), dim=1)
  12. cur_len += 1
  13. word = tokenizer.convert_ids_to_tokens(next_token_id.item())
  14. # if cur_len >= max_len:
  15. # break
  16. # 超过最大长度,并且换行
  17. if cur_len >= max_len and last_token_id == 8 and next_token_id == 3:
  18. break
  19. # 超过最大长度,并且生成标点符号
  20. if cur_len >= max_len and word in [".", "。", "!", "!", "?", "?", ",", ","]:
  21. break
  22. # 生成结束符
  23. if next_token_id == eod_id:
  24. break
  25. result = tokenizer.decode(input_ids.squeeze(0))
  26. return result

以下是生成的样例:

参考文献:

基于CPM的中文作文生成模型,引经据典、修辞手法,信手拈来 (qq.com)

mirrors / yangjianxin1 / cpm · GitCode

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

闽ICP备14008679号