Transformers 文档

Pixtral

Hugging Face's logo
加入Hugging Face社区

并获得增强文档体验

开始使用

Pixtral

概述

Pixtral 模型由 Mistral AI 团队在 vLLM 上发布,您可以在此处找到代码版本!

提示

  • Pixtral 是一种多模态模型,它以图像和文本作为输入,并生成文本作为输出。
  • 此模型遵循 Llava 系列,这意味着图像嵌入被放置在 [IMG] 标记占位符的位置。该模型使用 PixtralVisionModel 作为其视觉编码器,并使用 MistralForCausalLM 作为其语言解码器。
  • 主要贡献是图像上的 2d ROPE(旋转位置嵌入),以及对任意图像尺寸的支持(图像既不会填充在一起也不会调整大小)。
  • 一个或多个提示的格式如下所示
"<s>[INST][IMG]\nWhat are the things I should be cautious about when I visit this place?[/INST]"

然后,处理器将用一定数量的 [IMG] 标记替换每个 [IMG] 标记,该数量取决于图像的高度和宽度。图像的每一 *行* 由 [IMG_BREAK] 标记分隔,每个图像由 [IMG_END] 标记分隔。

此模型由 amyerobertsArthurZ 贡献。原始代码可以 在这里 找到。

用法

以下是如何运行它的示例

from transformers import LlavaForConditionalGeneration, AutoProcessor
from PIL import Image

model_id = "mistral-community/pixtral-12b"
model = LlavaForConditionalGeneration.from_pretrained(model_id).to("cuda")
processor = AutoProcessor.from_pretrained(model_id)

IMG_URLS = [
    "https://picsum.photos/id/237/400/300",
    "https://picsum.photos/id/231/200/300",
    "https://picsum.photos/id/27/500/500",
    "https://picsum.photos/id/17/150/600",
]
PROMPT = "<s>[INST]Describe the images.\n[IMG][IMG][IMG][IMG][/INST]"

inputs = processor(images=IMG_URLS, text=PROMPT, return_tensors="pt").to("cuda")
generate_ids = model.generate(**inputs, max_new_tokens=500)
output = processor.batch_decode(generate_ids, skip_special_tokens=True, clean_up_tokenization_spaces=False)[0]

EXPECTED_GENERATION = """
Describe the images.
Sure, let's break down each image description:

1. **Image 1:**
   - **Description:** A black dog with a glossy coat is sitting on a wooden floor. The dog has a focused expression and is looking directly at the camera.
   - **Details:** The wooden floor has a rustic appearance with visible wood grain patterns. The dog's eyes are a striking color, possibly brown or amber, which contrasts with its black fur.

2. **Image 2:**
   - **Description:** A scenic view of a mountainous landscape with a winding road cutting through it. The road is surrounded by lush green vegetation and leads to a distant valley.
   - **Details:** The mountains are rugged with steep slopes, and the sky is clear, indicating good weather. The winding road adds a sense of depth and perspective to the image.

3. **Image 3:**
   - **Description:** A beach scene with waves crashing against the shore. There are several people in the water and on the beach, enjoying the waves and the sunset.
   - **Details:** The waves are powerful, creating a dynamic and lively atmosphere. The sky is painted with hues of orange and pink from the setting sun, adding a warm glow to the scene.

4. **Image 4:**
   - **Description:** A garden path leading to a large tree with a bench underneath it. The path is bordered by well-maintained grass and flowers.
   - **Details:** The path is made of small stones or gravel, and the tree provides a shaded area with the bench invitingly placed beneath it. The surrounding area is lush and green, suggesting a well-kept garden.

Each image captures a different scene, from a close-up of a dog to expansive natural landscapes, showcasing various elements of nature and human interaction with it.
"""

PixtralVisionConfig

class transformers.PixtralVisionConfig

< >

( hidden_size = 1024 intermediate_size = 4096 num_hidden_layers = 24 num_attention_heads = 16 num_channels = 3 image_size = 1024 patch_size = 16 hidden_act = 'gelu' attention_dropout = 0.0 rope_theta = 10000.0 **kwargs )

参数

  • hidden_size (int, 可选,默认为 1024) — 隐藏表示的维度。
  • intermediate_size (int, 可选,默认为 4096) — MLP 表示的维度。
  • num_hidden_layers (int, 可选,默认为 24) — Transformer 编码器中的隐藏层数。
  • num_attention_heads (int, 可选,默认为 16) — Transformer 编码器中的注意力头数。
  • num_channels (int, 可选,默认为 3) — 输入图像中的输入通道数。
  • patch_size (int可选,默认为 16) — 图像块的大小。
  • hidden_act (str可选,默认为 "gelu") — 隐藏层中使用的激活函数。
  • attention_dropout (float可选,默认为 0.0) — 注意力层的 dropout 概率。
  • rope_theta (float可选,默认为 10000.0) — RoPE 嵌入的基本周期。

