Keras 3 API 文档 / KerasNLP / 预训练模型 / GPT2 / GPT2CausalLM 模型

GPT2CausalLM 模型

[来源]

GPT2CausalLM

keras_nlp.models.GPT2CausalLM(backbone, preprocessor=None, **kwargs)

用于因果语言建模的端到端 GPT2 模型。

因果语言模型 (LM) 根据之前的令牌预测下一个令牌。此任务设置可用于对模型进行无监督训练,或对文本进行自回归生成,使其类似于用于训练的数据。只需调用 fit() 即可使用此任务对 GPT-2 模型进行预训练或微调。

此模型具有 generate() 方法,该方法根据提示生成文本。使用的生成策略由 compile() 上的附加 sampler 参数控制。您可以使用不同的 keras_nlp.samplers 对象重新编译模型以控制生成。默认情况下,将使用 "top_k" 采样。

此模型可以选择性地配置 preprocessor 层,在这种情况下,它将在 fit()predict()evaluate()generate() 期间自动对字符串输入应用预处理。这在使用 from_preset() 创建模型时默认执行。

免责声明:预训练模型按“现状”提供,不附带任何形式的担保或条件。基础模型由第三方提供,并受单独许可的约束,可在此处获得 此处

参数

示例

使用 generate() 进行文本生成。

gpt2_lm = keras_nlp.models.GPT2CausalLM.from_preset("gpt2_base_en")
gpt2_lm.generate("I want to say", max_length=30)

# Generate with batched prompts.
gpt2_lm.generate(["This is a", "Where are you"], max_length=30)

使用自定义采样器编译 generate() 函数。

gpt2_lm = keras_nlp.models.GPT2CausalLM.from_preset("gpt2_base_en")
gpt2_lm.compile(sampler="greedy")
gpt2_lm.generate("I want to say", max_length=30)

gpt2_lm.compile(sampler=keras_nlp.samplers.BeamSampler(num_beams=2))
gpt2_lm.generate("I want to say", max_length=30)

使用 generate() 进行文本生成,但不进行预处理。

# Prompt the model with `5338, 318` (the token ids for `"Who is"`).
# Use `"padding_mask"` to indicate values that should not be overridden.
prompt = {
    "token_ids": np.array([[5338, 318, 0, 0, 0]] * 2),
    "padding_mask": np.array([[1, 1, 0, 0, 0]] * 2),
}

gpt2_lm = keras_nlp.models.GPT2CausalLM.from_preset(
    "gpt2_base_en",
    preprocessor=None,
)
gpt2_lm.generate(prompt)

对单个批次调用 fit()

features = ["The quick brown fox jumped.", "I forgot my homework."]
gpt2_lm = keras_nlp.models.GPT2CausalLM.from_preset("gpt2_base_en")
gpt2_lm.fit(x=features, batch_size=2)

调用 fit(),但不进行预处理。

x = {
    "token_ids": np.array([[50256, 1, 2, 3, 4]] * 2),
    "padding_mask": np.array([[1, 1, 1, 1, 1]] * 2),
}
y = np.array([[1, 2, 3, 4, 50256]] * 2)
sw = np.array([[1, 1, 1, 1, 1]] * 2)

gpt2_lm = keras_nlp.models.GPT2CausalLM.from_preset(
    "gpt2_base_en",
    preprocessor=None,
)
gpt2_lm.fit(x=x, y=y, sample_weight=sw, batch_size=2)

自定义骨干和词汇表。

features = ["a quick fox.", "a fox quick."]
vocab = {"<|endoftext|>": 0, "a": 4, "Ġquick": 5, "Ġfox": 6}
merges = ["Ġ q", "u i", "c k", "ui ck", "Ġq uick"]
merges += ["Ġ f", "o x", "Ġf ox"]

tokenizer = keras_nlp.models.GPT2Tokenizer(
    vocabulary=vocab,
    merges=merges,
)
preprocessor = keras_nlp.models.GPT2CausalLMPreprocessor(
    tokenizer=tokenizer,
    sequence_length=128,
)
backbone = keras_nlp.models.GPT2Backbone(
    vocabulary_size=30552,
    num_layers=4,
    num_heads=4,
    hidden_dim=256,
    intermediate_dim=512,
    max_sequence_length=128,
)
gpt2_lm = keras_nlp.models.GPT2CausalLM(
    backbone=backbone,
    preprocessor=preprocessor,
)
gpt2_lm.fit(x=features, batch_size=2)

