写点什么

语言模型:GPT 与 HuggingFace 的应用

  • 2023-12-08
    广东
  • 本文字数:6153 字

    阅读完需:约 20 分钟

语言模型:GPT与HuggingFace的应用

本文分享自华为云社区《大语言模型底层原理你都知道吗?大语言模型底层架构之二GPT实现》,作者:码上开花_Lancer 。


受到计算机视觉领域采用 ImageNet 对模型进行一次预训练,使得模型可以通过海量图像充分学习如何提取特征,然后再根据任务目标进行模型微调的范式影响,自然语言处理领域基于预训练语言模型的方法也逐渐成为主流。以 ELMo 为代表的动态词向量模型开启了语言模型预训练的大门,此后以 GPT 和 BERT 为代表的基于 Transformer 的大规模预训练语言模型的出现,使得自然语言处理全面进入了预训练微调范式新时代。


利用丰富的训练语料、自监督的预训练任务以及 Transformer 等深度神经网络结构,预训练语言模型具备了通用且强大的自然语言表示能力,能够有效地学习到词汇、语法和语义信息。将预训练模型应用于下游任务时,不需要了解太多的任务细节,不需要设计特定的神经网络结构,只需要“微调”预训练模型,即使用具体任务的标注数据在预训练语言模型上进行监督训练,就可以取得显著的性能提升。


OpenAI 公司在 2018 年提出的生成式预训练语言模型(Generative Pre-Training,GPT)是典型的生成式预训练语言模型之一。GPT 模型结构如图 2.3 所示,由多层 Transformer 组成的单向语言模型,主要分为输入层,编码层和输出层三部分。接下来我将重点介绍 GPT 无监督预训练、有监督下游任务微调以及基于 HuggingFace 的预训练语言模型实践。

一、 无监督预训练


GPT 采用生成式预训练方法,单向意味着模型只能从左到右或从右到左对文本序列建模,所采用的 Transformer 结构和解码策略保证了输入文本每个位置只能依赖过去时刻的信息。给定文本序列 w = w1w2...wn,GPT 首先在输入层中将其映射为稠密的向量:


其中

是词 wi 的词向量

是词 wi 的位置向量,vi 为第 i 个位置的单词经过模型输入层(第 0 层)后的输出。GPT 模型的输入层与前文中介绍的神经网络语言模型的不同之处在于其需要添加


图 1.1 GPT 预训练语言模型结构


位置向量,这是 Transformer 结构自身无法感知位置导致的,因此需要来自输入层的额外位置信息。经过输入层编码,模型得到表示向量序列 v = v1...vn,随后将 v 送入模型编码层。编码层由 L 个 Transformer 模块组成,在自注意力机制的作用下,每一层的每个表示向量都会包含之前位置表示向量的信息,使每个表示向量都具备丰富的上下文信息,并且经过多层编码后,GPT 能得到每个单词层次化的组合式表示,其计算过程表示如下:


其中

表示第 L 层的表示向量序列,n 为序列长度,d 为模型隐藏层维度,L 为模型总层数。GPT 模型的输出层基于最后一层的表示 h(L),预测每个位置上的条件概率,其计算过程可以表示为:



其中,

 为词向量矩阵,|V| 为词表大小。单向语言模型是按照阅读顺序输入文本序列 w,用常规语言模型目标优化 w 的最大似然估计,使之能根据输入历史序列对当前词能做出准确的预测:



其中θ 代表模型参数。也可以基于马尔可夫假设,只使用部分过去词进行训练。预训练时通常使用随机梯度下降法进行反向传播优化该负似然函数。

二、 有监督下游任务微调


通过无监督语言模型预训练,使得 GPT 模型具备了一定的通用语义表示能力。下游任务微调(Downstream Task Fine-tuning)的目的是在通用语义表示基础上,根据下游任务的特性进行适配。下游任务通常需要利用有标注数据集进行训练,数据集合使用 D 进行表示,每个样例由输入长度为 n 的文本序列 x = x1x2...xn 和对应的标签 y 构成。首先将文本序列 x 输入 GPT 模型,获得最后一层的最后一个词所对应的隐藏层输出 h(L)n ,在此基础上通过全连接层变换结合 Softmax 函数,得到标签预测结果。



其中

为全连接层参数,k 为标签个数。通过对整个标注数据集 D 优化如下目标函数精调下游任务:



下游任务在微调过程中,针对任务目标进行优化,很容易使得模型遗忘预训练阶段所学习到的通用语义知识表示,从而损失模型的通用性和泛化能力,造成灾难性遗忘(Catastrophic Forgetting)问题。因此,通常会采用混合预训练任务损失和下游微调损失的方法来缓解上述问题。在实际应用中,通常采用如下公式进行下游任务微调:



其中λ 取值为[0,1],用于调节预训练任务损失占比。

三、基于 HuggingFace 的预训练语言模型实践


