Movatterモバイル変換


[0]ホーム

URL:


Skip to content

Navigation Menu

Search code, repositories, users, issues, pull requests...

Provide feedback

We read every piece of feedback, and take your input very seriously.

Saved searches

Use saved searches to filter your results more quickly

Sign up
/GLMPublic

GLM (General Language Model)

License

NotificationsYou must be signed in to change notification settings

THUDM/GLM

Folders and files

NameName
Last commit message
Last commit date

Latest commit

 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 

Repository files navigation

GLM is a General Language Model pretrained with an autoregressive blank-filling objective and can be finetuned onvarious natural language understanding and generation tasks.

Please refer to our paper for a detailed description of GLM:

GLM: General Language Model Pretraining with Autoregressive Blank Infilling (ACL 2022)

Zhengxiao Du*, Yujie Qian*, Xiao Liu, Ming Ding, Jiezhong Qiu, Zhilin Yang, Jie Tang (*: equal contribution)

News: We releaseChatGLM-6B, an open pre-trained language model with 6 billion parameters optimized for Chinese QA and dialogue based on the GLM framework.

Pretrained Models

You can download the pretrained models used in the paperfromOneDriveorTsinghua-Cloud.

NameParamsLanguageCorpusObjectiveFileConfig
GLM-Base110MEnglishWiki+BookTokenglm-base-blank.tar.bz2model_blocklm_base.sh
GLM-Large335MEnglishWiki+BookTokenglm-large-blank.tar.bz2model_blocklm_large.sh
GLM-Large-Chinese335MChineseWuDaoCorporaToken+Sent+Docglm-large-chinese.tar.bz2model_blocklm_large_chinese.sh
GLM-Doc335MEnglishWiki+BookToken+Docglm-large-generation.tar.bz2model_blocklm_large_generation.sh
GLM-410M410MEnglishWiki+BookToken+Docglm-1.25-generation.tar.bz2model_blocklm_1.25_generation.sh
GLM-515M515MEnglishWiki+BookToken+Docglm-1.5-generation.tar.bz2model_blocklm_1.5_generation.sh
GLM-RoBERTa335MEnglishRoBERTaTokenglm-roberta-large-blank.tar.bz2model_blocklm_roberta_large.sh
GLM-2B2BEnglishPileToken+Sent+Docglm-2b.tar.bz2model_blocklm_2B.sh
GLM-10B10BEnglishPileToken+Sent+DocDownloadmodel_blocklm_10B.sh
GLM-10B-Chinese10BChineseWuDaoCorporaToken+Sent+DocDownloadmodel_blocklm_10B_chinese.sh

Unzip the downloaded file into a local folder and setCHECKPOINT_PATH in the corresponding scripts to the folder path.

Results

dev set, single model, single-task finetuning

ModelCOPAWSCRTEWiCCBMultiRCBoolQReCoRD
GLM-10B98.095.293.175.798.7/98.288.1/63.388.794.4/94.0
DeBERTa-XXLarge-v297.0-93.5--87.8/63.688.394.1/93.7

Seq2Seq

CNN/Daily Mail (test set, no additional data used)

ModelROUGE-1ROUGE-2ROUGE-L
GLM-10B44.721.441.4
T5-11B43.521.640.7
PEGASUS-Large44.221.541.4
BART-Large44.221.340.9

XSum (test set, no additional data used)

ModelROUGE-1ROUGE-2ROUGE-L
GLM-10B48.925.740.4
PEGASUS-Large47.224.639.3
BART-Large45.122.337.3

Language Modeling

test set, zero-shot

ModelLAMBADA (accuracy)Wikitext103 (perplexity)
GLM-10B (bi)72.3511.33
GLM-10B (uni)67.1812.22
GPT-252.6617.48
Megatron-LM (8.3B)66.5110.81
Turing-NLG67.9810.21

Get Started

Hugging Face Hub

You can access GLM models via HuggingFace Hub. Pleaseinstalltransformers>=4.23.1 and find all the available modelshere.