这是一个配置类,用于存储 PixtralVisionModel 的配置。它用于根据指定的参数实例化一个 Pixtral 视觉编码器,定义模型架构。使用默认值实例化配置将产生与 Pixtral-12B 使用的视觉编码器类似的配置。

例如 pixtral-hf/pixtral-9b

配置对象继承自 PretrainedConfig,可用于控制模型输出。阅读 PretrainedConfig 中的文档以获取更多信息。

示例

>>> from transformers import PixtralVisionModel, PixtralVisionConfig

>>> # Initializing a Pixtral-12B style configuration
>>> config = PixtralVisionConfig()

>>> # Initializing a model (with randomly initialized weights) from the configuration
>>> model = PixtralVisionModel(configuration)

>>> # Accessing the model configuration
>>> configuration = model.config

PixtralVisionModel

transformers.PixtralVisionModel

< >

( config )

参数

  • config (PixtralVisionConfig) — 模型配置类,包含视觉编码器的所有参数。使用配置文件初始化不会加载与模型关联的权重,仅加载配置。查看 from_pretrained() 方法以加载模型权重。

仅输出原始隐藏状态的裸露 Pixtral 视觉编码器,没有任何特定的头部。此模型继承自 PreTrainedModel。查看超类文档以了解库为所有模型实现的通用方法(例如下载或保存、调整输入嵌入的大小、剪枝头部等)。

此模型也是 PyTorch torch.nn.Module 的子类。将其用作常规的 PyTorch 模块,并参考 PyTorch 文档以了解与一般用法和行为相关的所有事项。

前向传播

< >

( pixel_values: List output_hidden_states: Optional = False output_attentions: Optional = None return_dict: Optional = None *args **kwargs ) pixel_values

参数

  • pixel_values (torch.FloatTensor 形状为 (batch_size, num_channels, height, width)) — 像素值。可以使用 AutoImageProcessor 获取像素值。有关详细信息,请参阅 AutoImageProcessor.__call__()
  • output_attentions (bool, 可选) — 是否返回所有注意力层的注意力张量。有关更多详细信息,请参阅返回张量下的attentions
  • output_hidden_states (bool, 可选) — 是否返回所有层的隐藏状态。有关更多详细信息,请参阅返回张量下的hidden_states
  • return_dict (bool, 可选) — 是否返回一个ModelOutput而不是一个普通元组。

返回

pixel_values

所有图像的所有标记的标记特征张量,形状为 (N_toks, D)

PixtralVisionModel 的前向方法,覆盖了__call__特殊方法。

尽管前向传递的配方需要在此函数中定义,但此后应调用Module实例,而不是此函数,因为前者负责运行预处理和后处理步骤,而后者则会静默地忽略它们。

PixtralImageProcessor

transformers.PixtralImageProcessor

< >

( do_resize: bool = True size: Dict = None patch_size: Dict = None resample: Resampling = <Resampling.BICUBIC: 3> do_rescale: bool = True rescale_factor: Union = 0.00392156862745098 do_normalize: bool = True image_mean: Union = None image_std: Union = None do_convert_rgb: bool = True **kwargs )

参数

  • do_resize (bool, 可选,默认为True) — 是否将图像的 (高度,宽度) 尺寸调整为指定的size。可以在preprocess方法中的do_resize中覆盖。
  • size (Dict[str, int] 可选,默认为{"longest_edge" -- 1024}): 图像高度或宽度尺寸的最大维度的大小。用于控制图像如何调整大小。如果高度或宽度大于size["longest_edge"],则高度和宽度都按height / ratiowidth /ratio进行重新缩放,其中ratio = max(height / longest_edge, width / longest_edge)
  • patch_size (Dict[str, int] 可选,默认为{"height" -- 16, "width": 16}): 模型中补丁的大小,用于计算输出图像的大小。可以在preprocess方法中的patch_size中覆盖。
  • resample (PILImageResampling, 可选,默认为Resampling.BICUBIC) — 如果调整图像大小,则使用的重采样过滤器。可以在preprocess方法中的resample中覆盖。
  • do_rescale (bool可选,默认为 True) — 是否根据指定的缩放比例 rescale_factor 重新缩放图像。可以在 preprocess 方法中的 do_rescale 中覆盖。
  • rescale_factor (intfloat可选,默认为 1/255) — 如果重新缩放图像,则使用缩放比例。可以在 preprocess 方法中的 rescale_factor 中覆盖。
  • do_normalize (bool可选,默认为 True) — 是否标准化图像。可以在 preprocess 方法中的 do_normalize 中覆盖。
  • image_mean (floatList[float]可选,默认为 [0.48145466, 0.4578275, 0.40821073]) — 如果标准化图像,则使用平均值。这是一个浮点数或长度等于图像通道数的浮点数列表。可以在 preprocess 方法的 image_mean 参数中覆盖。
  • image_std (floatList[float]可选,默认为 [0.26862954, 0.26130258, 0.27577711]) — 如果标准化图像,则使用标准差。这是一个浮点数或长度等于图像通道数的浮点数列表。可以在 preprocess 方法的 image_std 参数中覆盖。可以在 preprocess 方法的 image_std 参数中覆盖。
  • do_convert_rgb (bool可选,默认为 True) — 是否将图像转换为 RGB。