HuggingFace 是一个开源自然语言处理软件库。其的目标是通过提供一套全面的工具、库和模型,使得自然语言处理技术对开发人员和研究人员更加易于使用。HuggingFace 最著名的贡献之一是 Transformer 库,基于此研究人员可以快速部署训练好的模型以及实现新的网络结构。除此之外,HuggingFace 还提供了 Dataset 库,可以非常方便地下载自然语言处理研究中最常使用的基准数据集。本节中,将以构建 BERT 模型为例,介绍基于 Huggingface 的 BERT 模型构建和使用方法。

3.1. 数据集合准备


常见的用于预训练语言模型的大规模数据集都可以在 Dataset 库中直接下载并加载。例如,如果使用维基百科的英文语料集合,可以直接通过如下代码完成数据获取:


from datasets import concatenate_datasets, load_datasetbookcorpus = load_dataset("bookcorpus", split="train")wiki = load_dataset("wikipedia", "20230601.en", split="train")# 仅保留'text' 列wiki = wiki.remove_columns([col for col in wiki.column_names if col != "text"])dataset = concatenate_datasets([bookcorpus, wiki])# 将数据集合切分为90% 用于训练,10% 用于测试d = dataset.train_test_split(test_size=0.1)
复制代码

接下来将训练和测试数据分别保存在本地文件中


def dataset_to_text(dataset, output_filename="data.txt"):    """Utility function to save dataset text to disk,    useful for using the texts to train the tokenizer    (as the tokenizer accepts files)"""    with open(output_filename, "w") as f:        for t in dataset["text"]:            print(t, file=f)# save the training set to train.txtdataset_to_text(d["train"], "train.txt")# save the testing set to test.txtdataset_to_text(d["test"], "test.txt")
复制代码

3.2. 训练词元分析器(Tokenizer)


如前所述,BERT 采用了 WordPiece 分词,根据训练语料中的词频决定是否将一个完整的词切分为多个词元。因此,需要首先训练词元分析器(Tokenizer)。可以使用 transformers 库中的 BertWordPieceTokenizer 类来完成任务,代码如下所示:


special_tokens = ["[PAD]", "[UNK]", "[CLS]", "[SEP]", "[MASK]", "<S>", "<T>"]#if you want to train the tokenizer on both sets# files = ["train.txt", "test.txt"]# training the tokenizer on the training setfiles = ["train.txt"]# 30,522 vocab is BERT's default vocab size, feel free to tweakvocab_size = 30_522# maximum sequence length, lowering will result to faster training (when increasing batch size)max_length = 512# whether to truncatetruncate_longer_samples = False# initialize the WordPiece tokenizertokenizer = BertWordPieceTokenizer()# train the tokenizertokenizer.train(files=files, vocab_size=vocab_size, special_tokens=special_tokens)# enable truncation up to the maximum 512 tokenstokenizer.enable_truncation(max_length=max_length)model_path = "pretrained-bert"# make the directory if not already thereif not os.path.isdir(model_path):    os.mkdir(model_path)# save the tokenizertokenizer.save_model(model_path)# dumping some of the tokenizer config to config file,# including special tokens, whether to lower case and the maximum sequence lengthwith open(os.path.join(model_path, "config.json"), "w") as f:    tokenizer_cfg = {        "do_lower_case": True,        "unk_token": "[UNK]",        "sep_token": "[SEP]",        "pad_token": "[PAD]",        "cls_token": "[CLS]",        "mask_token": "[MASK]",        "model_max_length": max_length,        "max_len": max_length,    }    json.dump(tokenizer_cfg, f)# when the tokenizer is trained and configured, load it as BertTokenizerFasttokenizer = BertTokenizerFast.from_pretrained(model_path)
复制代码

3.3. 预处理语料集合


在启动整个模型训练之前,还需要将预训练语料根据训练好的 Tokenizer 进行处理。如果文档长度超过 512 个词元(Token),那么就直接进行截断。数据处理代码如下所示:


def encode_with_truncation(examples):    """Mapping function to tokenize the sentences passed with truncation"""    return tokenizer(examples["text"], truncation=True, padding="max_length",        max_length=max_length, return_special_tokens_mask=True)def encode_without_truncation(examples):    """Mapping function to tokenize the sentences passed without truncation"""    return tokenizer(examples["text"], return_special_tokens_mask=True)# the encode function will depend on the truncate_longer_samples variableencode = encode_with_truncation if truncate_longer_samples else encode_without_truncation# tokenizing the train datasettrain_dataset = d["train"].map(encode, batched=True)# tokenizing the testing datasettest_dataset = d["test"].map(encode, batched=True)if truncate_longer_samples:    # remove other columns and set input_ids and attention_mask as PyTorch tensors
train_dataset.set_format(type="torch", columns=["input_ids", "attention_mask"]) test_dataset.set_format(type="torch", columns=["input_ids", "attention_mask"])else: # remove other columns, and remain them as Python lists test_dataset.set_format(columns=["input_ids", "attention_mask", "special_tokens_mask"]) train_dataset.set_format(columns=["input_ids", "attention_mask", "special_tokens_mask"])
复制代码