Generation

fromtransformersimportAutoTokenizer,AutoModelForSeq2SeqLMtokenizer=AutoTokenizer.from_pretrained("THUDM/glm-10b",trust_remote_code=True)model=AutoModelForSeq2SeqLM.from_pretrained("THUDM/glm-10b",trust_remote_code=True)model=model.half().cuda()model.eval()# Inferenceinputs=tokenizer("Ng is an adjunct professor at [MASK] (formerly associate professor and Director of its Stanford AI Lab or SAIL ). Also a pioneer in online education, Ng co-founded Coursera and deeplearning.ai.",return_tensors="pt")inputs=tokenizer.build_inputs_for_generation(inputs,max_gen_length=512)inputs=inputs.to('cuda')outputs=model.generate(**inputs,max_length=512,eos_token_id=tokenizer.eop_token_id)print(tokenizer.decode(outputs[0].tolist()))# Traininginputs=tokenizer(    ["Tsinghua University is located in [MASK].","One minus one equals zero, is it correct? Answer: [MASK]"],return_tensors="pt",padding=True)inputs=tokenizer.build_inputs_for_generation(inputs,targets=["Beijing","No"],max_gen_length=8,padding=False)inputs=inputs.to('cuda')outputs=model(**inputs)loss=outputs.losslogits=outputs.logits

Classification

fromtransformersimportAutoTokenizer,AutoModelForMultipleChoicetokenizer=AutoTokenizer.from_pretrained("THUDM/glm-10b",trust_remote_code=True)model=AutoModelForMultipleChoice.from_pretrained("THUDM/glm-10b",trust_remote_code=True)model=model.half().cuda()model.eval()inputs=tokenizer(["Tsinghua University is located in [MASK].","One minus one equals zero, is it correct? Answer: [MASK]"],return_tensors="pt",padding=True)choices= [["Beijing","Shanghai"], ["Yes","No"]]inputs=tokenizer.build_inputs_for_multiple_choice(inputs,choices)inputs=inputs.to('cuda')outputs=model(**inputs)logits=outputs.logits

You can also convert the finetuned checkpoints withscripts/convert_glm_checkpoint_to_transformers.py.

Docker Image

We prepare two docker images based on CUDA 10.2 and CUDA 11.2. You can pull the pre-built images from Docker Hub and runwith docker v19.03+

docker run --gpus all --rm -it --ipc=host zxdu20/glm-cuda102

or replaceglm-cuda102 withglm-cuda112.

You can also modify the image according to your requirements indocker/cuda102.dockerfileand build the image yourself

  docker build -f cuda102.dockerfile. -t glm-cuda102

Manual Installation

Please first install PyTorch (we use 1.7.0) andapex, and then install otherdependencies bypip install -r requirements.txt

Clone this repo

git clone https://github.com/THUDM/GLMcd GLM

Model Parallelism

If your encounter theCUDA out of memory error, which means you GPU memory is limited, you can try the modelparallelism to divide the parameters into multiple GPUs. Take the two-way model parallelism as an example. Firstrunchange_mp.py to divide the checkpoint:

python change_mp.py path_to_the_checkpoint 2

Then update the checkpoint path in the model config file (suchasconfig_tasks/model_blocklm_10B.sh) and changeMP_SIZE in the script (suchasscripts/ds_finetune_superglue.sh) to2.

Usage

We provide scripts for finetuning GLM on some downstream tasks.

Left-to-Right Generation / Blank Filling (Interactive)

  • ChangeCHECKPOINT_PATH to your local path. Run the following script
bash scripts/generate_block.sh \     config_tasks/model_blocklm_10B_chinese.sh

Some models (GLM-2B, GLM-10B, and GLM-10B-Chinese) use three different mask tokens:[MASK] for short blankfilling,[sMASK] for sentence filling, and[gMASK] for left-to-right generation.

Examples

Usage of[MASK] (Entity Prediction):

Example1

