LLaVa
概述
LLaVa 是一款开源聊天机器人,通过在 GPT 生成的多模态指令遵循数据上微调 LlamA/Vicuna 进行训练。它是一个基于 Transformer 架构的自回归语言模型。换句话说,它是针对聊天/指令进行微调的大语言模型 (LLM) 的多模态版本。
LLaVa 模型在 Haotian Liu、Chunyuan Li、Yuheng Li 和 Yong Jae Lee 的论文 视觉指令调优 中提出,并在 使用视觉指令调优改进基线 中得到改进。
论文摘要如下:
大型多模态模型 (LMM) 最近在视觉指令调优方面取得了令人鼓舞的进展。在本篇笔记中,我们展示了 LLaVA 中的全连接视觉-语言跨模态连接器具有惊人的强大性和数据效率。通过对 LLaVA 进行简单的修改,即使用带有 MLP 投影的 CLIP-ViT-L-336px 并在具有简单响应格式提示的学术任务导向 VQA 数据上进行添加,我们建立了更强的基线,在 11 个基准测试中实现了最先进的性能。我们的最终 13B 检查点仅使用了 120 万个公开可用的数据,并且在单个 8-A100 节点上完成完整训练大约需要 1 天。我们希望这能够使最先进的 LMM 研究更容易获得。代码和模型将公开发布。
LLaVa 架构。摘自 原始论文。该模型由 ArthurZ 和 ybelkada 贡献。原始代码可以在这里找到 这里。
使用技巧
我们建议用户在计算批量生成时使用
padding_side="left"
,因为它可以带来更准确的结果。只需确保在生成之前调用processor.tokenizer.padding_side = "left"
。请注意,该模型尚未明确训练以处理同一提示中的多个图像,尽管这在技术上是可行的,但您可能会遇到不准确的结果。
为了获得更好的结果,我们建议用户使用处理器的
apply_chat_template()
方法来正确格式化提示。为此,您需要构建一个对话历史记录,传递普通字符串将无法格式化您的提示。聊天模板的对话历史记录中的每条消息都是一个字典,其中包含“role”和“content”键。“content”应为字典列表,用于“text”和“image”模态,如下所示
from transformers import AutoProcessor
processor = AutoProcessor.from_pretrained("llava-hf/llava-1.5-7b-hf")
conversation = [
{
"role": "user",
"content": [
{"type": "image"},
{"type": "text", "text": "What’s shown in this image?"},
],
},
{
"role": "assistant",
"content": [{"type": "text", "text": "This image shows a red stop sign."},]
},
{
"role": "user",
"content": [
{"type": "text", "text": "Describe the image in more details."},
],
},
]
text_prompt = processor.apply_chat_template(conversation, add_generation_prompt=True)
# Note that the template simply formats your prompt, you still have to tokenize it and obtain pixel values for your images
print(text_prompt)
>>> "USER: <image>\n<What’s shown in this image? ASSISTANT: This image shows a red stop sign.</s>USER: Describe the image in more details. ASSISTANT:"
- 如果您想自己构建聊天提示,以下是每个 llava 检查点接受的提示格式列表
llava-interleave 模型 需要以下格式
"<|im_start|>user <image>\nWhat is shown in this image?<|im_end|><|im_start|>assistant"
对于多轮对话
"<|im_start|>user <image>\n<prompt1><|im_end|><|im_start|>assistant <answer1><|im_end|><|im_start|>user <image>\n<prompt1><|im_end|><|im_start|>assistant "
llava-1.5 模型 需要以下格式
"USER: <image>\n<prompt> ASSISTANT:"
对于多轮对话
"USER: <image>\n<prompt1> ASSISTANT: <answer1></s>USER: <prompt2> ASSISTANT: <answer2></s>USER: <prompt3> ASSISTANT:"
使用 Flash Attention 2
Flash Attention 2 是先前优化的更快、更优化的版本,请参考 性能文档中 Flash Attention 2 部分。
资源
一系列官方 Hugging Face 和社区(以 🌎 表示)资源,可帮助您开始使用 BEiT。
- 一个关于如何在免费层级的 Google Colab 实例上运行 Llava 的 Google Colab 演示,利用 4 位推理。
- 一个展示批量推理的 类似笔记本。🌎
LlavaConfig
类 transformers.LlavaConfig
< 源代码 >( vision_config = None text_config = None ignore_index = -100 image_token_index = 32000 projector_hidden_act = 'gelu' vision_feature_select_strategy = 'default' vision_feature_layer = -2 image_seq_length = 576 **kwargs )
参数
- vision_config (
Union[AutoConfig, dict]
, 可选,默认为CLIPVisionConfig
) — 视觉主干的配置对象或字典。 - text_config (
Union[AutoConfig, dict]
, 可选,默认为LlamaConfig
) — 文本主干的配置对象或字典。 - ignore_index (
int
,可选,默认为 -100) — 损失函数的忽略索引。 - image_token_index (
int
,可选,默认为 32000) — 用于编码图像提示的图像 token 索引。 - projector_hidden_act (
str
,可选,默认为"gelu"
) — 多模态投影仪使用的激活函数。 - vision_feature_select_strategy (
str
,可选,默认为"default"
) — 用于从视觉主干中选择视觉特征的特征选择策略。可以是"default"
或"full"
之一。 - vision_feature_layer (
int
,可选,默认为 -2) — 用于选择视觉特征的层的索引。 - image_seq_length (
int
,可选,默认为 576) — 一个图像嵌入的序列长度。
这是用于存储 LlavaForConditionalGeneration 配置的配置类。它用于根据指定的参数实例化 Llava 模型,定义模型架构。使用默认值实例化配置将产生与 Llava-9B 类似的配置。
配置对象继承自 PretrainedConfig,可用于控制模型输出。阅读 PretrainedConfig 的文档以获取更多信息。
示例
>>> from transformers import LlavaForConditionalGeneration, LlavaConfig, CLIPVisionConfig, LlamaConfig
>>> # Initializing a CLIP-vision config
>>> vision_config = CLIPVisionConfig()
>>> # Initializing a Llama config
>>> text_config = LlamaConfig()
>>> # Initializing a Llava llava-1.5-7b style configuration
>>> configuration = LlavaConfig(vision_config, text_config)
>>> # Initializing a model from the llava-1.5-7b style configuration
>>> model = LlavaForConditionalGeneration(configuration)
>>> # Accessing the model configuration
>>> configuration = model.config
LlavaProcessor
类 transformers.LlavaProcessor
< 源代码 >( image_processor = None tokenizer = None patch_size = None vision_feature_select_strategy = None chat_template = None image_token = '<image>' **kwargs )
参数
- image_processor (CLIPImageProcessor,可选) — 图像处理器是必需的输入。
- vision_feature_select_strategy (
str
,可选) — 用于从视觉主干中选择视觉特征的特征选择策略。应与模型的配置相同 - chat_template (
str
,可选) — 将用于将聊天中的消息列表转换为可标记字符串的 Jinja 模板。 - image_token (
str
,可选,默认为"<image>"
) — 用于表示图像位置的特殊标记。
构建一个 Llava 处理器,它将 Llava 图像处理器和 Llava 分词器包装到单个处理器中。
LlavaProcessor 提供了 CLIPImageProcessor 和 LlamaTokenizerFast 的所有功能。有关更多信息,请参阅 __call__()
和 decode()。
此方法将其所有参数转发到 LlamaTokenizerFast 的 batch_decode()。有关更多信息,请参阅此方法的文档字符串。
LlavaForConditionalGeneration
类 transformers.LlavaForConditionalGeneration
< 源代码 >( config: LlavaConfig )
参数
- config (LlavaConfig 或
LlavaVisionConfig
) — 模型配置类,包含模型的所有参数。使用配置文件初始化不会加载与模型关联的权重,只会加载配置。查看 from_pretrained() 方法以加载模型权重。
由视觉主干和语言模型组成的 LLAVA 模型。此模型继承自 PreTrainedModel。查看超类文档以了解库为其所有模型实现的通用方法(例如下载或保存、调整输入嵌入的大小、修剪 head 等)。
此模型也是 PyTorch torch.nn.Module 子类。将其用作常规 PyTorch 模块,并参考 PyTorch 文档以了解与一般用法和行为相关的所有事项。
LlavaForConditionalGeneration
前向方法,覆盖了 __call__
特殊方法。
虽然前向传递的配方需要在此函数中定义,但之后应调用 Module
实例而不是此函数,因为前者负责运行预处理和后处理步骤,而后者则默默忽略它们。
示例
>>> from PIL import Image
>>> import requests
>>> from transformers import AutoProcessor, LlavaForConditionalGeneration
>>> model = LlavaForConditionalGeneration.from_pretrained("llava-hf/llava-1.5-7b-hf")
>>> processor = AutoProcessor.from_pretrained("llava-hf/llava-1.5-7b-hf")
>>> prompt = "USER: <image>\nWhat's the content of the image? ASSISTANT:"
>>> url = "https://www.ilankelman.org/stopsigns/australia.jpg"
>>> image = Image.open(requests.get(url, stream=True).raw)
>>> inputs = processor(images=image, text=prompt, return_tensors="pt")
>>> # Generate
>>> generate_ids = model.generate(**inputs, max_new_tokens=15)
>>> processor.batch_decode(generate_ids, skip_special_tokens=True, clean_up_tokenization_spaces=False)[0]
"USER: \nWhat's the content of the image? ASSISTANT: The image features a busy city street with a stop sign prominently displayed"