truncate_longer_samples 布尔变量来控制用于对数据集进行词元处理的 encode() 回调函数。如果设置为 True,则会截断超过最大序列长度(max_length)的句子。否则,不会截断。如果设为 truncate_longer_samples 为 False,需要将没有截断的样本连接起来,并组合成固定长度的向量。

3.4. 模型训练


在构建了处理好的预训练语料之后,就可以开始模型训练。代码如下所示:


# initialize the model with the configmodel_config = BertConfig(vocab_size=vocab_size, max_position_embeddings=max_length)model = BertForMaskedLM(config=model_config)# initialize the data collator, randomly masking 20% (default is 15%) of the tokens# for the Masked Language Modeling (MLM) taskdata_collator = DataCollatorForLanguageModeling(    tokenizer=tokenizer, mlm=True, mlm_probability=0.2)training_args = TrainingArguments(    output_dir=model_path, # output directory to where save model checkpoint    evaluation_strategy="steps", # evaluate each `logging_steps` steps    overwrite_output_dir=True,    num_train_epochs=10, # number of training epochs, feel free to tweak    per_device_train_batch_size=10, # the training batch size, put it as high as your GPU memory fits    gradient_accumulation_steps=8, # accumulating the gradients before updating the weights    per_device_eval_batch_size=64, # evaluation batch size    logging_steps=1000, # evaluate, log and save model checkpoints every 1000 step    save_steps=1000,    # load_best_model_at_end=True, # whether to load the best model (in terms of loss)    # at the end of training    # save_total_limit=3, # whether you don't have much space so you    # let only 3 model weights saved in the disk)trainer = Trainer(    model=model,    args=training_args,    data_collator=data_collator,    train_dataset=train_dataset,    eval_dataset=test_dataset,)# train the modeltrainer.train()
复制代码


开始训练后,可以如下输出结果:


[10135/79670 18:53:08 < 129:35:53, 0.15 it/s, Epoch 1.27/10]Step Training Loss Validation Loss1000 6.904000 6.5582312000 6.498800 6.4011683000 6.362600 6.2778314000 6.251000 6.1728565000 6.155800 6.0711296000 6.052800 5.9425847000 5.834900 5.5461238000 5.537200 5.2485039000 5.272700 4.93494910000 4.915900 4.549236
复制代码

3.5. 模型使用


基于训练好的模型,可以针对不同应用需求进行使用。


# load the model checkpointmodel = BertForMaskedLM.from_pretrained(os.path.join(model_path, "checkpoint-10000"))# load the tokenizertokenizer = BertTokenizerFast.from_pretrained(model_path)fill_mask = pipeline("fill-mask", model=model, tokenizer=tokenizer)# perform predictionsexamples = ["Today's most trending hashtags on [MASK] is Donald Trump","The [MASK] was cloudy yesterday, but today it's rainy.",]for example in examples:    for prediction in fill_mask(example):        print(f"{prediction['sequence']}, confidence: {prediction['score']}")    print("="*50)
复制代码

可以得到如下输出:


today's most trending hashtags on twitter is donald trump, confidence: 0.1027069091796875today's most trending hashtags on monday is donald trump, confidence: 0.09271949529647827today's most trending hashtags on tuesday is donald trump, confidence: 0.08099588006734848today's most trending hashtags on facebook is donald trump, confidence: 0.04266013577580452today's most trending hashtags on wednesday is donald trump, confidence: 0.04120611026883125==================================================the weather was cloudy yesterday, but today it's rainy., confidence: 0.04445931687951088the day was cloudy yesterday, but today it's rainy., confidence: 0.037249673157930374the morning was cloudy yesterday, but today it's rainy., confidence: 0.023775646463036537the weekend was cloudy yesterday, but today it's rainy., confidence: 0.022554103285074234the storm was cloudy yesterday, but today it's rainy., confidence: 0.019406016916036606==================================================
复制代码


本篇文章详细重点介绍 GPT 无监督预训练、有监督下游任务微调以及基于 HuggingFace 的预训练语言模型实践,下一篇文章我将介绍大语言模型网络结构和注意力机制优化以及相关实践。

参考文章:


  • https://zhuanlan.zhihu.com/p/617643272

  • https://zhuanlan.zhihu.com/p/604592680


点击关注,第一时间了解华为云新鲜技术~

发布于: 刚刚阅读数: 4
用户头像

提供全面深入的云计算技术干货 2020-07-14 加入

生于云,长于云,让开发者成为决定性力量

评论

发布
暂无评论
语言模型:GPT与HuggingFace的应用_人工智能_华为云开发者联盟_InfoQ写作社区