Context: Ng is an adjunct professor at [MASK] (formerly associate professor and Director of its Stanford AI Lab or SAIL ). Also a pioneer in online education, Ng co-founded Coursera and deeplearning.ai.

GLM: the stanford university

Example2 (Chinese)

Context: 凯旋门位于意大利米兰市古城堡旁。1807年为纪念[MASK]而建,门高25米,顶上矗立两武士青铜古兵车铸像。

GLM:拿破仑军队攻克米兰城

Usage of[sMASK] (Sentence Prediction)

Example3

Context: There have been various types of pretraining architectures including autoencoding models (e.g., BERT),autoregressive models (e.g., GPT), and encoder-decoder models (e.g., T5). [sMASK] We propose a General Language Model (GLM) based on autoregressive blank infilling to address this challenge. GLM improves blank filling pretraining by adding2D positional encodings and allowing an arbitrary order to predict spans, which results in performance gains over BERTand T5 on NLU tasks. Meanwhile, GLM can be pretrained for different types of tasks by varying the number and lengths ofblanks. On a wide range of tasks across NLU, conditional and unconditional generation, GLM outperforms BERT, T5, and GPTgiven the same model sizes and data, and achieves the best performance from a single pretrained model with 1.25×parameters of BERT Large, demonstrating its generalizability to different downstream tasks.

GLM: However, there is a growing need to develop a single pretraining model that is not only good at natural languageunderstanding (NLU) or dialog generation/generation (dialog), but is also able to predict other tasks such as sentimentanalysis, conditional generation, or machine translation (MT).

Example4 (Chinese)

Context: 工业互联网(IndustrialInternet)是新一代信息通信技术与工业经济深度融合的新型基础设施、应用模式和工业生态,通过对人、机、物、系统等的全面连接,构建起覆盖全产业链、全价值链的全新制造和服务体系,为工业乃至产业数字化、网络化、智能化发展提供了实现途径,是第四次工业革命的重要基石。[sMASK]它以网络为基础、平台为中枢、数据为要素、安全为保障,既是工业数字化、网络化、智能化转型的基础设施,也是互联网、大数据、人工智能与实体经济深度融合的应用模式,同时也是一种新业态、新产业,将重塑企业形态、供应链和产业链。当前,工业互联网融合应用向国民经济重点行业广泛拓展,形成平台化设计、智能化制造、网络化协同、个性化定制、服务化延伸、数字化管理六大新模式,赋能、赋智、赋值作用不断显现,有力的促进了实体经济提质、增效、降本、绿色、安全发展。

GLM: 工业互联网是制造业技术、管理、模式的重大变革,是推动互联网、大数据、人工智能和实体经济深度融合的重要载体,是建设制造强国和网络强国的重要基础。

Usage of[gMASK] (Long Text Generation)

Example5 (Chinese)

Context: 问题:冬天,中国哪座城市最适合避寒?问题描述:能推荐一些国内适合冬天避寒的城市吗?回答用户:旅游爱好者 回答: [gMASK]

GLM:海南三亚,三亚的冬天是三亚的旺季,因为冬天国内大部分地方都有雾霾,而三亚却是没有雾霾的地方,所以三亚是冬天最惬意不过的地方了。在东北长大的我觉得三亚简直就是一个天堂,冬天去海口三亚旅游,享受冬天,享受阳光沙滩。但是海口却是很干燥,需要多喝水。三亚冬天最热门的玩法就是晒太阳,在海边晒晒太阳,在沙滩上晒晒太阳,感觉整个人都得到了解放。三亚还有一个特色项目,就是海上冲浪,在三亚的沙滩上冲浪也是一件非常刺激的事情。海口,海口冬季的阳光十分温暖,海南的冬季也是属于冬季旅游的旺季。冬季的海口最棒的是去海南的热带野生动植物园,那里有数之不尽的热带小动物,在这里可以近距离的和它们接触,海南的热带野生动植物园也是海南的天然氧吧。还可以在海口观澜湖公园里感受海口美丽的海景。贵阳,贵州的冬天也是十分温暖的,贵阳也是冬季避寒很好的城市之一。冬季去贵阳玩一定要去黔灵山,黔灵山是贵州香火很旺盛的一个寺庙,寺庙的冬季香火鼎盛,在冬季去寺庙游玩也是一个很好的体验。除了黔灵山,贵阳在冬季还有花溪公园可以去玩,花溪公园也是去当地公园玩最好的选择。青岛,青岛的冬天是青岛最舒服的时候,青岛有很多海滨浴场,冬天去海边泡一泡温泉,然后晒晒太阳是一件十分惬意的事情。青岛也有沙滩,冬天在沙滩上晒晒太阳,看看海,再玩玩沙滩游戏,感觉十分快乐的事。