[来源]

from_preset 方法

GPT2CausalLM.from_preset(preset, load_weights=True, **kwargs)

从模型预设实例化一个 keras_nlp.models.Task

预设是一个包含用于保存和加载预训练模型的配置、权重和其他文件资产的目录。preset 可以作为以下之一传递:

  1. 内置预设标识符,如 'bert_base_en'
  2. Kaggle 模型句柄,如 'kaggle://user/bert/keras/bert_base_en'
  3. Hugging Face 句柄,如 'hf://user/bert_base_en'
  4. 本地预设目录的路径,如 './bert_base_en'

对于任何 Task 子类,您可以运行 cls.presets.keys() 以列出该类上可用的所有内置预设。

此构造函数可以通过两种方式之一进行调用。从任务特定的基类(如 keras_nlp.models.CausalLM.from_preset())调用,或从模型类(如 keras_nlp.models.BertTextClassifier.from_preset())调用。如果从基类调用,则返回对象的子类将从预设目录中的配置推断出来。

参数

  • preset: 字符串。内置预设标识符、Kaggle 模型句柄、Hugging Face 句柄或本地目录的路径。
  • load_weights: 布尔值。如果为 True,将加载保存的权重到模型架构中。如果为 False,所有权重都将随机初始化。

示例

# Load a Gemma generative task.
causal_lm = keras_nlp.models.CausalLM.from_preset(
    "gemma_2b_en",
)

# Load a Bert classification task.
model = keras_nlp.models.TextClassifier.from_preset(
    "bert_base_en",
    num_classes=2,
)
预设名称 参数 描述
gpt2_base_en 124.44M 12 层 GPT-2 模型,其中保留大小写。在 WebText 上训练。
gpt2_medium_en 354.82M 24 层 GPT-2 模型,其中保留大小写。在 WebText 上训练。
gpt2_large_en 774.03M 36 层 GPT-2 模型,其中保留大小写。在 WebText 上训练。
gpt2_extra_large_en 1.56B 48 层 GPT-2 模型,其中保留大小写。在 WebText 上训练。
gpt2_base_en_cnn_dailymail 124.44M 12 层 GPT-2 模型,其中保留大小写。在 CNN/DailyMail 摘要数据集上微调。

[来源]

generate 方法

GPT2CausalLM.generate(inputs, max_length=None, stop_token_ids="auto")

根据提示 inputs 生成文本。

此方法根据给定的 inputs 生成文本。可以通过 compile() 方法设置用于生成的采样方法。

如果 inputs 是一个 tf.data.Dataset,输出将“逐批次”生成并连接起来。否则,所有输入都将作为单个批次处理。

如果 preprocessor 附加到模型,inputs 将在 generate() 函数内部进行预处理,并且应与 preprocessor 层预期的结构匹配(通常是原始字符串)。如果未附加 preprocessor,则输入应与 backbone 预期的结构匹配。有关每个示例的演示,请参见上面的示例用法。

参数

  • inputs: python 数据、张量数据或 tf.data.Dataset。如果 preprocessor 附加到模型,inputs 应与 preprocessor 层预期的结构匹配。如果未附加 preprocessor,则 inputs 应与 backbone 模型预期的结构匹配。
  • max_length: 可选。int。生成的序列的最大长度。将默认为 preprocessor 配置的 sequence_length 的最大值。如果 preprocessorNone,则 inputs 应填充到所需的长度,并且此参数将被忽略。
  • stop_token_ids: 可选。None、“auto”或令牌 ID 元组。默认为“auto”,它使用 preprocessor.tokenizer.end_token_id。未指定处理器将产生错误。None 在生成 max_length 个令牌后停止生成。您也可以指定模型应停止的令牌 ID 列表。请注意,令牌序列将分别被解释为停止令牌,不支持多令牌停止序列。

backbone 属性

keras_nlp.models.GPT2CausalLM.backbone

具有核心架构的 keras_nlp.models.Backbone 模型。


preprocessor 属性

keras_nlp.models.GPT2CausalLM.preprocessor

用于预处理输入的 keras_nlp.models.Preprocessor 层。