update chinese readme
This commit is contained in:
		
							parent
							
								
									1a731953da
								
							
						
					
					
						commit
						f4ba4b6ff2
					
				
							
								
								
									
										24
									
								
								README.md
									
									
									
									
									
								
							
							
						
						
									
										24
									
								
								README.md
									
									
									
									
									
								
							|  | @ -2,7 +2,7 @@ | ||||||
|  * @Author: LiangSong(sl12160010@gmail.com) |  * @Author: LiangSong(sl12160010@gmail.com) | ||||||
|  * @Date: 2023-03-10 21:18:35 |  * @Date: 2023-03-10 21:18:35 | ||||||
|  * @LastEditors: LiangSong(sl12160010@gmail.com) |  * @LastEditors: LiangSong(sl12160010@gmail.com) | ||||||
|  * @LastEditTime: 2023-04-02 21:32:26 |  * @LastEditTime: 2023-04-07 23:19:21 | ||||||
|  * @FilePath: /Open-Llama/README.md |  * @FilePath: /Open-Llama/README.md | ||||||
|  * @Description:  |  * @Description:  | ||||||
|  *  |  *  | ||||||
|  | @ -16,7 +16,8 @@ Open-Llama是一个开源项目,提供了一整套用于构建大型语言模 | ||||||
| 
 | 
 | ||||||
| ## 进展 | ## 进展 | ||||||
| 
 | 
 | ||||||
| 虽然还没有完整的预训练完,但是我们先使用40K step预训练的模型进行了Instruction-tuning,模型可以服从简单的命令。目前没有多轮对话能力 | 我们完成了300B token的预训练,总共训练80 K step,Global Batch Size和Llama中一致为4M。 | ||||||
|  | 使用总共7部分数据构成Instruction-tuning数据,模型具有一定的编程能力、数学能力和多轮对话能力,具体数据见Instruction-Tuning部分。 | ||||||
| 
 | 
 | ||||||