You can also add multiple[MASK] and[sMASK] in a single example. The model will fill the blanks one by one from left to right. The answer to each blank always begins with a special<|startofpiece|>.

Examples
Example1

Context: There have been various types of pretraining architectures including autoencoding models (e.g., BERT), autoregressive models (e.g., GPT), and [MASK] (e.g., T5). [sMASK] We propose a General Language Model ( GLM) based on autoregressive blank infilling to address this challenge. GLM improves blank filling pretraining by adding 2D positional encodings and allowing an arbitrary order to predict spans, which results in performance gains over [MASK] on NLU tasks. Meanwhile, GLM can be pretrained for different types of tasks by varying the number and lengths of blanks. On a wide range of tasks across NLU, conditional and [MASK], GLM outperforms BERT, T5, and GPT given the same model sizes and data, and achieves the best performance from a single pretrained model with 1.25× parameters of BERT Large , demonstrating its generalizability to different downstream tasks.

GLM: <|startofpiece|> blank filling models<|startofpiece|> However, most of them cannot easily transfer to other downstream tasks due to the different characteristics of these tasks.<|startofpiece|> other pretrained models<|startofpiece|> unconditional reading, and semantic role labeling tasks

Example2 (Chinese)

Context: 工业互联网(Industrial Internet)是新一代[MASK]与[MASK]深度融合的新型基础设施、应用模式和工业生态,通过对人、机、物、系统等的全面连接,构建起覆盖全产业链、全价值链的全新制造和服务体系,为工业乃至产业数字化、网络化、智能化发展提供了实现途径,是第四次工业革命的重要基石。[sMASK] 它以网络为基础、平台为中枢、数据为要素、安全为保障,既是工业数字化、网络化、智能化转型的基础设施,也是互联网、大数据、人工智能与实体经济深度融合的应用模式,同时也是一种新业态、新产业,将重塑企业形态、供应链和产业链。当前,工业互联网融合应用向国民经济重点行业广泛拓展,形成[MASK]、智能化制造、[MASK]、个性化定制、服务化延伸、数字化管理六大新模式,赋能、赋智、赋值作用不断显现,有力的促进了实体经济提质、增效、降本、绿色、安全发展。

GLM:<|startofpiece|>信息技术(ICT)<|startofpiece|>工业经济(II2O)<|startofpiece|>我国工业互联网是面向工业全领域、全流程、全体系的互联网,具有多产业、多领域融合的特点。<|startofpiece|>网络化协同<|startofpiece|>平台企业

SuperGLUE

  • Download theSuperGlue data and check the experiment setup inscripts/ds_finetune_superglue.sh. NotethatDATA_ROOT, CHECKPOINT_PATH, SAVE_PATHneed to be changed to your local path. You may also change thebatch-size andnproc_per_node according to youravailable hardware.

  • Run the following script (use the COPA dataset as an example)

bash scripts/ds_finetune_superglue.sh \     config_tasks/model_blocklm_10B.sh \     config_tasks/task_copa.sh
  • We also implementP-Tuning in our code. Run the following script to integratep-tuning:
bash scripts/ds_finetune_superglue_prompt.sh \     config_tasks/model_blocklm_10B.sh \     config_tasks/task_copa.sh