构造一个 Pixtral 图像处理器。

预处理

< >

( images: Union do_resize: bool = None size: Dict = None patch_size: Dict = None resample: Resampling = None do_rescale: bool = None rescale_factor: float = None do_normalize: bool = None image_mean: Union = None image_std: Union = None do_convert_rgb: bool = None return_tensors: Union = None data_format: Optional = <ChannelDimension.FIRST: 'channels_first'> input_data_format: Union = None **kwargs )

参数

  • images (ImageInput) — 要预处理的图像。需要单张或一批像素值范围为 0 到 255 的图像。如果传入像素值介于 0 和 1 之间的图像,请设置 do_rescale=False
  • do_resize (bool可选,默认为 self.do_resize) — 是否调整图像大小。
  • size (Dict[str, int]可选,默认为 self.size) — 描述模型的最大输入尺寸。
  • patch_size (Dict[str, int]可选,默认为 self.patch_size) — 模型中的补丁大小。用于计算调整大小后的图像。
  • resample (int可选,默认为 self.resample) — 如果调整图像大小,则使用重新采样过滤器。这可以是枚举 PILImageResampling 中的一个。仅当 do_resize 设置为 True 时才有效。
  • do_rescale (bool可选,默认为 self.do_rescale) — 是否重新缩放图像。
  • rescale_factor (float可选,默认为 self.rescale_factor) — 如果 do_rescale 设置为 True,则用于重新缩放图像的缩放因子。
  • do_normalize (bool可选,默认为 self.do_normalize) — 是否标准化图像。
  • image_mean (floatList[float]可选,默认为 self.image_mean) — 用于标准化的图像均值。仅当 do_normalize 设置为 True 时才有效。
  • image_std (floatList[float]可选,默认为 self.image_std) — 用于标准化的图像标准差。仅当 do_normalize 设置为 True 时才有效。
  • do_convert_rgb (bool可选,默认为 self.do_convert_rgb) — 是否将图像转换为 RGB。
  • return_tensors (strTensorType可选) — 要返回的张量类型。可以是以下之一:
    • 未设置:返回 np.ndarray 列表。
    • TensorType.TENSORFLOW'tf':返回 tf.Tensor 类型的批次。
    • TensorType.PYTORCH'pt':返回 torch.Tensor 类型的批次。
    • TensorType.NUMPY'np':返回 np.ndarray 类型的批次。
    • TensorType.JAX'jax':返回 jax.numpy.ndarray 类型的批次。
  • data_format (ChannelDimensionstr, 可选, 默认为 ChannelDimension.FIRST) — 输出图像的通道维度格式。可以是以下之一:
    • "channels_first"ChannelDimension.FIRST:图像格式为 (num_channels, height, width)。
    • "channels_last"ChannelDimension.LAST:图像格式为 (height, width, num_channels)。
    • 未设置:使用输入图像的通道维度格式。
  • input_data_format (ChannelDimensionstr, 可选) — 输入图像的通道维度格式。如果未设置,则从输入图像推断通道维度格式。可以是以下之一:
    • "channels_first"ChannelDimension.FIRST:图像格式为 (num_channels, height, width)。
    • "channels_last"ChannelDimension.LAST:图像格式为 (height, width, num_channels)。
    • "none"ChannelDimension.NONE:图像格式为 (height, width)。

预处理图像或图像批次。

PixtralProcessor

transformers.PixtralProcessor

< >

( image_processor = None tokenizer = None patch_size: int = 16 chat_template = None image_token = '[IMG]' image_break_token = '[IMG_BREAK]' image_end_token = '[IMG_END]' **kwargs )

参数

  • image_processor (PixtralImageProcessor, 可选) — 图像处理器是必需的输入。
  • tokenizer (LlamaTokenizerFast, 可选) — 分词器是必需的输入。
  • patch_size (int, 可选, 默认为 16) — 来自视觉塔的补丁大小。
  • chat_template (str, 可选) — 将用于将聊天中的消息列表转换为可标记字符串的 Jinja 模板。
  • image_token (str, 可选, 默认为 "[IMG]") — 用于表示图像位置的特殊标记。
  • image_end_token (str可选,默认为 "[IMG_END]") — 用于表示图像输入结束的特殊标记。

构建一个 Pixtral 处理器,它将 Pixtral 图像处理器和 Pixtral 分词器封装到一个处理器中。

PixtralProcessor 提供了 CLIPImageProcessorLlamaTokenizerFast 的所有功能。有关更多信息,请参阅 __call__()decode()

batch_decode

< >

( *args **kwargs )

此方法将其所有参数转发到 LlamaTokenizerFast 的 batch_decode()。有关更多信息,请参阅此方法的文档字符串。

decode

< >

( *args **kwargs )

此方法将其所有参数转发到 LlamaTokenizerFast 的 decode()。有关更多信息,请参阅此方法的文档字符串。

< > 在 GitHub 上更新