故障排除
有时会发生错误,但我们在这里为您提供帮助!本指南涵盖了我们遇到的最常见问题以及如何解决它们。但是,本指南并非旨在全面收集所有 🤗 Transformers 问题。要获得更多故障排除问题的帮助,请尝试
- 在 论坛 上寻求帮助。您可以将问题发布到特定类别,例如 初学者 或 🤗 Transformers。确保您写一个描述性的论坛帖子,并提供一些可重现的代码,以最大限度地提高解决问题的可能性!
如果这是与库相关的错误,请在 🤗 Transformers 存储库中创建一个 问题。尽量包含尽可能多的信息来描述错误,以帮助我们更好地找出问题所在以及如何解决它。
如果您使用的是旧版本的 🤗 Transformers,请查看 迁移 指南,因为在不同版本之间引入了许多重要更改。
有关故障排除和获取帮助的更多详细信息,请查看 Hugging Face 课程的 第 8 章。
防火墙环境
云端和内网环境中的一些 GPU 实例被防火墙阻止了对外部连接,导致连接错误。当您的脚本尝试下载模型权重或数据集时,下载将卡住并超时,并显示以下消息
ValueError: Connection error, and we cannot find the requested files in the cached path.
Please try again or make sure your Internet connection is on.
在这种情况下,您应该尝试在 离线模式 下运行 🤗 Transformers 以避免连接错误。
CUDA 内存不足
在没有适当硬件的情况下训练具有数百万参数的大型模型可能具有挑战性。当 GPU 内存不足时,您可能会遇到一个常见的错误,即
CUDA out of memory. Tried to allocate 256.00 MiB (GPU 0; 11.17 GiB total capacity; 9.70 GiB already allocated; 179.81 MiB free; 9.85 GiB reserved in total by PyTorch)
以下是一些您可以尝试减轻内存使用量的潜在解决方案
- 降低
per_device_train_batch_size
值,在 TrainingArguments 中。 - 尝试使用
gradient_accumulation_steps
,在 TrainingArguments 中,有效地提高整体批量大小。
有关更多内存节省技术的详细信息,请参阅性能 指南。
无法加载保存的 TensorFlow 模型
TensorFlow 的 model.save 方法将把整个模型(架构、权重、训练配置)保存到单个文件中。但是,当您再次加载模型文件时,您可能会遇到错误,因为 🤗 Transformers 可能无法加载模型文件中所有与 TensorFlow 相关的对象。为了避免保存和加载 TensorFlow 模型时出现问题,我们建议您
- 使用
model.save_weights
将模型权重保存为h5
文件扩展名,然后使用 from_pretrained() 重新加载模型
>>> from transformers import TFPreTrainedModel
>>> from tensorflow import keras
>>> model.save_weights("some_folder/tf_model.h5")
>>> model = TFPreTrainedModel.from_pretrained("some_folder")
- 使用
~TFPretrainedModel.save_pretrained
保存模型,然后使用 from_pretrained() 再次加载它。
>>> from transformers import TFPreTrainedModel
>>> model.save_pretrained("path_to/model")
>>> model = TFPreTrainedModel.from_pretrained("path_to/model")
ImportError
您可能会遇到的另一个常见错误(尤其是对于新发布的模型)是 ImportError
ImportError: cannot import name 'ImageGPTImageProcessor' from 'transformers' (unknown location)
对于这些错误类型,请确保您安装了最新版本的 🤗 Transformers 以访问最新的模型。
pip install transformers --upgrade
CUDA 错误:设备端断言触发
有时您可能会遇到关于设备代码中错误的通用 CUDA 错误。
RuntimeError: CUDA error: device-side assert triggered
您应该尝试先在 CPU 上运行代码,以获得更具描述性的错误消息。在代码开头添加以下环境变量以切换到 CPU
>>> import os
>>> os.environ["CUDA_VISIBLE_DEVICES"] = ""
另一个选择是从 GPU 获取更好的回溯。在代码开头添加以下环境变量,以使回溯指向错误的来源。
>>> import os
>>> os.environ["CUDA_LAUNCH_BLOCKING"] = "1"
填充标记未被屏蔽时的错误输出
在某些情况下,如果 input_ids
包含填充标记,则输出 hidden_state
可能不正确。为了演示,加载一个模型和一个分词器。您可以访问模型的 pad_token_id
以查看其值。对于某些模型,pad_token_id
可能为 None
,但您始终可以手动设置它。
>>> from transformers import AutoModelForSequenceClassification
>>> import torch
>>> model = AutoModelForSequenceClassification.from_pretrained("google-bert/bert-base-uncased")
>>> model.config.pad_token_id
0
以下示例显示了未屏蔽填充标记的输出
>>> input_ids = torch.tensor([[7592, 2057, 2097, 2393, 9611, 2115], [7592, 0, 0, 0, 0, 0]])
>>> output = model(input_ids)
>>> print(output.logits)
tensor([[ 0.0082, -0.2307],
[ 0.1317, -0.1683]], grad_fn=<AddmmBackward0>)
这是第二个序列的实际输出
>>> input_ids = torch.tensor([[7592]])
>>> output = model(input_ids)
>>> print(output.logits)
tensor([[-0.1008, -0.4061]], grad_fn=<AddmmBackward0>)
大多数情况下,您应该向模型提供 attention_mask
来忽略填充标记,以避免此静默错误。现在,第二个序列的输出与它的实际输出匹配
默认情况下,分词器会根据您特定分词器的默认值为您创建一个 attention_mask
。
>>> attention_mask = torch.tensor([[1, 1, 1, 1, 1, 1], [1, 0, 0, 0, 0, 0]])
>>> output = model(input_ids, attention_mask=attention_mask)
>>> print(output.logits)
tensor([[ 0.0082, -0.2307],
[-0.1008, -0.4061]], grad_fn=<AddmmBackward0>)
🤗 Transformers 不会自动创建一个 attention_mask
来屏蔽提供的填充标记,因为
- 某些模型没有填充标记。
- 对于某些用例,用户希望模型关注填充标记。
ValueError:此类 AutoModel 的配置类 XYZ 未识别
通常,我们建议使用 AutoModel 类加载模型的预训练实例。此类可以根据给定检查点的配置自动推断并加载正确的架构。如果您在从检查点加载模型时看到此 ValueError
,这意味着 Auto 类无法从给定检查点中的配置找到映射到您尝试加载的模型类型的映射。最常见的情况是,检查点不支持给定的任务。例如,在以下示例中,您将看到此错误,因为没有用于问答的 GPT2
>>> from transformers import AutoProcessor, AutoModelForQuestionAnswering
>>> processor = AutoProcessor.from_pretrained("openai-community/gpt2-medium")
>>> model = AutoModelForQuestionAnswering.from_pretrained("openai-community/gpt2-medium")
ValueError: Unrecognized configuration class <class 'transformers.models.gpt2.configuration_gpt2.GPT2Config'> for this kind of AutoModel: AutoModelForQuestionAnswering.
Model type should be one of AlbertConfig, BartConfig, BertConfig, BigBirdConfig, BigBirdPegasusConfig, BloomConfig, ...