英文

h2oGPT 模型卡

概要

H2O.ai 的 h2ogpt-oig-oasst1-512-6_9b 是一种69亿参数的用于商业用途的大型指令遵循语言模型。

聊天机器人

使用方法

要在带有GPU的计算机上使用transformers库来使用该模型,请确保您已安装transformers和accelerate库。

pip install transformers==4.28.1
pip install accelerate==0.18.0
import torch
from transformers import pipeline

generate_text = pipeline(model="h2oai/h2ogpt-oig-oasst1-512-6_9b", torch_dtype=torch.bfloat16, trust_remote_code=True, device_map="auto", prompt_type='human_bot')

res = generate_text("Why is drinking water so healthy?", max_new_tokens=100)
print(res[0]["generated_text"])

或者,如果您不想使用trust_remote_code=True,您可以下载 instruct_pipeline.py 并将其存储在与您的笔记本相同的位置,然后根据加载的模型和分词器构建自己的管道:

import torch
from h2oai_pipeline import H2OTextGenerationPipeline
from transformers import AutoModelForCausalLM, AutoTokenizer

tokenizer = AutoTokenizer.from_pretrained("h2oai/h2ogpt-oig-oasst1-512-6_9b", padding_side="left")
model = AutoModelForCausalLM.from_pretrained("h2oai/h2ogpt-oig-oasst1-512-6_9b", torch_dtype=torch.bfloat16, device_map="auto")
generate_text = H2OTextGenerationPipeline(model=model, tokenizer=tokenizer, prompt_type='human_bot')

res = generate_text("Why is drinking water so healthy?", max_new_tokens=100)
print(res[0]["generated_text"])

模型架构

GPTNeoXForCausalLM(
  (gpt_neox): GPTNeoXModel(
    (embed_in): Embedding(50432, 4096)
    (layers): ModuleList(
      (0-31): 32 x GPTNeoXLayer(
        (input_layernorm): LayerNorm((4096,), eps=1e-05, elementwise_affine=True)
        (post_attention_layernorm): LayerNorm((4096,), eps=1e-05, elementwise_affine=True)
        (attention): GPTNeoXAttention(
          (rotary_emb): RotaryEmbedding()
          (query_key_value): Linear(in_features=4096, out_features=12288, bias=True)
          (dense): Linear(in_features=4096, out_features=4096, bias=True)
        )
        (mlp): GPTNeoXMLP(
          (dense_h_to_4h): Linear(in_features=4096, out_features=16384, bias=True)
          (dense_4h_to_h): Linear(in_features=16384, out_features=4096, bias=True)
          (act): GELUActivation()
        )
      )
    )
    (final_layer_norm): LayerNorm((4096,), eps=1e-05, elementwise_affine=True)
  )
  (embed_out): Linear(in_features=4096, out_features=50432, bias=False)
)

模型配置

GPTNeoXConfig {
  "_name_or_path": "h2oai/h2ogpt-oig-oasst1-512-6_9b",
  "architectures": [
    "GPTNeoXForCausalLM"
  ],
  "bos_token_id": 0,
  "custom_pipeline": {
    "text-generation": {
      "impl": "h2oai_pipeline.H2OTextGenerationPipeline",
      "pt": "AutoModelForCausalLM"
    }
  },
  "eos_token_id": 0,
  "hidden_act": "gelu",
  "hidden_size": 4096,
  "initializer_range": 0.02,
  "intermediate_size": 16384,
  "layer_norm_eps": 1e-05,
  "max_position_embeddings": 2048,
  "model_type": "gpt_neox",
  "num_attention_heads": 32,
  "num_hidden_layers": 32,
  "rotary_emb_base": 10000,
  "rotary_pct": 0.25,
  "tie_word_embeddings": false,
  "torch_dtype": "float16",
  "transformers_version": "4.28.1",
  "use_cache": true,
  "use_parallel_residual": true,
  "vocab_size": 50432
}

模型验证

使用 EleutherAI lm-evaluation-harness 进行模型验证。

eval source code

Task Version Metric Value Stderr
arc_easy 0 acc 0.6591 ± 0.0097
acc_norm 0.6178 ± 0.0100
arc_challenge 0 acc 0.3174 ± 0.0136
acc_norm 0.3558 ± 0.0140
openbookqa 0 acc 0.2540 ± 0.0195
acc_norm 0.3580 ± 0.0215
winogrande 0 acc 0.6069 ± 0.0137
piqa 0 acc 0.7486 ± 0.0101
acc_norm 0.7546 ± 0.0100
hellaswag 0 acc 0.4843 ± 0.0050
acc_norm 0.6388 ± 0.0048
boolq 1 acc 0.6193 ± 0.0085

免责声明

在使用此存储库中提供的大型语言模型之前,请仔细阅读本免责声明。您对该模型的使用表示您同意以下条款和条件。

  • 偏见和冒犯性:大型语言模型是基于各种互联网文本数据进行训练的,这些数据可能包含有偏见、种族主义、冒犯性或其他不适当内容。通过使用该模型,您承认并接受生成的内容有时可能呈现偏见或产生冒犯或不适当的内容。本存储库的开发人员不支持、支持或推广任何此类内容或观点。
  • 限制:大型语言模型是一种基于人工智能的工具,而不是人。它可能会产生不正确、无意义或无关的回答。用户有责任对生成的内容进行严格评估,并根据自己的判断使用。
  • 自担风险使用:使用该大型语言模型的用户必须承担由其使用该工具所可能引起的任何后果的全部责任。本存储库的开发人员和贡献者对因使用或滥用所提供的模型而导致的任何损害、损失或伤害概不负责。
  • 道德考虑:鼓励用户负责任地和道德地使用大型语言模型。通过使用该模型,您同意不将其用于促进仇恨言论、歧视、骚扰或任何形式的非法或有害活动。
  • 报告问题:如果您遇到由大型语言模型生成的具有偏见、冒犯性或其他不适当内容,请通过提供的渠道向存储库维护人员报告。您的反馈将有助于改进模型并减轻潜在问题。
  • 免责声明的更改:本存储库的开发人员保留随时修改或更新本免责声明的权利,无需事先通知。用户有责任定期查看免责声明,以了解任何更改。

通过使用本存储库提供的大型语言模型,您同意接受并遵守本免责声明中概述的条款和条件。如果您不同意本免责声明的任何部分,您应避免使用该模型和由其生成的任何内容。