| [Demo](http://home.ustc.edu.cn/~sl9292/) | [Demo](http://home.ustc.edu.cn/~sl9292/) | ||||||
| 
 | 
 | ||||||
|  | @ -25,6 +26,9 @@ Open-Llama是一个开源项目,提供了一整套用于构建大型语言模 | ||||||
| 本模型的效果如下图,更多结果还待进一步测试。由于国内网络问题,使用上面的Demo可能出现请求丢失的情况,如长时间无响应可刷新重试 | 本模型的效果如下图,更多结果还待进一步测试。由于国内网络问题,使用上面的Demo可能出现请求丢失的情况,如长时间无响应可刷新重试 | ||||||
|  |  | ||||||
| 
 | 
 | ||||||
|  | 下面是一个关于代码的多轮对话能力的展示 | ||||||
|  | 
 | ||||||
|  |  | ||||||
| 我们简单预估一下达到上面效果的一个花费,训练40K step使用了1.5亿条预训练数据,大约为110B token,总共训练时间76h,按Google Cloud的A100报价花费大约为19152美元。后续的Instruction-tuning训练了12k Step,使用1.6M条数据,总共训练时间3.4h,大约花费342美元。因此从0开始训练一个这样的模型总花费不到20000美元。 | 我们简单预估一下达到上面效果的一个花费,训练40K step使用了1.5亿条预训练数据,大约为110B token,总共训练时间76h,按Google Cloud的A100报价花费大约为19152美元。后续的Instruction-tuning训练了12k Step,使用1.6M条数据,总共训练时间3.4h,大约花费342美元。因此从0开始训练一个这样的模型总花费不到20000美元。 | ||||||
| 
 | 
 | ||||||
| 目前模型在数学方面和代码方面表现明显较差,这一方面和训练数据有关,另一方面我认为也是模型大小所造成的,然而这方面的逻辑推理能力是一个可用的模型所必备,因此后续更新会关注提升相关能力。 | 目前模型在数学方面和代码方面表现明显较差,这一方面和训练数据有关,另一方面我认为也是模型大小所造成的,然而这方面的逻辑推理能力是一个可用的模型所必备,因此后续更新会关注提升相关能力。 | ||||||
|  | @ -166,12 +170,17 @@ Total mult-adds (G): 6.89 | ||||||
| 
 | 
 | ||||||
| 我们使用目前开源的三个数据集进行Instruction-tuning,后续会加入更多的任务以及自己构建的数据集。 | 我们使用目前开源的三个数据集进行Instruction-tuning,后续会加入更多的任务以及自己构建的数据集。 | ||||||
| - [yizhongw/self_instruct](https://huggingface.co/datasets/yizhongw/self_instruct) | - [yizhongw/self_instruct](https://huggingface.co/datasets/yizhongw/self_instruct) | ||||||
| - [BelleGroup/generated_train_0.5M_CN](https://huggingface.co/datasets/BelleGroup/generated_train_0.5M_CN) | - [BelleGroup/train_0.5M_CN](https://huggingface.co/datasets/BelleGroup/train_0.5M_CN) | ||||||
| - [BelleGroup/generated_train_1M_CN](https://huggingface.co/datasets/BelleGroup/generated_train_1M_CN) | - [BelleGroup/train_1M_CN](https://huggingface.co/datasets/BelleGroup/train_1M_CN) | ||||||
|  | - [BelleGroup/multiturn_chat_0.8M](https://huggingface.co/datasets/BelleGroup/multiturn_chat_0.8M) | ||||||
|  | - [BelleGroup/school_math_0.25M](https://huggingface.co/datasets/BelleGroup/school_math_0.25M) | ||||||
|  | - [RyokoAI/ShareGPT52K](https://huggingface.co/datasets/RyokoAI/ShareGPT52K) | ||||||
|  | - [Graverman/Instruct-to-Code](https://huggingface.co/datasets/Graverman/Instruct-to-Code) | ||||||
| 
 | 
 | ||||||
|  | 其中ShareGPT52K数据在datastes的处理有些问题,我们直接下载原数据重新进行了处理。 | ||||||
| 我们对原始数据进行了一些预处理,格式如下 | 我们对原始数据进行了一些预处理,格式如下 | ||||||
| ``` | ``` | ||||||
| user: {prompt}<s>system: {completion}</s> | user: {prompt}\nsystem: {completion}</s> | ||||||
| ``` | ``` | ||||||
| 
 | 
 | ||||||
| 具体训练代码和预训练基本一样,代码可见 | 具体训练代码和预训练基本一样,代码可见 | ||||||
|  | @ -195,7 +204,12 @@ accelerate launch --config_file configs/default_config.yaml instruction_tuning.p | ||||||
| 过程中Loss如下,基本在波动不怎么下降 | 过程中Loss如下,基本在波动不怎么下降 | ||||||
|  |  | ||||||
| ### RLHF | ### RLHF | ||||||
|  | 暂无 | ||||||
|  | ### Server | ||||||
| 
 | 
 | ||||||
|  | 单轮对话使用server.py,对于多轮对话使用chat_server.py | ||||||
|  | 
 | ||||||
|  | 基于Gradio开发。  | ||||||
| ## 性能对比 | ## 性能对比 | ||||||
| 
 | 
 | ||||||
| ### 训练框架 | ### 训练框架 | ||||||
|  |  | ||||||
							
								
								
									
										
											BIN
										
									
								
								assets/multiturn_chat.jpeg
									
									
									
									
									
										Normal file
									
								
							
							
						
						
									
										
											BIN
										
									
								
								assets/multiturn_chat.jpeg
									
									
									
									
									
										Normal file
									
								
							
										
											Binary file not shown.
										
									
								
							| After Width: | Height: | Size: 810 KiB | 
|  | @ -2,7 +2,7 @@ | ||||||
| Author: LiangSong(sl12160010@gmail.com) | Author: LiangSong(sl12160010@gmail.com) | ||||||
| Date: 2023-04-06 22:30:10 | Date: 2023-04-06 22:30:10 | ||||||
| LastEditors: LiangSong(sl12160010@gmail.com) | LastEditors: LiangSong(sl12160010@gmail.com) | ||||||
| LastEditTime: 2023-04-06 23:13:54 | LastEditTime: 2023-04-07 23:03:31 | ||||||
| FilePath: /Open-Llama/chat_server.py | FilePath: /Open-Llama/chat_server.py | ||||||
| Description:  | Description:  | ||||||
| 
 | 
 | ||||||
|  | @ -32,19 +32,41 @@ raw_model = LlamaForCausalLM( | ||||||
|     ) |     ) | ||||||
| ) | ) | ||||||
| ckpt = torch.load( | ckpt = torch.load( | ||||||
|     "data/saved_ckpt/instruction_tuning_3_epochs/37001.pt", map_location="cpu" |     "data/saved_ckpt/instruction_tuning_math_code_multiturn/36001.pt", map_location="cpu" | ||||||
| ) | ) | ||||||
| raw_model.load_state_dict(ckpt) | raw_model.load_state_dict(ckpt) | ||||||
| raw_model.eval() | raw_model.eval() | ||||||
| model = raw_model.cuda() | model = raw_model.cuda() | ||||||
| print("ready") | print("ready") | ||||||
| 
 | 
 | ||||||
|  | def parse_codeblock(text): | ||||||
|  |     lines = text.split("\n") | ||||||
|  |     for i, line in enumerate(lines): | ||||||
|  |         if "```" in line: | ||||||
|  |             if line != "```": | ||||||
|  |                 lines[i] = f'<pre><code class="{lines[i][3:]}">' | ||||||
|  |             else: | ||||||
|  |                 lines[i] = '</code></pre>' | ||||||
|  |         else: | ||||||
|  |             if i > 0: | ||||||
|  |                 lines[i] = "<br/>" + line.replace("<", "<").replace(">", ">") | ||||||
|  |     return "".join(lines) | ||||||
|  | 
 | ||||||
| with gr.Blocks() as demo: | with gr.Blocks() as demo: | ||||||
|  |     gr.Markdown( | ||||||
|  |         """ | ||||||
|  |     # [Open-Llama](https://github.com/Bayes-Song/Open-Llama) | ||||||
|  |     完全使用Open-Llama项目从0开始训练的Instruct-GPT模型,当长时间无响应(如20s以上)可刷新重试。 | ||||||
|  | 
 | ||||||
|  |     Instruct-GPT model is trained from scratch using the Open-Llama project without relying on any other pre-trained models. If there is no response for a long time (such as more than 20 seconds), please refresh and try again.  | ||||||
|  |     """ | ||||||
|  |     ) | ||||||
|     chatbot = gr.Chatbot() |     chatbot = gr.Chatbot() | ||||||
|     msg = gr.Textbox() |     msg = gr.Textbox() | ||||||
|     clear = gr.Button("Clear") |     clear = gr.Button("Clear") | ||||||
| 
 | 
 | ||||||
|     def user(user_message, history): |     def user(user_message, history): | ||||||
|  |         print(user_message) | ||||||
|         return "", history + [[user_message, None]] |         return "", history + [[user_message, None]] | ||||||
| 
 | 
 | ||||||
|     def bot(history): |     def bot(history): | ||||||
|  | @ -67,7 +89,8 @@ with gr.Blocks() as demo: | ||||||
|         pred = model.generate(input_ids=context, max_new_tokens=512, do_sample=True) |         pred = model.generate(input_ids=context, max_new_tokens=512, do_sample=True) | ||||||
|         pred = pred[:, inputs_len:] |         pred = pred[:, inputs_len:] | ||||||
|         pred = tokenizer.decode(pred.cpu())[0] |         pred = tokenizer.decode(pred.cpu())[0] | ||||||
|         bot_message = pred |         print(pred) | ||||||
|  |         bot_message = parse_codeblock(pred) | ||||||
|         history[-1][1] = bot_message |         history[-1][1] = bot_message | ||||||
|         return history |         return history | ||||||
| 
 | 
 | ||||||
|  | @ -75,5 +98,13 @@ with gr.Blocks() as demo: | ||||||
|         bot, chatbot, chatbot |         bot, chatbot, chatbot | ||||||
|     ) |     ) | ||||||
|     clear.click(lambda: None, None, chatbot, queue=False) |     clear.click(lambda: None, None, chatbot, queue=False) | ||||||
|  |     gr.Markdown( | ||||||
|  |     """ | ||||||
|  |     当前体验服务生成的所有内容都是由人工智能模型生成,我们对其生成内容的准确性、完整性和功能性不做任何保证,并且其生成的内容不代表我们的态度或观点。 | ||||||
| 
 | 
 | ||||||
| demo.launch() |     联系方式: sl12160010@gmail.com  对于该项目有任何意见和建议都欢迎联系我. | ||||||
|  |     Contact information: sl12160010@gmail.com. Any opinions or suggestions regarding the project are welcome to be addressed to me through this email. | ||||||
|  |     """ | ||||||
|  |     ) | ||||||
|  | 
 | ||||||
|  | demo.launch(share=True) | ||||||
|  |  | ||||||
		Loading…
	
		Reference in New Issue
	
	Block a user
	 LiangSong
						LiangSong