Seq2Seq

  • Download theGigaword,CNN/Daily MailorXSum dataset and check the experiment setup inscripts/ds_finetune_seq2seq.sh. ChangeDATA_ROOT, CHECKPOINT_PATH, SAVE_PATH toyourlocal path.

  • Run the following script (use the CNN/Daily Mail dataset as an example)

    bash scripts/ds_finetune_seq2seq.sh \    config_tasks/model_blocklm_10B.sh \    config_tasks/seq_cnndm_org.sh
  • The summaries are written into./runs/experiment_name/test.jsonl.hyps. The references are writtenintotest.jsonl.refs in the same directory. For calculating rouge,installfile2rouge and download Stanford CoreNLPfromhere. Run the following script

    bash scripts/evaluate_seq2seq.sh \ ./runs/experiment_name/test.jsonl.hyps ./runs/experiment_name/test.jsonl.refs

Train with your own data

Process your seq2seq data into{split}.source and{split}.target, with each line being the context or the target ofa sample, andsplit beingtrain,val, andtest.

Run the following script

bash scripts/ds_finetune_seq2seq.sh\   config_tasks/model_blocklm_10B.sh\   config_tasks/seq_customization.sh

You can specify the hyperparameters inconfig_tasks/seq_customization.shandconfig_tasks/config_blocklm_10B_cnndm.json

Multiple Choice (Zero-shot)

bash scripts/evaluate_multichoice.sh config_tasks/model_blocklm_10B.sh

Note thatCHECKPOINT_PATH andDATA_PATH need to be changed to your local path.

The format of each line of the data file should be

{"inputs_pretokenized": "Context and question here", "choices_pretokenized": ["Choice 1", "Choice 2", "Choice 3"], "label": int}

Language Modeling

LAMBADA Cloze Accuracy

bash scripts/evaluate_lm.sh\     config_tasks/model_blocklm_large_generation.sh \     config_tasks/zero_lambada.sh

LM Perplexity

Text Infilling

  • Download theYahoo dataset and check the experiment setup inscripts/finetune_blank.sh. ChangeDATA_ROOT, CHECKPOINT_PATH, SAVE_PATH to yourlocal path.

  • Run the following script

bash scripts/finetune_blank.sh \      config_tasks/model_blocklm_large.sh \      config_tasks/seq_blank.sh

Pretrain

Run the following script to pre-train the GLM-Large model

bash scripts/ds_pretrain_nvidia.sh config/ds_block_large.sh

The scriptscripts/ds_pretrain_nvidia.sh launches the training program with DeepSpeed.You should changeNUM_WORKERS andNUM_GPUS_PER_WORKER to the number of workers and the number of gpus per worker.Also changeHOST_FILE_PATH to the path to an OpenMPI-style hostfile. More details about DeepSpeed launcher can befoundhere.

The fileconfig/ds_block_large.sh defines the hyperparameters for pretraining. Most of thearguments are fairly self-explanatory. Specifically,--train-data can be multiple keywords defined inNAMED_CORPORAindata_utils/corpora.py. The hyperparameters of the optimizer are defined in the correspondingjson file underconfig. The semantics of the json file can be foundhere.

Citation

Part of the code is based onMegatron-LMandPET.

Please cite our paper if you find this code useful for your research:

@article{DBLP:conf/acl/DuQLDQY022,  author    = {Zhengxiao Du and               Yujie Qian and               Xiao Liu and               Ming Ding and               Jiezhong Qiu and               Zhilin Yang and               Jie Tang},  title     = {{GLM:} General Language Model Pretraining with Autoregressive Blank Infilling},  booktitle = {Proceedings of the 60th Annual Meeting of the Association for Computational               Linguistics (Volume 1: Long Papers), {ACL} 2022, Dublin, Ireland,               May 22-27, 2022},  pages     = {320--335},  publisher = {Association for Computational Linguistics},  year      = {2022},}

About

GLM (General Language Model)

Resources

License

Stars

Watchers

Forks

Releases

No releases published

Packages

No packages published

[8]ページ先頭

©2009-2025 Movatter.jp