Transformers 文档

Perceiver

Hugging Face's logo
加入 Hugging Face 社区

并获得增强的文档体验

开始使用

Perceiver

概述

Perceiver IO 模型在 Perceiver IO: A General Architecture for Structured Inputs & Outputs 中提出,作者为 Andrew Jaegle, Sebastian Borgeaud, Jean-Baptiste Alayrac, Carl Doersch, Catalin Ionescu, David Ding, Skanda Koppula, Daniel Zoran, Andrew Brock, Evan Shelhamer, Olivier Hénaff, Matthew M. Botvinick, Andrew Zisserman, Oriol Vinyals, João Carreira。

Perceiver IO 是 Perceiver 的泛化,除了任意输入外,还可以处理任意输出。原始的 Perceiver 仅生成单个分类标签。除了分类标签外,Perceiver IO 还可以生成(例如)语言、光流和带音频的多模态视频。这是使用与原始 Perceiver 相同的构建块完成的。Perceiver IO 的计算复杂度与输入和输出大小呈线性关系,并且大部分处理发生在潜在空间中,这使我们能够处理比标准 Transformer 可以处理的更大的输入和输出。这意味着,例如,Perceiver IO 可以直接使用字节而不是分词输入来完成 BERT 风格的掩码语言建模。

论文摘要如下

最近提出的 Perceiver 模型在多个领域(图像、音频、多模态、点云)取得了良好的结果,同时计算和内存与输入大小呈线性比例。虽然 Perceiver 支持多种输入类型,但它只能生成非常简单的输出,例如类别分数。Perceiver IO 通过学习灵活地查询模型的潜在空间以生成任意大小和语义的输出来克服了这一限制,同时又不牺牲原始模型的吸引人的特性。Perceiver IO 仍然将模型深度与数据大小解耦,并且仍然与数据大小呈线性比例,但现在相对于输入和输出大小都是如此。完整的 Perceiver IO 模型在具有高度结构化输出空间的任务(例如自然语言和视觉理解、星际争霸 II 以及多任务和多模态领域)上取得了出色的成果。作为亮点,Perceiver IO 在 GLUE 语言基准测试中与基于 Transformer 的 BERT 基线相匹配,而无需输入分词,并在 Sintel 光流估计方面实现了最先进的性能。

这是一个 TLDR,解释了 Perceiver 的工作原理

Transformer 的自注意力机制的主要问题是,时间和内存需求与序列长度呈二次方关系。因此,像 BERT 和 RoBERTa 这样的模型被限制为最大序列长度 512 个 token。Perceiver 旨在通过以下方式解决此问题:不是对输入执行自注意力,而是对一组潜在变量执行自注意力,并且仅将输入用于交叉注意力。这样,时间和内存需求不再取决于输入的长度,因为一个人使用固定数量的潜在变量,例如 256 或 512。这些变量是随机初始化的,之后使用反向传播进行端到端训练。

在内部,PerceiverModel 将创建潜在变量,这是一个形状为 (batch_size, num_latents, d_latents) 的张量。必须向模型提供 inputs(可以是文本、图像、音频,任何你想要的东西!),模型将使用它与潜在变量执行交叉注意力。Perceiver 编码器的输出是形状相同的张量。然后,与 BERT 类似,可以将潜在变量的最后隐藏状态转换为分类 logits,方法是沿着序列维度求平均值,并在其上放置一个线性层,以将 d_latents 投影到 num_labels

这是原始 Perceiver 论文的想法。但是,它只能输出分类 logits。在后续工作 PerceiverIO 中,他们对其进行了泛化,使模型也可以生成任意大小的输出。你可能会问,怎么做到的?这个想法实际上相对简单:定义任意大小的输出,然后使用潜在变量的最后隐藏状态应用交叉注意力,使用输出作为查询,潜在变量作为键和值。

因此,假设一个人想要使用 Perceiver 执行掩码语言建模(BERT 风格)。由于 Perceiver 的输入长度不会影响自注意力层的计算时间,因此可以提供原始字节,向模型提供长度为 2048 的 inputs。如果现在掩盖掉这些 2048 个 token 中的某些 token,则可以将 outputs 定义为形状:(batch_size, 2048, 768)。接下来,使用潜在变量的最终隐藏状态执行交叉注意力,以更新 outputs 张量。在交叉注意力之后,仍然有一个形状为 (batch_size, 2048, 768) 的张量。然后可以在顶部放置一个常规语言建模头,以将最后一个维度投影到模型的词汇表大小,即创建形状为 (batch_size, 2048, 262) 的 logits(因为 Perceiver 使用的词汇表大小为 262 字节 ID)。

drawing Perceiver IO 架构。取自 原始论文

此模型由 nielsr 贡献。原始代码可以在 此处 找到。

由于 PyTorch 中的错误,Perceiver 适用于 torch.nn.DataParallel,请参阅 issue #36035

资源

Perceiver 特定输出

class transformers.models.perceiver.modeling_perceiver.PerceiverModelOutput

< >

( logits: FloatTensor = None last_hidden_state: FloatTensor = None hidden_states: Optional = None attentions: Optional = None cross_attentions: Optional = None )

参数

  • logits (torch.FloatTensor,形状为 (batch_size, num_labels)) — 分类(或回归,如果 config.num_labels==1)得分(SoftMax 之前)。
  • last_hidden_state (torch.FloatTensor,形状为 (batch_size, sequence_length, hidden_size)) — 模型最后一层的输出端的隐藏状态序列。
  • hidden_states (tuple(torch.FloatTensor), 可选,当传递 output_hidden_states=Trueconfig.output_hidden_states=True 时返回) — torch.FloatTensor 的元组(每个层的输出一个,加上嵌入层的输出),形状为 (batch_size, sequence_length, hidden_size)。模型每一层输出的隐藏状态,加上初始嵌入输出。
  • attentions (tuple(torch.FloatTensor), 可选,当传递 output_attentions=Trueconfig.output_attentions=True 时返回) — torch.FloatTensor 的元组(每层一个),形状为 (batch_size, num_heads, sequence_length, sequence_length)。注意力 softmax 之后的注意力权重,用于计算自注意力头中的加权平均值。
  • cross_attentions (tuple(torch.FloatTensor), 可选,当传递 output_attentions=Trueconfig.output_attentions=True 时返回) — torch.FloatTensor 的元组(每层一个),形状为 (batch_size, num_heads, sequence_length, sequence_length)。解码器的交叉注意力层的注意力权重,注意力 softmax 之后,用于计算交叉注意力头中的加权平均值。

Perceiver 基础模型输出的基类,包含潜在的隐藏状态、注意力和交叉注意力。

class transformers.models.perceiver.modeling_perceiver.PerceiverDecoderOutput

< >

( logits: FloatTensor = None cross_attentions: Optional = None )

参数

  • logits (torch.FloatTensor,形状为 (batch_size, num_labels)) — 基础解码器的输出。
  • cross_attentions (tuple(torch.FloatTensor), 可选,当传递 output_attentions=Trueconfig.output_attentions=True 时返回) — torch.FloatTensor 的元组 (每层一个),形状为 (batch_size, num_heads, sequence_length, sequence_length)。 解码器交叉注意力层的注意力权重,在 attention softmax 之后,用于计算交叉注意力头中的加权平均值。

Perceiver 解码器输出的基类,可能包含交叉注意力。

class transformers.models.perceiver.modeling_perceiver.PerceiverMaskedLMOutput

< >

( loss: Optional = None logits: FloatTensor = None hidden_states: Optional = None attentions: Optional = None cross_attentions: Optional = None )

参数

  • loss (torch.FloatTensor,形状为 (1,)可选,当提供 labels 时返回) — 掩码语言建模 (MLM) 损失。
  • logits (torch.FloatTensor,形状为 (batch_size, sequence_length, config.vocab_size)) — 语言建模头的预测分数(SoftMax 之前的每个词汇标记的分数)。
  • hidden_states (tuple(torch.FloatTensor), 可选,当传递 output_hidden_states=Trueconfig.output_hidden_states=True 时返回) — torch.FloatTensor 的元组 (对于嵌入的输出 + 每层输出各一个),形状为 (batch_size, sequence_length, hidden_size)。 模型在每一层输出以及初始嵌入输出处的隐藏状态。
  • attentions (tuple(torch.FloatTensor), 可选,当传递 output_attentions=Trueconfig.output_attentions=True 时返回) — torch.FloatTensor 的元组 (每层一个),形状为 (batch_size, num_heads, num_latents, num_latents)。 自注意力头中在 attention softmax 之后的注意力权重,用于计算自注意力头中的加权平均值。
  • cross_attentions (tuple(torch.FloatTensor), 可选,当传递 output_attentions=Trueconfig.output_attentions=True 时返回) — torch.FloatTensor 的元组 (每层一个),形状为 (batch_size, num_heads, sequence_length, sequence_length)。 解码器交叉注意力层的注意力权重,在 attention softmax 之后,用于计算交叉注意力头中的加权平均值。

Perceiver 掩码语言模型输出的基类。

class transformers.models.perceiver.modeling_perceiver.PerceiverClassifierOutput

< >

( loss: Optional = None logits: FloatTensor = None hidden_states: Optional = None attentions: Optional = None cross_attentions: Optional = None )

参数

  • loss (torch.FloatTensor,形状为 (1,)可选,当提供 labels 时返回) — 分类(如果 config.num_labels==1,则为回归)损失。
  • logits (torch.FloatTensor,形状为 (batch_size, config.num_labels)) — 分类(如果 config.num_labels==1,则为回归)分数(SoftMax 之前)。
  • hidden_states (tuple(torch.FloatTensor), 可选,当传递 output_hidden_states=Trueconfig.output_hidden_states=True 时返回) — torch.FloatTensor 的元组 (对于嵌入的输出 + 每层输出各一个),形状为 (batch_size, sequence_length, hidden_size)。 模型在每一层输出以及初始嵌入输出处的隐藏状态。
  • attentions (tuple(torch.FloatTensor), 可选,当传递 output_attentions=Trueconfig.output_attentions=True 时返回) — torch.FloatTensor 的元组 (每层一个),形状为 (batch_size, num_heads, sequence_length, sequence_length)。 自注意力 softmax 之后的注意力权重,用于计算自注意力头中的加权平均值。
  • cross_attentions (tuple(torch.FloatTensor), 可选,当传递 output_attentions=Trueconfig.output_attentions=True 时返回) — torch.FloatTensor 的元组 (每层一个),形状为 (batch_size, num_heads, sequence_length, sequence_length)。 解码器交叉注意力层的注意力权重,在 attention softmax 之后,用于计算交叉注意力头中的加权平均值。

Perceiver 序列/图像分类模型、光流和多模态自动编码输出的基类。

PerceiverConfig

class transformers.PerceiverConfig

< >

( num_latents = 256 d_latents = 1280 d_model = 768 num_blocks = 1 num_self_attends_per_block = 26 num_self_attention_heads = 8 num_cross_attention_heads = 8 qk_channels = None v_channels = None cross_attention_shape_for_attention = 'kv' self_attention_widening_factor = 1 cross_attention_widening_factor = 1 hidden_act = 'gelu' attention_probs_dropout_prob = 0.1 initializer_range = 0.02 layer_norm_eps = 1e-12 use_query_residual = True vocab_size = 262 max_position_embeddings = 2048 image_size = 56 train_size = [368, 496] num_frames = 16 audio_samples_per_frame = 1920 samples_per_patch = 16 output_shape = [1, 16, 224, 224] output_num_channels = 512 _label_trainable_num_channels = 1024 **kwargs )

参数

  • num_latents (int, 可选,默认为 256) — Latents 的数量。
  • d_latents (int, 可选,默认为 1280) — Latent 嵌入的维度。
  • d_model (int, 可选,默认为 768) — 输入的维度。 仅在使用了 [PerceiverTextPreprocessor] 或未提供预处理器的情况下才应提供。
  • num_blocks (int, 可选,默认为 1) — Transformer 编码器中的块数。
  • num_self_attends_per_block (int, 可选,默认为 26) — 每个块中的自注意力层数。
  • num_self_attention_heads (int, 可选,默认为 8) — Transformer 编码器中每个自注意力层的注意力头数。
  • num_cross_attention_heads (int, 可选,默认为 8) — Transformer 编码器中每个交叉注意力层的注意力头数。
  • qk_channels (int, 可选) — 在编码器的交叉注意力和自注意力层中应用注意力之前,用于投影 queries + keys 的维度。 如果未指定,则默认为保留 queries 的维度。
  • v_channels (int, 可选) — 在编码器的交叉注意力层和自注意力层中应用注意力机制之前,将值投影到的维度。如果未指定,则默认为保留查询的维度。
  • cross_attention_shape_for_attention (str, 可选, 默认为 "kv") — 在编码器的交叉注意力层中下采样查询和键时使用的维度。
  • self_attention_widening_factor (int, 可选, 默认为 1) — Transformer 编码器的交叉注意力层中前馈层的维度。
  • cross_attention_widening_factor (int, 可选, 默认为 1) — Transformer 编码器的自注意力层中前馈层的维度。
  • hidden_act (strfunction, 可选, 默认为 "gelu") — 编码器和 Pooler 中的非线性激活函数(函数或字符串)。 如果是字符串,则支持 "gelu", "relu", "selu""gelu_new"
  • attention_probs_dropout_prob (float, 可选, 默认为 0.1) — 注意力概率的 dropout 比率。
  • initializer_range (float, 可选, 默认为 0.02) — 用于初始化所有权重矩阵的 truncated_normal_initializer 的标准差。
  • layer_norm_eps (float, 可选, 默认为 1e-12) — 层归一化层使用的 epsilon 值。
  • use_query_residual (float, 可选, 默认为 True) — 是否在编码器的交叉注意力层中添加查询残差。
  • vocab_size (int, 可选, 默认为 262) — 掩码语言建模模型的词汇表大小。
  • max_position_embeddings (int, 可选, 默认为 2048) — 掩码语言建模模型可能使用的最大序列长度。 通常将其设置为较大的值以防万一(例如,512 或 1024 或 2048)。
  • image_size (int, 可选, 默认为 56) — 预处理后图像的大小,用于 PerceiverForImageClassificationLearned
  • train_size (List[int], 可选, 默认为 [368, 496]) — 光流模型的图像训练大小。
  • num_frames (int, 可选, 默认为 16) — 用于多模态自动编码模型的视频帧数。
  • audio_samples_per_frame (int, 可选, 默认为 1920) — 多模态自动编码模型的每帧音频样本数。
  • samples_per_patch (int, 可选, 默认为 16) — 预处理多模态自动编码模型的音频时,每个 patch 的音频样本数。
  • output_shape (List[int], 可选, 默认为 [1, 16, 224, 224]) — 多模态自动编码模型的视频解码器查询的输出形状(batch_size、num_frames、height、width)。 这不包括通道维度。
  • output_num_channels (int, 可选, 默认为 512) — 每个模态解码器的输出通道数。

这是用于存储 PerceiverModel 配置的配置类。 它用于根据指定的参数实例化 Perceiver 模型,定义模型架构。 使用默认值实例化配置将产生与 Perceiver deepmind/language-perceiver 架构类似的配置。

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

示例

>>> from transformers import PerceiverModel, PerceiverConfig

>>> # Initializing a Perceiver deepmind/language-perceiver style configuration
>>> configuration = PerceiverConfig()

>>> # Initializing a model from the deepmind/language-perceiver style configuration
>>> model = PerceiverModel(configuration)

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

PerceiverTokenizer

class transformers.PerceiverTokenizer

< >

( pad_token = '[PAD]' bos_token = '[BOS]' eos_token = '[EOS]' mask_token = '[MASK]' cls_token = '[CLS]' sep_token = '[SEP]' model_max_length = 2048 **kwargs )

参数

  • pad_token (str, 可选, 默认为 "[PAD]") — 用于填充的 token,例如在对不同长度的序列进行批处理时使用。
  • bos_token (str, 可选, 默认为 "[BOS]") — BOS token(在词汇表中保留,但实际上未使用)。
  • eos_token (str, 可选, 默认为 "[EOS]") — 序列结束 token(在词汇表中保留,但实际上未使用)。

    当使用特殊 token 构建序列时,这不是用于序列结束的 token。 使用的 token 是 sep_token

  • mask_token (str, 可选, 默认为 "[MASK]") — MASK token,用于掩码语言建模。
  • cls_token (str, 可选, 默认为 "[CLS]") — CLS token(在词汇表中保留,但实际上未使用)。
  • sep_token (str, 可选, 默认为 "[SEP]") — 分隔符 token,用于从两个序列构建一个序列时使用。

构建 Perceiver 分词器。 Perceiver 仅使用原始字节 utf-8 编码。

此分词器继承自 PreTrainedTokenizer,其中包含大多数主要方法。 用户应参考此超类以获取有关这些方法的更多信息。

__call__

< >

( text: Union = None text_pair: Union = None text_target: Union = None text_pair_target: Union = None add_special_tokens: bool = True padding: Union = False truncation: Union = None max_length: Optional = None stride: int = 0 is_split_into_words: bool = False pad_to_multiple_of: Optional = None padding_side: Optional = None return_tensors: Union = None return_token_type_ids: Optional = None return_attention_mask: Optional = None return_overflowing_tokens: bool = False return_special_tokens_mask: bool = False return_offsets_mapping: bool = False return_length: bool = False verbose: bool = True **kwargs ) BatchEncoding

参数

  • text (str, List[str], List[List[str]], optional) — 要编码的序列或序列批次。每个序列可以是字符串或字符串列表(预分词字符串)。如果序列以字符串列表(预分词)形式提供,则必须设置 is_split_into_words=True(以消除与序列批次的歧义)。
  • text_pair (str, List[str], List[List[str]], optional) — 要编码的成对序列或成对序列批次。每个序列可以是字符串或字符串列表(预分词字符串)。如果序列以字符串列表(预分词)形式提供,则必须设置 is_split_into_words=True(以消除与序列批次的歧义)。
  • text_target (str, List[str], List[List[str]], optional) — 要编码为目标文本的序列或序列批次。每个序列可以是字符串或字符串列表(预分词字符串)。如果序列以字符串列表(预分词)形式提供,则必须设置 is_split_into_words=True(以消除与序列批次的歧义)。
  • text_pair_target (str, List[str], List[List[str]], optional) — 要编码为目标文本的成对序列或成对序列批次。每个序列可以是字符串或字符串列表(预分词字符串)。如果序列以字符串列表(预分词)形式提供,则必须设置 is_split_into_words=True(以消除与序列批次的歧义)。
  • add_special_tokens (bool, optional, defaults to True) — 是否在编码序列时添加特殊 token。这将使用底层的 PretrainedTokenizerBase.build_inputs_with_special_tokens 函数,该函数定义了哪些 token 会自动添加到 input ids 中。如果您想自动添加 boseos token,这将非常有用。
  • padding (bool, strPaddingStrategy, optional, defaults to False) — 激活和控制填充。接受以下值:

    • True'longest':填充到批次中最长序列的长度(如果仅提供单个序列,则不填充)。
    • 'max_length':填充到参数 max_length 指定的最大长度,如果未提供该参数,则填充到模型可接受的最大输入长度。
    • False'do_not_pad' (默认):不填充(即,可以输出具有不同长度序列的批次)。
  • truncation (bool, strTruncationStrategy, optional, defaults to False) — 激活和控制截断。接受以下值:

    • True'longest_first':截断为参数 max_length 指定的最大长度,如果未提供该参数,则截断为模型可接受的最大输入长度。如果提供了一对序列(或成对序列批次),这将逐个 token 截断,从该对中最长的序列中删除一个 token。
    • 'only_first':截断为参数 max_length 指定的最大长度,如果未提供该参数,则截断为模型可接受的最大输入长度。如果提供了一对序列(或成对序列批次),这将仅截断该对中的第一个序列。
    • 'only_second':截断为参数 max_length 指定的最大长度,如果未提供该参数,则截断为模型可接受的最大输入长度。如果提供了一对序列(或成对序列批次),这将仅截断该对中的第二个序列。
    • False'do_not_truncate' (默认):不截断(即,可以输出序列长度大于模型最大允许输入大小的批次)。
  • max_length (int, optional) — 控制由截断/填充参数之一使用的最大长度。

    如果未设置或设置为 None,如果截断/填充参数之一需要最大长度,则将使用预定义的模型最大长度。如果模型没有特定的最大输入长度(如 XLNet),则将停用截断/填充到最大长度的功能。

  • stride (int, optional, defaults to 0) — 如果与 max_length 一起设置为一个数字,当 return_overflowing_tokens=True 时返回的溢出 token 序列将包含来自截断序列末尾的一些 token,以在截断序列和溢出序列之间提供一些重叠。此参数的值定义了重叠 token 的数量。
  • is_split_into_words (bool, optional, defaults to False) — 输入是否已预分词(例如,拆分为单词)。如果设置为 True,则分词器假定输入已拆分为单词(例如,通过在空格上拆分),它将对其进行分词。这对于 NER 或 token 分类很有用。
  • pad_to_multiple_of (int, optional) — 如果设置,将序列填充到提供的值的倍数。需要激活 padding。这对于在计算能力 >= 7.5 (Volta) 的 NVIDIA 硬件上启用 Tensor Core 的使用尤其有用。
  • padding_side (str, optional) — 模型应在其上应用填充的一侧。应在 [‘right’, ‘left’] 之间选择。默认值从同名的类属性中选取。
  • return_tensors (strTensorType, optional) — 如果设置,将返回 tensor 而不是 python 整数列表。可接受的值为:

    • 'tf':返回 TensorFlow tf.constant 对象。
    • 'pt':返回 PyTorch torch.Tensor 对象。
    • 'np':返回 Numpy np.ndarray 对象。
  • return_token_type_ids (bool, optional) — 是否返回 token 类型 ID。如果保留为默认值,则将根据特定分词器的默认值返回 token 类型 ID,由 return_outputs 属性定义。

    什么是 token 类型 ID?

  • return_attention_mask (bool, optional) — 是否返回 attention mask。如果保留为默认值,则将根据特定分词器的默认值返回 attention mask,由 return_outputs 属性定义。

    什么是 attention mask?

  • return_overflowing_tokens (bool, optional, defaults to False) — 是否返回溢出的 token 序列。如果提供了一对输入 id 序列(或成对序列批次),并且 truncation_strategy = longest_firstTrue,则会引发错误而不是返回溢出的 token。
  • return_special_tokens_mask (bool, optional, defaults to False) — 是否返回特殊 token 掩码信息。
  • return_offsets_mapping (bool, optional, defaults to False) — 是否为每个 token 返回 (char_start, char_end)

    这仅在继承自 PreTrainedTokenizerFast 的快速分词器上可用,如果使用 Python 的分词器,此方法将引发 NotImplementedError

  • return_length (bool, optional, defaults to False) — 是否返回编码输入的长度。
  • verbose (bool, optional, defaults to True) — 是否打印更多信息和警告。 **kwargs — 传递给 self.tokenize() 方法

返回

BatchEncoding

具有以下字段的 BatchEncoding

  • input_ids — 要馈送到模型的 token id 列表。

    什么是输入 ID?

  • token_type_ids — 要馈送到模型的 token 类型 id 列表(当 return_token_type_ids=True 或如果 “token_type_ids”self.model_input_names 中时)。

    什么是 token 类型 ID?

  • attention_mask — 指定模型应关注哪些 token 的索引列表(当 return_attention_mask=True 或如果 “attention_mask”self.model_input_names 中时)。

    什么是 attention mask?

  • overflowing_tokens — 溢出的 token 序列列表(当指定了 max_lengthreturn_overflowing_tokens=True 时)。

  • num_truncated_tokens — 截断的 token 数量(当指定了 max_lengthreturn_overflowing_tokens=True 时)。

  • special_tokens_mask — 由 0 和 1 组成的列表,其中 1 指定添加的特殊 token,0 指定常规序列 token(当 add_special_tokens=Truereturn_special_tokens_mask=True 时)。

  • length — 输入的长度(当 return_length=True 时)

对一个或多个序列或一对或多对序列进行分词和模型准备的主要方法。

PerceiverFeatureExtractor

class transformers.PerceiverFeatureExtractor

< >

( *args **kwargs )

__call__

< >

( images **kwargs )

Preprocess an image or a batch of images.

PerceiverImageProcessor

class transformers.PerceiverImageProcessor

< >

( do_center_crop: bool = True crop_size: Dict = None do_resize: bool = True 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 **kwargs )

参数

  • do_center_crop (bool, optional, defaults to True) — 是否对图像进行中心裁剪。如果输入尺寸的任何一边小于 crop_size,图像将用零填充,然后再进行中心裁剪。可以被 preprocess 方法中的 do_center_crop 参数覆盖。
  • crop_size (Dict[str, int], optional, defaults to {"height" -- 256, "width": 256}): 应用中心裁剪时期望的输出尺寸。可以被 preprocess 方法中的 crop_size 参数覆盖。
  • do_resize (bool, optional, defaults to True) — 是否将图像调整大小为 (size["height"], size["width"])。可以被 preprocess 方法中的 do_resize 参数覆盖。
  • size (Dict[str, int] optional, defaults to {"height" -- 224, "width": 224}): 调整大小后图像的尺寸。可以被 preprocess 方法中的 size 参数覆盖。
  • resample (PILImageResampling, optional, defaults to PILImageResampling.BICUBIC) — 定义在调整图像大小时使用的重采样滤波器。可以被 preprocess 方法中的 resample 参数覆盖。
  • do_rescale (bool, optional, defaults to True) — 是否通过指定的比例 rescale_factor 缩放图像。可以被 preprocess 方法中的 do_rescale 参数覆盖。
  • rescale_factor (int or float, optional, defaults to 1/255) — 定义在缩放图像时使用的比例因子。可以被 preprocess 方法中的 rescale_factor 参数覆盖。 do_normalize — 是否对图像进行归一化。可以被 preprocess 方法中的 do_normalize 参数覆盖。
  • image_mean (float or List[float], optional, defaults to IMAGENET_STANDARD_MEAN) — 如果对图像进行归一化,则使用的均值。这是一个浮点数或浮点数列表,其长度为图像中通道的数量。可以被 preprocess 方法中的 image_mean 参数覆盖。
  • image_std (float or List[float], optional, defaults to IMAGENET_STANDARD_STD) — 如果对图像进行归一化,则使用的标准差。这是一个浮点数或浮点数列表,其长度为图像中通道的数量。可以被 preprocess 方法中的 image_std 参数覆盖。

Constructs a Perceiver image processor.

preprocess

< >

( images: Union do_center_crop: Optional = None crop_size: Optional = None do_resize: Optional = None size: Optional = None resample: Resampling = None do_rescale: Optional = None rescale_factor: Optional = None do_normalize: Optional = None image_mean: Union = None image_std: Union = None return_tensors: Union = None data_format: ChannelDimension = <ChannelDimension.FIRST: 'channels_first'> input_data_format: Union = None )

参数

  • images (ImageInput) — 要预处理的图像。 接受单张或批量图像,像素值范围为 0 到 255。如果传入的图像像素值在 0 到 1 之间,请设置 do_rescale=False
  • do_center_crop (bool, optional, defaults to self.do_center_crop) — 是否对图像进行中心裁剪到 crop_size
  • crop_size (Dict[str, int], optional, defaults to self.crop_size) — 应用中心裁剪后期望的输出尺寸。
  • do_resize (bool, optional, defaults to self.do_resize) — 是否调整图像大小。
  • size (Dict[str, int], optional, defaults to self.size) — 调整大小后图像的尺寸。
  • resample (int, optional, defaults to self.resample) — 在调整图像大小时使用的重采样滤波器。这可以是枚举 PILImageResampling 中的一个,仅在 do_resize 设置为 True 时有效。
  • do_rescale (bool, optional, defaults to self.do_rescale) — 是否缩放图像。
  • rescale_factor (float, optional, defaults to self.rescale_factor) — 如果 do_rescale 设置为 True,则用于缩放图像的缩放因子。
  • do_normalize (bool, optional, defaults to self.do_normalize) — 是否对图像进行归一化。
  • image_mean (floatList[float], optional, defaults to self.image_mean) — 图像均值。
  • image_std (floatList[float], optional, defaults to self.image_std) — 图像标准差。
  • return_tensors (strTensorType, optional) — 返回张量的类型。可以是以下之一:
    • Unset: 返回 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, optional, defaults to ChannelDimension.FIRST) — 输出图像的通道维度格式。可以是以下之一:
    • ChannelDimension.FIRST: 格式为 (num_channels, height, width) 的图像。
    • ChannelDimension.LAST: 格式为 (height, width, num_channels) 的图像。
  • input_data_format (ChannelDimensionstr, optional) — 输入图像的通道维度格式。如果未设置,则通道维度格式将从输入图像中推断。可以是以下之一:
    • "channels_first"ChannelDimension.FIRST: 格式为 (num_channels, height, width) 的图像。
    • "channels_last"ChannelDimension.LAST: 格式为 (height, width, num_channels) 的图像。
    • "none"ChannelDimension.NONE: 格式为 (height, width) 的图像。

预处理单张或批量图像。

PerceiverTextPreprocessor

class transformers.models.perceiver.modeling_perceiver.PerceiverTextPreprocessor

< >

( config: PerceiverConfig )

参数

Perceiver 编码器的文本预处理。可用于嵌入 inputs 并添加位置编码。

嵌入的维度由配置的 d_model 属性确定。

PerceiverImagePreprocessor

class transformers.models.perceiver.modeling_perceiver.PerceiverImagePreprocessor

< >

( config prep_type = 'conv' spatial_downsample: int = 4 temporal_downsample: int = 1 position_encoding_type: str = 'fourier' in_channels: int = 3 out_channels: int = 64 conv_after_patching: bool = False conv_after_patching_in_channels: int = 54 conv2d_use_batchnorm: bool = True concat_or_add_pos: str = 'concat' project_pos_dim: int = -1 **position_encoding_kwargs )

参数

  • config ([PerceiverConfig]) — 模型配置。
  • prep_type (str, optional, defaults to "conv") — 预处理类型。可以是 “conv1x1”、 “conv”、 “patches”、 “pixels”。
  • spatial_downsample (int, optional, defaults to 4) — 空间下采样因子。
  • temporal_downsample (int, optional, defaults to 1) — 时间下采样因子(仅在存在时间维度的情况下相关)。
  • position_encoding_type (str, optional, defaults to "fourier") — 位置编码类型。可以是 “fourier” 或 “trainable”。
  • in_channels (int, optional, defaults to 3) — 输入中的通道数。
  • out_channels (int, optional, defaults to 64) — 输出中的通道数。
  • conv_after_patching (bool, optional, defaults to False) — 是否在patching后应用卷积层。
  • conv_after_patching_in_channels (int, optional, defaults to 54) — patching后卷积层输入中的通道数。
  • conv2d_use_batchnorm (bool, optional, defaults to True) — 是否在卷积层中使用批归一化。
  • concat_or_add_pos (str, optional, defaults to "concat") — 如何将位置编码与输入连接。可以是 “concat” 或 “add”。
  • project_pos_dim (int, optional, defaults to -1) — 要投影到的位置编码维度。如果为 -1,则不应用投影。
  • **position_encoding_kwargs (Dict, optional) — 位置编码的关键字参数。

Perceiver 编码器的图像预处理。

注意:out_channels 参数指的是卷积层的输出通道数,如果 prep_type 设置为 “conv1x1” 或 “conv”。 如果添加绝对位置嵌入,则必须确保位置编码 kwargs 的 num_channels 设置为等于 out_channels

PerceiverOneHotPreprocessor

class transformers.models.perceiver.modeling_perceiver.PerceiverOneHotPreprocessor

< >

( config: PerceiverConfig )

参数

Perceiver 编码器的独热预处理器。可用于向输入添加虚拟索引维度。

PerceiverAudioPreprocessor

class transformers.models.perceiver.modeling_perceiver.PerceiverAudioPreprocessor

< >

( config prep_type: str = 'patches' samples_per_patch: int = 96 position_encoding_type: str = 'fourier' concat_or_add_pos: str = 'concat' out_channels = 64 project_pos_dim = -1 **position_encoding_kwargs )

参数

  • config ([PerceiverConfig]) — 模型配置。
  • prep_type (str, 可选, 默认为 "patches") — 要使用的预处理器类型。仅支持 “patches”。
  • samples_per_patch (int, 可选, 默认为 96) — 每个patch的样本数。
  • position_encoding_type (str, 可选, 默认为 "fourier") — 要使用的位置编码类型。可以是 “trainable” 或 “fourier”。
  • concat_or_add_pos (str, 可选, 默认为 "concat") — 如何将位置编码连接到输入。可以是 “concat” 或 “add”。
  • out_channels (int, 可选, 默认为 64) — 输出中的通道数。
  • project_pos_dim (int, 可选, 默认为 -1) — 要投影到的位置编码的维度。如果为 -1,则不应用投影。
  • **position_encoding_kwargs (Dict, 可选) — 位置编码的关键字参数。

Perceiver 编码器的音频预处理。

PerceiverMultimodalPreprocessor

class transformers.models.perceiver.modeling_perceiver.PerceiverMultimodalPreprocessor

< >

( modalities: Mapping mask_probs: Optional = None min_padding_size: int = 2 )

参数

  • modalities (Mapping[str, PreprocessorType]) — 字典,将模态名称映射到预处理器。
  • mask_probs (Dict[str, float]) — 字典,将模态名称映射到该模态的掩码概率。
  • min_padding_size (int, 可选, 默认为 2) — 所有模态的最小填充大小。最终输出的 num_channels 将等于所有模态中通道的最大数量加上 min_padding_size。

Perceiver 编码器的多模态预处理。

每个模态的输入都经过预处理,然后用可训练的位置嵌入进行填充,以具有相同的通道数。

PerceiverProjectionDecoder

class transformers.models.perceiver.modeling_perceiver.PerceiverProjectionDecoder

< >

( config )

参数

基线投影解码器(无交叉注意力)。

PerceiverBasicDecoder

class transformers.models.perceiver.modeling_perceiver.PerceiverBasicDecoder

< >

( config: PerceiverConfig output_num_channels: int position_encoding_type: Optional = 'trainable' output_index_dims: Optional = None num_channels: Optional = 128 subsampled_index_dims: Optional = None qk_channels: Optional = None v_channels: Optional = None num_heads: Optional = 1 widening_factor: Optional = 1 use_query_residual: Optional = False concat_preprocessed_input: Optional = False final_project: Optional = True position_encoding_only: Optional = False **position_encoding_kwargs )

参数

  • config ([PerceiverConfig]) — 模型配置。
  • output_num_channels (int, 可选) — 输出中的通道数。仅在 final_project 设置为 True 时使用。
  • position_encoding_type (str, 可选, 默认为 “trainable”) — 要使用的位置编码类型。可以是 “trainable”、“fourier” 或 “none”。
  • output_index_dims (int, 可选) — 输出查询的维度数。如果 ‘position_encoding_type’ == ‘none’,则忽略。
  • num_channels (int, 可选, 默认为 128) — 解码器查询的通道数。如果 ‘position_encoding_type’ == ‘none’,则忽略。
  • qk_channels (int, 可选) — 交叉注意力层中查询和键的通道数。
  • v_channels (int, 可选) — 交叉注意力层中值的通道数。
  • num_heads (int, optional, defaults to 1) — 交叉注意力层中的注意力头的数量。
  • widening_factor (int, optional, defaults to 1) — 交叉注意力层的扩展因子。
  • use_query_residual (bool, optional, defaults to False) — 是否在查询和交叉注意力层的输出之间使用残差连接。
  • concat_preprocessed_input (bool, optional, defaults to False) — 是否将预处理后的输入连接到查询。
  • final_project (bool, optional, defaults to True) — 是否将交叉注意力层的输出投影到目标维度。
  • position_encoding_only (bool, optional, defaults to False) — 是否仅使用此类来定义输出查询。

基于交叉注意力的解码器。此类可用于使用交叉注意力操作解码潜在变量的最终隐藏状态,其中潜在变量生成键和值。

此类的输出形状取决于如何定义输出查询(也称为解码器查询)。

PerceiverClassificationDecoder

class transformers.models.perceiver.modeling_perceiver.PerceiverClassificationDecoder

< >

( config **decoder_kwargs )

参数

基于交叉注意力的分类解码器。 PerceiverBasicDecoder 的轻量级封装器,用于 logits 输出。 将 Perceiver 编码器的输出(形状为 (batch_size, num_latents, d_latents))转换为形状为 (batch_size, num_labels) 的张量。 查询的形状为 (batch_size, 1, num_labels)。

PerceiverOpticalFlowDecoder

class transformers.models.perceiver.modeling_perceiver.PerceiverOpticalFlowDecoder

< >

( config output_image_shape output_num_channels = 2 rescale_factor = 100.0 **decoder_kwargs )

基于交叉注意力的光流解码器。

PerceiverBasicVideoAutoencodingDecoder

class transformers.models.perceiver.modeling_perceiver.PerceiverBasicVideoAutoencodingDecoder

< >

( config: PerceiverConfig output_shape: List position_encoding_type: str **decoder_kwargs )

参数

  • config ([PerceiverConfig]) — 模型配置。
  • output_shape (List[int]) — 输出形状,格式为 (batch_size, num_frames, height, width),不包括通道维度。
  • position_encoding_type (str) — 要使用的位置编码类型。可以是 “trainable”、“fourier” 或 “none”。

基于交叉注意力的视频自动编码解码器。 [PerceiverBasicDecoder] 的轻量级封装器,带有视频重塑逻辑。

PerceiverMultimodalDecoder

class transformers.models.perceiver.modeling_perceiver.PerceiverMultimodalDecoder

< >

( config: PerceiverConfig modalities: Dict num_outputs: int output_num_channels: int min_padding_size: Optional = 2 subsampled_index_dims: Optional = None **decoder_kwargs )

参数

  • config ([PerceiverConfig]) — 模型配置。
  • modalities (Dict[str, PerceiverAbstractDecoder]) — 字典,将模态名称映射到该模态的解码器。
  • num_outputs (int) — 解码器的输出数量。
  • output_num_channels (int) — 输出中的通道数。
  • min_padding_size (int, optional, defaults to 2) — 所有模态的最小填充大小。最终输出的通道数将等于所有模态中最大通道数加上 min_padding_size。
  • subsampled_index_dims (Dict[str, PerceiverAbstractDecoder], optional) — 字典,将模态名称映射到用于该模态解码器查询的子采样索引维度。

通过组合单模态解码器进行多模态解码。构造函数的 modalities 参数是一个字典,将模态名称映射到该模态的解码器。该解码器将用于构建该模态的查询。特定于模态的查询用可训练的特定于模态的参数填充,之后它们沿时间维度连接。

接下来,所有模态之间存在共享的交叉注意力操作。

PerceiverProjectionPostprocessor

class transformers.models.perceiver.modeling_perceiver.PerceiverProjectionPostprocessor

< >

( in_channels: int out_channels: int )

参数

  • in_channels (int) — 输入中的通道数。
  • out_channels (int) — 输出中的通道数。

Perceiver 的投影后处理。可用于将解码器输出的通道投影到较低的维度。

PerceiverAudioPostprocessor

class transformers.models.perceiver.modeling_perceiver.PerceiverAudioPostprocessor

< >

( config: PerceiverConfig in_channels: int postproc_type: str = 'patches' )

参数

  • config ([PerceiverConfig]) — 模型配置。
  • in_channels (int) — 输入通道数。
  • postproc_type (str, 可选, 默认为 "patches") — 要使用的后处理器类型。目前仅支持 “patches”。

用于 Perceiver 的音频后处理。 可用于将解码器输出转换为音频特征。

PerceiverClassificationPostprocessor

class transformers.models.perceiver.modeling_perceiver.PerceiverClassificationPostprocessor

< >

( config: PerceiverConfig in_channels: int )

参数

  • config ([PerceiverConfig]) — 模型配置。
  • in_channels (int) — 输入通道数。

用于 Perceiver 的分类后处理。 可用于将解码器输出转换为分类 logits。

PerceiverMultimodalPostprocessor

class transformers.models.perceiver.modeling_perceiver.PerceiverMultimodalPostprocessor

< >

( modalities: Mapping input_is_dict: bool = False )

参数

  • modalities (Mapping[str, PostprocessorType]) — 字典,将模态名称映射到该模态的后处理器类。
  • input_is_dict (bool, 可选, 默认为 False) — 如果为 True,则假定输入是字典结构,并且输出保持相同的字典形状。如果为 False,则输入是一个张量,在后处理过程中,该张量会通过 modality_sizes 进行切片。

用于 Perceiver 的多模态后处理。 可用于将特定于模态的后处理器组合成单个后处理器。

PerceiverModel

class transformers.PerceiverModel

< >

( config decoder = None input_preprocessor: Callable = None output_postprocessor: Callable = None )

参数

  • config (PerceiverConfig) — 带有模型所有参数的模型配置类。 使用配置文件初始化不会加载与模型关联的权重,而只会加载配置。 请查看 from_pretrained() 方法以加载模型权重。
  • decoder (DecoderType, 可选) — 可选的解码器,用于解码编码器的潜在表示。 示例包括 transformers.models.perceiver.modeling_perceiver.PerceiverBasicDecoder, transformers.models.perceiver.modeling_perceiver.PerceiverClassificationDecoder, transformers.models.perceiver.modeling_perceiver.PerceiverMultimodalDecoder
  • input_preprocessor (PreprocessorType, 可选) — 可选的输入预处理器。 示例包括 transformers.models.perceiver.modeling_perceiver.PerceiverImagePreprocessor, transformers.models.perceiver.modeling_perceiver.PerceiverAudioPreprocessor, transformers.models.perceiver.modeling_perceiver.PerceiverTextPreprocessor, transformers.models.perceiver.modeling_perceiver.PerceiverMultimodalPreprocessor
  • output_postprocessor (PostprocessorType, 可选) — 可选的输出后处理器。 示例包括 transformers.models.perceiver.modeling_perceiver.PerceiverImagePostprocessor, transformers.models.perceiver.modeling_perceiver.PerceiverAudioPostprocessor, transformers.models.perceiver.modeling_perceiver.PerceiverClassificationPostprocessor, transformers.models.perceiver.modeling_perceiver.PerceiverProjectionPostprocessor, transformers.models.perceiver.modeling_perceiver.PerceiverMultimodalPostprocessor
  • 注意,您可以定义自己的解码器、预处理器和/或后处理器以适应您的用例。 —

Perceiver:一种可扩展的、完全注意力机制的架构。

请注意,通过在模型的前向传播中将 interpolate_pos_encoding 设置为 True,可以在比 Perceiver 训练时使用的分辨率更高的图像上对其进行微调。 这会将预训练的位置嵌入插值到更高的分辨率。

此模型是 PyTorch torch.nn.Module 子类。 可以像常规 PyTorch 模块一样使用它,并查阅 PyTorch 文档以获取与常规用法和行为相关的所有事项。

forward

< >

( inputs: FloatTensor attention_mask: Optional = None subsampled_output_points: Optional = None head_mask: Optional = None output_attentions: Optional = None output_hidden_states: Optional = None interpolate_pos_encoding: bool = False return_dict: Optional = None ) transformers.models.perceiver.modeling_perceiver.PerceiverModelOutputtuple(torch.FloatTensor)

参数

  • inputs (torch.FloatTensor) — Perceiver 的输入。 可以是任何内容:图像、文本、音频、视频等。
  • attention_mask (torch.FloatTensor,形状为 (batch_size, sequence_length)可选) — 掩码,以避免对 padding 标记索引执行注意力机制。 在 [0, 1] 中选择的掩码值:

    • 1 表示未掩码的标记,
    • 0 表示已掩码的标记。

    什么是注意力掩码?

  • head_mask (torch.FloatTensor, 形状为 (num_heads,)(num_layers, num_heads), 可选) — 用于置空自注意力模块中选定注意力头的掩码。掩码值在 [0, 1] 中选择:

    • 1 表示注意力头未被掩盖
    • 0 表示注意力头被掩盖
  • output_attentions (bool, 可选) — 是否返回所有注意力层的注意力张量。 有关更多详细信息,请参见返回张量下的 attentions
  • output_hidden_states (bool, 可选) — 是否返回所有层的隐藏状态。 有关更多详细信息,请参见返回张量下的 hidden_states
  • interpolate_pos_encoding (bool, 可选, 默认为 False) — 是否对预训练的位置编码进行插值。
  • return_dict (bool, 可选) — 是否返回 ModelOutput 而不是普通元组。

返回

transformers.models.perceiver.modeling_perceiver.PerceiverModelOutputtuple(torch.FloatTensor)

一个 transformers.models.perceiver.modeling_perceiver.PerceiverModelOutput 或一个 torch.FloatTensor 元组(如果传递了 return_dict=False 或当 config.return_dict=False 时),包含各种元素,具体取决于配置 (PerceiverConfig) 和输入。

  • logits (torch.FloatTensor, 形状为 (batch_size, num_labels)) — 分类(或回归,如果 config.num_labels==1)分数(SoftMax 之前)。
  • last_hidden_state (torch.FloatTensor, 形状为 (batch_size, sequence_length, hidden_size)) — 模型最后一层的输出处的隐藏状态序列。
  • hidden_states (tuple(torch.FloatTensor), 可选, 当传递了 output_hidden_states=True 或当 config.output_hidden_states=True 时返回) — torch.FloatTensor 元组(每个嵌入输出一个 + 每层输出一个),形状为 (batch_size, sequence_length, hidden_size)。 模型在每一层输出以及初始嵌入输出处的隐藏状态。
  • attentions (tuple(torch.FloatTensor), 可选, 当传递了 output_attentions=True 或当 config.output_attentions=True 时返回) — torch.FloatTensor 元组(每一层一个),形状为 (batch_size, num_heads, sequence_length, sequence_length)。 注意力 softmax 之后的注意力权重,用于计算自注意力头中的加权平均值。
  • cross_attentions (tuple(torch.FloatTensor), 可选, 当传递了 output_attentions=True 或当 config.output_attentions=True 时返回) — torch.FloatTensor 元组(每一层一个),形状为 (batch_size, num_heads, sequence_length, sequence_length)。 解码器交叉注意力层的注意力权重,在注意力 softmax 之后,用于计算交叉注意力头中的加权平均值。

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

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

示例

>>> from transformers import PerceiverConfig, PerceiverTokenizer, PerceiverImageProcessor, PerceiverModel
>>> from transformers.models.perceiver.modeling_perceiver import (
...     PerceiverTextPreprocessor,
...     PerceiverImagePreprocessor,
...     PerceiverClassificationDecoder,
... )
>>> import torch
>>> import requests
>>> from PIL import Image

>>> # EXAMPLE 1: using the Perceiver to classify texts
>>> # - we define a TextPreprocessor, which can be used to embed tokens
>>> # - we define a ClassificationDecoder, which can be used to decode the
>>> # final hidden states of the latents to classification logits
>>> # using trainable position embeddings
>>> config = PerceiverConfig()
>>> preprocessor = PerceiverTextPreprocessor(config)
>>> decoder = PerceiverClassificationDecoder(
...     config,
...     num_channels=config.d_latents,
...     trainable_position_encoding_kwargs=dict(num_channels=config.d_latents, index_dims=1),
...     use_query_residual=True,
... )
>>> model = PerceiverModel(config, input_preprocessor=preprocessor, decoder=decoder)

>>> # you can then do a forward pass as follows:
>>> tokenizer = PerceiverTokenizer()
>>> text = "hello world"
>>> inputs = tokenizer(text, return_tensors="pt").input_ids

>>> with torch.no_grad():
...     outputs = model(inputs=inputs)
>>> logits = outputs.logits
>>> list(logits.shape)
[1, 2]

>>> # to train, one can train the model using standard cross-entropy:
>>> criterion = torch.nn.CrossEntropyLoss()

>>> labels = torch.tensor([1])
>>> loss = criterion(logits, labels)

>>> # EXAMPLE 2: using the Perceiver to classify images
>>> # - we define an ImagePreprocessor, which can be used to embed images
>>> config = PerceiverConfig(image_size=224)
>>> preprocessor = PerceiverImagePreprocessor(
...     config,
...     prep_type="conv1x1",
...     spatial_downsample=1,
...     out_channels=256,
...     position_encoding_type="trainable",
...     concat_or_add_pos="concat",
...     project_pos_dim=256,
...     trainable_position_encoding_kwargs=dict(
...         num_channels=256,
...         index_dims=config.image_size**2,
...     ),
... )

>>> model = PerceiverModel(
...     config,
...     input_preprocessor=preprocessor,
...     decoder=PerceiverClassificationDecoder(
...         config,
...         num_channels=config.d_latents,
...         trainable_position_encoding_kwargs=dict(num_channels=config.d_latents, index_dims=1),
...         use_query_residual=True,
...     ),
... )

>>> # you can then do a forward pass as follows:
>>> image_processor = PerceiverImageProcessor()
>>> url = "http://images.cocodataset.org/val2017/000000039769.jpg"
>>> image = Image.open(requests.get(url, stream=True).raw)
>>> inputs = image_processor(image, return_tensors="pt").pixel_values

>>> with torch.no_grad():
...     outputs = model(inputs=inputs)
>>> logits = outputs.logits
>>> list(logits.shape)
[1, 2]

>>> # to train, one can train the model using standard cross-entropy:
>>> criterion = torch.nn.CrossEntropyLoss()

>>> labels = torch.tensor([1])
>>> loss = criterion(logits, labels)

PerceiverForMaskedLM

class transformers.PerceiverForMaskedLM

< >

( config: PerceiverConfig )

参数

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

Perceiver 用于掩码语言建模的示例用法。 此模型是 PyTorch torch.nn.Module 子类。 将其用作常规 PyTorch 模块,并参考 PyTorch 文档以获取与一般用法和行为相关的所有事项。

forward

< >

( inputs: Optional = None attention_mask: Optional = None head_mask: Optional = None output_attentions: Optional = None output_hidden_states: Optional = None labels: Optional = None return_dict: Optional = None input_ids: Optional = None ) transformers.models.perceiver.modeling_perceiver.PerceiverMaskedLMOutputtuple(torch.FloatTensor)

参数

  • inputs (torch.FloatTensor) — Perceiver 的输入。 可以是任何内容:图像、文本、音频、视频等。
  • attention_mask (torch.FloatTensor, 形状为 batch_size, sequence_length, 可选) — 掩码,以避免对填充标记索引执行注意力。 掩码值在 [0, 1] 中选择:

    • 1 表示标记未被掩盖
    • 0 表示标记被掩盖

    什么是注意力掩码?

  • head_mask (torch.FloatTensor, 形状为 (num_heads,)(num_layers, num_heads), 可选) — 用于置空自注意力模块中选定注意力头的掩码。掩码值在 [0, 1] 中选择:

    • 1 表示注意力头未被掩盖
    • 0 表示注意力头被掩盖
  • output_attentions (bool, 可选) — 是否返回所有注意力层的注意力张量。 有关更多详细信息,请参见返回张量下的 attentions
  • output_hidden_states (bool, 可选) — 是否返回所有层的隐藏状态。 有关更多详细信息,请参见返回张量下的 hidden_states
  • interpolate_pos_encoding (bool, 可选, 默认为 False) — 是否对预训练的位置编码进行插值。
  • return_dict (bool, 可选) — 是否返回 ModelOutput 而不是普通元组。
  • labels (torch.LongTensor, 形状为 (batch_size, sequence_length), 可选) — 用于计算掩码语言建模损失的标签。 索引应在 [-100, 0, ..., config.vocab_size] 中(请参阅 input_ids 文档字符串)。 索引设置为 -100 的标记将被忽略(掩码),损失仅针对标签在 [0, ..., config.vocab_size] 中的标记计算。

返回

transformers.models.perceiver.modeling_perceiver.PerceiverMaskedLMOutputtuple(torch.FloatTensor)

一个 transformers.models.perceiver.modeling_perceiver.PerceiverMaskedLMOutput 或一个 torch.FloatTensor 元组(如果传递了 return_dict=False 或当 config.return_dict=False 时),包含各种元素,具体取决于配置 (PerceiverConfig) 和输入。

  • loss (torch.FloatTensor, 形状为 (1,), 可选, 当提供 labels 时返回) — 掩码语言建模 (MLM) 损失。
  • logits (torch.FloatTensor, 形状为 (batch_size, sequence_length, config.vocab_size)) — 语言建模头的预测分数(SoftMax 之前每个词汇标记的分数)。
  • hidden_states (tuple(torch.FloatTensor), 可选, 当传递了 output_hidden_states=True 或当 config.output_hidden_states=True 时返回) — torch.FloatTensor 元组(每个嵌入输出一个 + 每层输出一个),形状为 (batch_size, sequence_length, hidden_size)。 模型在每一层输出以及初始嵌入输出处的隐藏状态。
  • attentions (tuple(torch.FloatTensor), 可选, 当传递了 output_attentions=True 或当 config.output_attentions=True 时返回) — torch.FloatTensor 元组(每一层一个),形状为 (batch_size, num_heads, num_latents, num_latents)。 注意力 softmax 之后的注意力权重,用于计算自注意力头中的加权平均值。
  • cross_attentions (tuple(torch.FloatTensor), 可选, 当传递了 output_attentions=True 或当 config.output_attentions=True 时返回) — torch.FloatTensor 元组(每一层一个),形状为 (batch_size, num_heads, sequence_length, sequence_length)。 解码器交叉注意力层的注意力权重,在注意力 softmax 之后,用于计算交叉注意力头中的加权平均值。

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

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

示例

>>> from transformers import AutoTokenizer, PerceiverForMaskedLM
>>> import torch

>>> tokenizer = AutoTokenizer.from_pretrained("deepmind/language-perceiver")
>>> model = PerceiverForMaskedLM.from_pretrained("deepmind/language-perceiver")

>>> # training
>>> text = "This is an incomplete sentence where some words are missing."
>>> inputs = tokenizer(text, padding="max_length", return_tensors="pt")
>>> # mask " missing."
>>> inputs["input_ids"][0, 52:61] = tokenizer.mask_token_id
>>> labels = tokenizer(text, padding="max_length", return_tensors="pt").input_ids

>>> outputs = model(**inputs, labels=labels)
>>> loss = outputs.loss
>>> round(loss.item(), 2)
19.87

>>> logits = outputs.logits
>>> list(logits.shape)
[1, 2048, 262]

>>> # inference
>>> text = "This is an incomplete sentence where some words are missing."
>>> encoding = tokenizer(text, padding="max_length", return_tensors="pt")

>>> # mask bytes corresponding to " missing.". Note that the model performs much better if the masked span starts with a space.
>>> encoding["input_ids"][0, 52:61] = tokenizer.mask_token_id

>>> # forward pass
>>> with torch.no_grad():
...     outputs = model(**encoding)
>>> logits = outputs.logits
>>> list(logits.shape)
[1, 2048, 262]

>>> masked_tokens_predictions = logits[0, 52:61].argmax(dim=-1).tolist()
>>> tokenizer.decode(masked_tokens_predictions)
' missing.'

PerceiverForSequenceClassification

class transformers.PerceiverForSequenceClassification

< >

( config )

参数

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

Perceiver 用于文本分类的示例用法。 此模型是 PyTorch torch.nn.Module 子类。 将其用作常规 PyTorch 模块,并参考 PyTorch 文档以获取与一般用法和行为相关的所有事项。

forward

< >

( inputs: Optional = None attention_mask: Optional = None head_mask: Optional = None output_attentions: Optional = None output_hidden_states: Optional = None labels: Optional = None return_dict: Optional = None input_ids: Optional = None ) transformers.models.perceiver.modeling_perceiver.PerceiverClassifierOutputtuple(torch.FloatTensor)

参数

  • inputs (torch.FloatTensor) — Perceiver 的输入。可以是任何内容:图像、文本、音频、视频等。
  • attention_mask (形状为 batch_size, sequence_lengthtorch.FloatTensor, 可选) — 用于避免在填充 token 索引上执行 attention 的掩码。掩码值在 [0, 1] 中选择:

    • 1 表示 token 未被掩盖
    • 0 表示 token 被掩盖

    什么是 attention 掩码?

  • head_mask (形状为 (num_heads,)(num_layers, num_heads)torch.FloatTensor, 可选) — 用于 nullify self-attention 模块中选定 head 的掩码。掩码值在 [0, 1] 中选择:

    • 1 表示 head 未被掩盖
    • 0 表示 head 被掩盖
  • output_attentions (bool, 可选) — 是否返回所有 attention 层的 attentions 张量。有关更多详细信息,请参阅返回张量下的 attentions
  • output_hidden_states (bool, 可选) — 是否返回所有层的 hidden states。有关更多详细信息,请参阅返回张量下的 hidden_states
  • interpolate_pos_encoding (bool, 可选, 默认为 False) — 是否插值预训练的位置编码。
  • return_dict (bool, 可选) — 是否返回 ModelOutput 而不是普通的 tuple。
  • labels (形状为 (batch_size,)torch.LongTensor, 可选) — 用于计算分类/回归损失的标签。索引应在 [0, ..., config.num_labels - 1] 中。如果 config.num_labels == 1,则计算回归损失(均方损失);如果 config.num_labels > 1,则计算分类损失(交叉熵损失)。

返回

transformers.models.perceiver.modeling_perceiver.PerceiverClassifierOutputtuple(torch.FloatTensor)

transformers.models.perceiver.modeling_perceiver.PerceiverClassifierOutputtorch.FloatTensor 的 tuple(如果传递了 return_dict=False 或当 config.return_dict=False 时),其中包含各种元素,具体取决于配置 (PerceiverConfig) 和输入。

  • loss (形状为 (1,)torch.FloatTensor, 可选, 当提供 labels 时返回) — 分类(或如果 config.num_labels==1 则为回归)损失。
  • logits (形状为 (batch_size, config.num_labels)torch.FloatTensor) — 分类(或如果 config.num_labels==1 则为回归)分数(在 SoftMax 之前)。
  • hidden_states (tuple(torch.FloatTensor), 可选, 当传递了 output_hidden_states=True 或当 config.output_hidden_states=True 时返回) — torch.FloatTensor 元组(每个嵌入输出一个 + 每层输出一个),形状为 (batch_size, sequence_length, hidden_size)。 模型在每一层输出以及初始嵌入输出处的隐藏状态。
  • attentions (tuple(torch.FloatTensor), 可选, 当传递了 output_attentions=True 或当 config.output_attentions=True 时返回) — torch.FloatTensor 元组(每一层一个),形状为 (batch_size, num_heads, sequence_length, sequence_length)。 注意力 softmax 之后的注意力权重,用于计算自注意力头中的加权平均值。
  • cross_attentions (tuple(torch.FloatTensor), 可选, 当传递了 output_attentions=True 或当 config.output_attentions=True 时返回) — torch.FloatTensor 元组(每一层一个),形状为 (batch_size, num_heads, sequence_length, sequence_length)。 解码器交叉注意力层的注意力权重,在注意力 softmax 之后,用于计算交叉注意力头中的加权平均值。

PerceiverForSequenceClassification forward 方法,覆盖了 __call__ 特殊方法。

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

示例

>>> from transformers import AutoTokenizer, PerceiverForSequenceClassification

>>> tokenizer = AutoTokenizer.from_pretrained("deepmind/language-perceiver")
>>> model = PerceiverForSequenceClassification.from_pretrained("deepmind/language-perceiver")

>>> text = "hello world"
>>> inputs = tokenizer(text, return_tensors="pt").input_ids
>>> outputs = model(inputs=inputs)
>>> logits = outputs.logits
>>> list(logits.shape)
[1, 2]

PerceiverForImageClassificationLearned

class transformers.PerceiverForImageClassificationLearned

< >

( config )

参数

  • config (PerceiverConfig) — 带有模型所有参数的模型配置类。使用配置文件初始化不会加载与模型关联的权重,而只会加载配置。查看 from_pretrained() 方法以加载模型权重。

Perceiver 用于图像分类的示例用法,适用于 ImageNet 等任务。

此模型使用学习到的位置嵌入。换句话说,此模型没有获得关于图像结构的任何特权信息。如论文所示,此模型可以在 ImageNet 上实现 72.7 的 top-1 准确率。

PerceiverForImageClassificationLearned 使用 PerceiverImagePreprocessor (使用 prep_type="conv1x1") 预处理输入图像,并使用 PerceiverClassificationDecoderPerceiverModel 的潜在表示解码为分类 logits。

此模型是 PyTorch torch.nn.Module 子类。 可以像常规 PyTorch 模块一样使用它,并查阅 PyTorch 文档以获取与常规用法和行为相关的所有事项。

forward

< >

( inputs: Optional = None attention_mask: Optional = None head_mask: Optional = None output_attentions: Optional = None output_hidden_states: Optional = None labels: Optional = None interpolate_pos_encoding: bool = False return_dict: Optional = None pixel_values: Optional = None ) transformers.models.perceiver.modeling_perceiver.PerceiverClassifierOutputtuple(torch.FloatTensor)

参数

  • inputs (torch.FloatTensor) — Perceiver 的输入。可以是任何内容:图像、文本、音频、视频等。
  • attention_mask (形状为 batch_size, sequence_lengthtorch.FloatTensor, 可选) — 用于避免在填充 token 索引上执行 attention 的掩码。掩码值在 [0, 1] 中选择:

    • 1 表示 token 未被掩盖
    • 0 表示 token 被掩盖

    什么是 attention 掩码?

  • head_mask (形状为 (num_heads,)(num_layers, num_heads)torch.FloatTensor, 可选) — 用于 nullify self-attention 模块中选定 head 的掩码。掩码值在 [0, 1] 中选择:

    • 1 表示 head 未被掩盖
    • 0 表示 head 被掩盖
  • output_attentions (bool, 可选) — 是否返回所有 attention 层的 attentions 张量。有关更多详细信息,请参阅返回张量下的 attentions
  • output_hidden_states (bool, 可选) — 是否返回所有层的 hidden states。有关更多详细信息,请参阅返回张量下的 hidden_states
  • interpolate_pos_encoding (bool, 可选, 默认为 False) — 是否插值预训练的位置编码。
  • return_dict (bool, 可选) — 是否返回 ModelOutput 而不是普通的 tuple。
  • labels (形状为 (batch_size,)torch.LongTensor, 可选) — 用于计算图像分类/回归损失的标签。索引应在 [0, ..., config.num_labels - 1] 中。如果 config.num_labels == 1,则计算回归损失(均方损失);如果 config.num_labels > 1,则计算分类损失(交叉熵损失)。

返回

transformers.models.perceiver.modeling_perceiver.PerceiverClassifierOutputtuple(torch.FloatTensor)

transformers.models.perceiver.modeling_perceiver.PerceiverClassifierOutputtorch.FloatTensor 的 tuple(如果传递了 return_dict=False 或当 config.return_dict=False 时),其中包含各种元素,具体取决于配置 (PerceiverConfig) 和输入。

  • loss (形状为 (1,)torch.FloatTensor, 可选, 当提供 labels 时返回) — 分类(或如果 config.num_labels==1 则为回归)损失。
  • logits (形状为 (batch_size, config.num_labels)torch.FloatTensor) — 分类(或如果 config.num_labels==1 则为回归)分数(在 SoftMax 之前)。
  • hidden_states (tuple(torch.FloatTensor), 可选, 当传递了 output_hidden_states=True 或当 config.output_hidden_states=True 时返回) — torch.FloatTensor 元组(每个嵌入输出一个 + 每层输出一个),形状为 (batch_size, sequence_length, hidden_size)。 模型在每一层输出以及初始嵌入输出处的隐藏状态。
  • attentions (tuple(torch.FloatTensor), 可选, 当传递了 output_attentions=True 或当 config.output_attentions=True 时返回) — torch.FloatTensor 元组(每一层一个),形状为 (batch_size, num_heads, sequence_length, sequence_length)。 注意力 softmax 之后的注意力权重,用于计算自注意力头中的加权平均值。
  • cross_attentions (tuple(torch.FloatTensor), 可选, 当传递了 output_attentions=True 或当 config.output_attentions=True 时返回) — torch.FloatTensor 元组(每一层一个),形状为 (batch_size, num_heads, sequence_length, sequence_length)。 解码器交叉注意力层的注意力权重,在注意力 softmax 之后,用于计算交叉注意力头中的加权平均值。

PerceiverForImageClassificationLearned forward 方法,覆盖了 __call__ 特殊方法。

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

示例

>>> from transformers import AutoImageProcessor, PerceiverForImageClassificationLearned
>>> from PIL import Image
>>> import requests

>>> url = "http://images.cocodataset.org/val2017/000000039769.jpg"
>>> image = Image.open(requests.get(url, stream=True).raw)

>>> image_processor = AutoImageProcessor.from_pretrained("deepmind/vision-perceiver-learned")
>>> model = PerceiverForImageClassificationLearned.from_pretrained("deepmind/vision-perceiver-learned")

>>> inputs = image_processor(images=image, return_tensors="pt").pixel_values
>>> outputs = model(inputs=inputs)
>>> logits = outputs.logits
>>> list(logits.shape)
[1, 1000]

>>> # model predicts one of the 1000 ImageNet classes
>>> predicted_class_idx = logits.argmax(-1).item()
>>> print("Predicted class:", model.config.id2label[predicted_class_idx])
Predicted class: tabby, tabby cat

PerceiverForImageClassificationFourier

class transformers.PerceiverForImageClassificationFourier

< >

( config )

参数

  • config (PerceiverConfig) — 带有模型所有参数的模型配置类。使用配置文件初始化不会加载与模型关联的权重,而只会加载配置。查看 from_pretrained() 方法以加载模型权重。

Perceiver 用于图像分类的示例用法,适用于 ImageNet 等任务。

此模型使用固定的 2D 傅里叶位置嵌入。如论文所示,此模型可以在 ImageNet 上实现 79.0 的 top-1 准确率,并在大规模数据集(即 JFT)上进行预训练时达到 84.5。

PerceiverForImageClassificationLearned 使用 PerceiverImagePreprocessor (使用 prep_type="pixels") 预处理输入图像,并使用 PerceiverClassificationDecoderPerceiverModel 的潜在表示解码为分类 logits。

此模型是 PyTorch torch.nn.Module 子类。 可以像常规 PyTorch 模块一样使用它,并查阅 PyTorch 文档以获取与常规用法和行为相关的所有事项。

forward

< >

( inputs: Optional = None attention_mask: Optional = None head_mask: Optional = None output_attentions: Optional = None output_hidden_states: Optional = None labels: Optional = None return_dict: Optional = None pixel_values: Optional = None ) transformers.models.perceiver.modeling_perceiver.PerceiverClassifierOutput or tuple(torch.FloatTensor)

参数

  • inputs (torch.FloatTensor) — Perceiver 的输入。可以是任何内容:图像、文本、音频、视频等。
  • attention_mask (torch.FloatTensor,形状为 batch_size, sequence_length可选) — 用于避免在 padding 标记索引上执行 attention 的掩码。掩码值在 [0, 1] 中选择:

    • 1 表示标记未被掩盖
    • 0 表示标记被掩盖

    什么是 attention 掩码?

  • head_mask (torch.FloatTensor,形状为 (num_heads,)(num_layers, num_heads)可选) — 用于使自注意力模块的选定 head 失效的掩码。掩码值在 [0, 1] 中选择:

    • 1 表示 head 未被掩盖
    • 0 表示 head 被掩盖
  • output_attentions (bool可选) — 是否返回所有 attention 层的 attention 张量。 有关更多详细信息,请参阅返回张量下的 attentions
  • output_hidden_states (bool可选) — 是否返回所有层的 hidden states。 有关更多详细信息,请参阅返回张量下的 hidden_states
  • interpolate_pos_encoding (bool可选,默认为 False) — 是否插值预训练的位置编码。
  • return_dict (bool可选) — 是否返回 ModelOutput 而不是普通元组。
  • labels (torch.LongTensor,形状为 (batch_size,)可选) — 用于计算图像分类/回归损失的标签。索引应在 [0, ..., config.num_labels - 1] 中。如果 config.num_labels == 1,则计算回归损失(均方损失)。如果 config.num_labels > 1,则计算分类损失(交叉熵)。

返回

transformers.models.perceiver.modeling_perceiver.PerceiverClassifierOutputtuple(torch.FloatTensor)

transformers.models.perceiver.modeling_perceiver.PerceiverClassifierOutputtorch.FloatTensor 的 tuple(如果传递了 return_dict=False 或当 config.return_dict=False 时),其中包含各种元素,具体取决于配置 (PerceiverConfig) 和输入。

  • loss (形状为 (1,)torch.FloatTensor, 可选, 当提供 labels 时返回) — 分类(或如果 config.num_labels==1 则为回归)损失。
  • logits (形状为 (batch_size, config.num_labels)torch.FloatTensor) — 分类(或如果 config.num_labels==1 则为回归)分数(在 SoftMax 之前)。
  • hidden_states (tuple(torch.FloatTensor), 可选, 当传递了 output_hidden_states=True 或当 config.output_hidden_states=True 时返回) — torch.FloatTensor 元组(每个嵌入输出一个 + 每层输出一个),形状为 (batch_size, sequence_length, hidden_size)。 模型在每一层输出以及初始嵌入输出处的隐藏状态。
  • attentions (tuple(torch.FloatTensor), 可选, 当传递了 output_attentions=True 或当 config.output_attentions=True 时返回) — torch.FloatTensor 元组(每一层一个),形状为 (batch_size, num_heads, sequence_length, sequence_length)。 注意力 softmax 之后的注意力权重,用于计算自注意力头中的加权平均值。
  • cross_attentions (tuple(torch.FloatTensor), 可选, 当传递了 output_attentions=True 或当 config.output_attentions=True 时返回) — torch.FloatTensor 元组(每一层一个),形状为 (batch_size, num_heads, sequence_length, sequence_length)。 解码器交叉注意力层的注意力权重,在注意力 softmax 之后,用于计算交叉注意力头中的加权平均值。

PerceiverForImageClassificationFourier 的 forward 方法,覆盖了 __call__ 特殊方法。

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

示例

>>> from transformers import AutoImageProcessor, PerceiverForImageClassificationFourier
>>> from PIL import Image
>>> import requests

>>> url = "http://images.cocodataset.org/val2017/000000039769.jpg"
>>> image = Image.open(requests.get(url, stream=True).raw)

>>> image_processor = AutoImageProcessor.from_pretrained("deepmind/vision-perceiver-fourier")
>>> model = PerceiverForImageClassificationFourier.from_pretrained("deepmind/vision-perceiver-fourier")

>>> inputs = image_processor(images=image, return_tensors="pt").pixel_values
>>> outputs = model(inputs=inputs)
>>> logits = outputs.logits
>>> list(logits.shape)
[1, 1000]

>>> # model predicts one of the 1000 ImageNet classes
>>> predicted_class_idx = logits.argmax(-1).item()
>>> print("Predicted class:", model.config.id2label[predicted_class_idx])
Predicted class: tabby, tabby cat

PerceiverForImageClassificationConvProcessing

class transformers.PerceiverForImageClassificationConvProcessing

< >

( config )

参数

  • config (PerceiverConfig) — 带有模型所有参数的模型配置类。使用配置文件初始化不会加载与模型关联的权重,仅加载配置。查看 from_pretrained() 方法来加载模型权重。

Perceiver 用于图像分类的示例用法,适用于 ImageNet 等任务。

此模型使用 2D conv+maxpool 预处理网络。如论文所示,此模型可以在 ImageNet 上实现 82.1 的 top-1 准确率。

PerceiverForImageClassificationLearned 使用 PerceiverImagePreprocessor (使用 prep_type="conv") 来预处理输入图像,并使用 PerceiverClassificationDecoder 来将 PerceiverModel 的潜在表示解码为分类 logits。

此模型是 PyTorch torch.nn.Module 子类。 可以像常规 PyTorch 模块一样使用它,并查阅 PyTorch 文档以获取与常规用法和行为相关的所有事项。

forward

< >

( inputs: Optional = None attention_mask: Optional = None head_mask: Optional = None output_attentions: Optional = None output_hidden_states: Optional = None labels: Optional = None return_dict: Optional = None pixel_values: Optional = None ) transformers.models.perceiver.modeling_perceiver.PerceiverClassifierOutput or tuple(torch.FloatTensor)

参数

  • inputs (torch.FloatTensor) — Perceiver 的输入。可以是任何内容:图像、文本、音频、视频等。
  • attention_mask (torch.FloatTensor,形状为 batch_size, sequence_length可选) — 用于避免在 padding 标记索引上执行 attention 的掩码。掩码值在 [0, 1] 中选择:

    • 1 表示标记未被掩盖
    • 0 表示标记被掩盖

    什么是 attention 掩码?

  • head_mask (torch.FloatTensor,形状为 (num_heads,)(num_layers, num_heads)可选) — 用于使自注意力模块的选定 head 失效的掩码。掩码值在 [0, 1] 中选择:

    • 1 表示 head 未被掩盖
    • 0 表示 head 被掩盖
  • output_attentions (bool可选) — 是否返回所有 attention 层的 attention 张量。 有关更多详细信息,请参阅返回张量下的 attentions
  • output_hidden_states (bool可选) — 是否返回所有层的 hidden states。 有关更多详细信息,请参阅返回张量下的 hidden_states
  • interpolate_pos_encoding (bool可选,默认为 False) — 是否插值预训练的位置编码。
  • return_dict (bool可选) — 是否返回 ModelOutput 而不是普通元组。
  • labels (torch.LongTensor,形状为 (batch_size,)可选) — 用于计算图像分类/回归损失的标签。索引应在 [0, ..., config.num_labels - 1] 中。如果 config.num_labels == 1,则计算回归损失(均方损失)。如果 config.num_labels > 1,则计算分类损失(交叉熵)。

返回

transformers.models.perceiver.modeling_perceiver.PerceiverClassifierOutputtuple(torch.FloatTensor)

transformers.models.perceiver.modeling_perceiver.PerceiverClassifierOutputtorch.FloatTensor 的 tuple(如果传递了 return_dict=False 或当 config.return_dict=False 时),其中包含各种元素,具体取决于配置 (PerceiverConfig) 和输入。

  • loss (形状为 (1,)torch.FloatTensor, 可选, 当提供 labels 时返回) — 分类(或如果 config.num_labels==1 则为回归)损失。
  • logits (形状为 (batch_size, config.num_labels)torch.FloatTensor) — 分类(或如果 config.num_labels==1 则为回归)分数(在 SoftMax 之前)。
  • hidden_states (tuple(torch.FloatTensor), 可选, 当传递了 output_hidden_states=True 或当 config.output_hidden_states=True 时返回) — torch.FloatTensor 元组(每个嵌入输出一个 + 每层输出一个),形状为 (batch_size, sequence_length, hidden_size)。 模型在每一层输出以及初始嵌入输出处的隐藏状态。
  • attentions (tuple(torch.FloatTensor), 可选, 当传递了 output_attentions=True 或当 config.output_attentions=True 时返回) — torch.FloatTensor 元组(每一层一个),形状为 (batch_size, num_heads, sequence_length, sequence_length)。 注意力 softmax 之后的注意力权重,用于计算自注意力头中的加权平均值。
  • cross_attentions (tuple(torch.FloatTensor), 可选, 当传递了 output_attentions=True 或当 config.output_attentions=True 时返回) — torch.FloatTensor 元组(每一层一个),形状为 (batch_size, num_heads, sequence_length, sequence_length)。 解码器交叉注意力层的注意力权重,在注意力 softmax 之后,用于计算交叉注意力头中的加权平均值。

PerceiverForImageClassificationConvProcessing 的 forward 方法,覆盖了 __call__ 特殊方法。

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

示例

>>> from transformers import AutoImageProcessor, PerceiverForImageClassificationConvProcessing
>>> from PIL import Image
>>> import requests

>>> url = "http://images.cocodataset.org/val2017/000000039769.jpg"
>>> image = Image.open(requests.get(url, stream=True).raw)

>>> image_processor = AutoImageProcessor.from_pretrained("deepmind/vision-perceiver-conv")
>>> model = PerceiverForImageClassificationConvProcessing.from_pretrained("deepmind/vision-perceiver-conv")

>>> inputs = image_processor(images=image, return_tensors="pt").pixel_values
>>> outputs = model(inputs=inputs)
>>> logits = outputs.logits
>>> list(logits.shape)
[1, 1000]

>>> # model predicts one of the 1000 ImageNet classes
>>> predicted_class_idx = logits.argmax(-1).item()
>>> print("Predicted class:", model.config.id2label[predicted_class_idx])
Predicted class: tabby, tabby cat

PerceiverForOpticalFlow

class transformers.PerceiverForOpticalFlow

< >

( config )

参数

  • config (PerceiverConfig) — 带有模型所有参数的模型配置类。使用配置文件初始化不会加载与模型关联的权重,仅加载配置。查看 from_pretrained() 方法来加载模型权重。

Perceiver 光流的示例用法,用于诸如 Sintel 和 KITTI 之类的任务。PerceiverForOpticalFlow 使用 PerceiverImagePreprocessor (prep_type=“patches”) 来预处理输入图像,并使用 PerceiverOpticalFlowDecoder 来将 PerceiverModel 的潜在表示解码为光流。

作为输入,将 2 个后续帧沿通道维度连接起来,并在每个像素周围提取一个 3 x 3 的 patch(导致每个像素有 3 x 3 x 3 x 2 = 54 个值)。固定的傅里叶位置编码用于编码 patch 中每个像素的位置。接下来,应用 Perceiver 编码器。为了解码,使用与输入相同的编码查询潜在表示。

此模型是 PyTorch torch.nn.Module 子类。 可以像常规 PyTorch 模块一样使用它,并查阅 PyTorch 文档以获取与常规用法和行为相关的所有事项。

forward

< >

( inputs: Optional = None attention_mask: Optional = None head_mask: Optional = None output_attentions: Optional = None output_hidden_states: Optional = None labels: Optional = None return_dict: Optional = None ) transformers.models.perceiver.modeling_perceiver.PerceiverClassifierOutput or tuple(torch.FloatTensor)

参数

  • inputs (torch.FloatTensor) — Perceiver 的输入。可以是任何内容:图像、文本、音频、视频等。
  • attention_mask (torch.FloatTensor,形状为 batch_size, sequence_length可选) — 用于避免在 padding 标记索引上执行 attention 的掩码。掩码值在 [0, 1] 中选择:

    • 1 表示未被掩盖的标记,
    • 0 表示被掩盖的标记。

    什么是 attention 掩码?

  • head_mask (torch.FloatTensor,形状为 (num_heads,)(num_layers, num_heads), 可选) — 用于 nullify self-attention 模块中选定的 head 的掩码。掩码值在 [0, 1] 中选择:

    • 1 表示 head 未被掩盖
    • 0 表示 head 被掩盖
  • output_attentions (bool, 可选) — 是否返回所有 attention 层的 attention 张量。 有关更多详细信息,请参见返回张量下的 attentions
  • output_hidden_states (bool, 可选) — 是否返回所有层的 hidden states。 有关更多详细信息,请参见返回张量下的 hidden_states
  • interpolate_pos_encoding (bool, 可选, 默认为 False) — 是否插值预训练的位置编码。
  • return_dict (bool, 可选) — 是否返回 ModelOutput 而不是普通元组。
  • labels (torch.LongTensor,形状为 (batch_size,)可选) — 用于计算光流损失的标签。索引应在 [0, ..., config.num_labels - 1] 中。

返回

transformers.models.perceiver.modeling_perceiver.PerceiverClassifierOutputtuple(torch.FloatTensor)

transformers.models.perceiver.modeling_perceiver.PerceiverClassifierOutputtorch.FloatTensor 的 tuple(如果传递了 return_dict=False 或当 config.return_dict=False 时),其中包含各种元素,具体取决于配置 (PerceiverConfig) 和输入。

  • loss (形状为 (1,)torch.FloatTensor, 可选, 当提供 labels 时返回) — 分类(或如果 config.num_labels==1 则为回归)损失。
  • logits (形状为 (batch_size, config.num_labels)torch.FloatTensor) — 分类(或如果 config.num_labels==1 则为回归)分数(在 SoftMax 之前)。
  • hidden_states (tuple(torch.FloatTensor), 可选, 当传递了 output_hidden_states=True 或当 config.output_hidden_states=True 时返回) — torch.FloatTensor 元组(每个嵌入输出一个 + 每层输出一个),形状为 (batch_size, sequence_length, hidden_size)。 模型在每一层输出以及初始嵌入输出处的隐藏状态。
  • attentions (tuple(torch.FloatTensor), 可选, 当传递了 output_attentions=True 或当 config.output_attentions=True 时返回) — torch.FloatTensor 元组(每一层一个),形状为 (batch_size, num_heads, sequence_length, sequence_length)。 注意力 softmax 之后的注意力权重,用于计算自注意力头中的加权平均值。
  • cross_attentions (tuple(torch.FloatTensor), 可选, 当传递了 output_attentions=True 或当 config.output_attentions=True 时返回) — torch.FloatTensor 元组(每一层一个),形状为 (batch_size, num_heads, sequence_length, sequence_length)。 解码器交叉注意力层的注意力权重,在注意力 softmax 之后,用于计算交叉注意力头中的加权平均值。

PerceiverForOpticalFlow 前向传播方法,覆盖了 __call__ 特殊方法。

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

示例

>>> from transformers import PerceiverForOpticalFlow
>>> import torch

>>> model = PerceiverForOpticalFlow.from_pretrained("deepmind/optical-flow-perceiver")

>>> # in the Perceiver IO paper, the authors extract a 3 x 3 patch around each pixel,
>>> # leading to 3 x 3 x 3 = 27 values for each pixel (as each pixel also has 3 color channels)
>>> # patches have shape (batch_size, num_frames, num_channels, height, width)
>>> # the authors train on resolutions of 368 x 496
>>> patches = torch.randn(1, 2, 27, 368, 496)
>>> outputs = model(inputs=patches)
>>> logits = outputs.logits
>>> list(logits.shape)
[1, 368, 496, 2]

PerceiverForMultimodalAutoencoding

class transformers.PerceiverForMultimodalAutoencoding

< >

( config: PerceiverConfig )

参数

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

Perceiver 用于多模态(视频)自动编码的示例用法,适用于 Kinetics-700 等任务。

PerceiverForMultimodalAutoencoding 使用 PerceiverMultimodalPreprocessor 预处理 3 种模态:图像、音频和类别标签。 此预处理器使用特定于模态的预处理器分别预处理每种模态,然后在之后将它们连接起来。 可训练的位置嵌入用于将每种模态填充到相同数量的通道,以使沿时间维度进行连接成为可能。 接下来,应用 Perceiver 编码器。

PerceiverMultimodalDecoder 用于解码 PerceiverModel 的潜在表示。 此解码器使用每种特定于模态的解码器来构建查询。 解码器查询基于预处理后的输入创建。 但是,在单个前向传播中自动编码整个视频在计算上是不可行的,因此仅使用部分解码器查询来与潜在表示进行交叉注意力。 这由每种模态的子采样索引决定,这些索引可以作为 PerceiverForMultimodalAutoencoding 前向传播的附加输入提供。

PerceiverMultimodalDecoder 也将不同模态的解码器查询填充到相同数量的通道,以便沿时间维度将它们连接起来。 接下来,使用 PerceiverModel 的潜在表示执行交叉注意力。

最后,~models.perceiver.modeling_perceiver.PerceiverMultiModalPostprocessor 用于将此张量转换为实际的视频。 它首先将输出拆分为不同的模态,然后为每种模态应用相应的后处理器。

请注意,通过在评估期间掩盖分类标签(即,仅为“标签”模态提供零张量),此自动编码模型将变为 Kinetics 700 视频分类器。

此模型是 PyTorch torch.nn.Module 子类。 可以像常规 PyTorch 模块一样使用它,并查阅 PyTorch 文档以获取与常规用法和行为相关的所有事项。

forward

< >

( inputs: Optional = None attention_mask: Optional = None subsampled_output_points: Optional = None head_mask: Optional = None output_attentions: Optional = None output_hidden_states: Optional = None labels: Optional = None return_dict: Optional = None ) transformers.models.perceiver.modeling_perceiver.PerceiverClassifierOutputtuple(torch.FloatTensor)

参数

  • inputs (torch.FloatTensor) — Perceiver 的输入。可以是任何内容:图像、文本、音频、视频等。
  • attention_mask (torch.FloatTensor,形状为 batch_size, sequence_length可选) — 用于避免在 padding 标记索引上执行 attention 的掩码。掩码值在 [0, 1] 中选择:

    • 1 表示未被掩盖的标记,
    • 0 表示被掩盖的标记。

    什么是 attention 掩码?

  • head_mask (torch.FloatTensor,形状为 (num_heads,)(num_layers, num_heads), 可选) — 用于 nullify self-attention 模块中选定的 head 的掩码。掩码值在 [0, 1] 中选择:

    • 1 表示 head 未被掩盖
    • 0 表示 head 被掩盖
  • output_attentions (bool, 可选) — 是否返回所有 attention 层的 attention 张量。 有关更多详细信息,请参见返回张量下的 attentions
  • output_hidden_states (bool, 可选) — 是否返回所有层的 hidden states。 有关更多详细信息,请参见返回张量下的 hidden_states
  • interpolate_pos_encoding (bool, 可选, 默认为 False) — 是否插值预训练的位置编码。
  • return_dict (bool, 可选) — 是否返回 ModelOutput 而不是普通元组。
  • labels (torch.LongTensor,形状为 (batch_size,)可选) — 用于计算图像分类/回归损失的标签。索引应在 [0, ..., config.num_labels - 1] 中。 如果 config.num_labels == 1,则计算回归损失(均方损失)。如果 config.num_labels > 1,则计算分类损失(交叉熵)。

返回

transformers.models.perceiver.modeling_perceiver.PerceiverClassifierOutputtuple(torch.FloatTensor)

transformers.models.perceiver.modeling_perceiver.PerceiverClassifierOutputtorch.FloatTensor 的 tuple(如果传递了 return_dict=False 或当 config.return_dict=False 时),其中包含各种元素,具体取决于配置 (PerceiverConfig) 和输入。

  • loss (形状为 (1,)torch.FloatTensor, 可选, 当提供 labels 时返回) — 分类(或如果 config.num_labels==1 则为回归)损失。
  • logits (形状为 (batch_size, config.num_labels)torch.FloatTensor) — 分类(或如果 config.num_labels==1 则为回归)分数(在 SoftMax 之前)。
  • hidden_states (tuple(torch.FloatTensor), 可选, 当传递了 output_hidden_states=True 或当 config.output_hidden_states=True 时返回) — torch.FloatTensor 元组(每个嵌入输出一个 + 每层输出一个),形状为 (batch_size, sequence_length, hidden_size)。 模型在每一层输出以及初始嵌入输出处的隐藏状态。
  • attentions (tuple(torch.FloatTensor), 可选, 当传递了 output_attentions=True 或当 config.output_attentions=True 时返回) — torch.FloatTensor 元组(每一层一个),形状为 (batch_size, num_heads, sequence_length, sequence_length)。 注意力 softmax 之后的注意力权重,用于计算自注意力头中的加权平均值。
  • cross_attentions (tuple(torch.FloatTensor), 可选, 当传递了 output_attentions=True 或当 config.output_attentions=True 时返回) — torch.FloatTensor 元组(每一层一个),形状为 (batch_size, num_heads, sequence_length, sequence_length)。 解码器交叉注意力层的注意力权重,在注意力 softmax 之后,用于计算交叉注意力头中的加权平均值。

PerceiverForMultimodalAutoencoding 前向传播方法,覆盖了 __call__ 特殊方法。

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

示例

>>> from transformers import PerceiverForMultimodalAutoencoding
>>> import torch
>>> import numpy as np

>>> # create multimodal inputs
>>> images = torch.randn((1, 16, 3, 224, 224))
>>> audio = torch.randn((1, 30720, 1))
>>> inputs = dict(image=images, audio=audio, label=torch.zeros((images.shape[0], 700)))

>>> model = PerceiverForMultimodalAutoencoding.from_pretrained("deepmind/multimodal-perceiver")

>>> # in the Perceiver IO paper, videos are auto-encoded in chunks
>>> # each chunk subsamples different index dimensions of the image and audio modality decoder queries
>>> nchunks = 128
>>> image_chunk_size = np.prod((16, 224, 224)) // nchunks
>>> audio_chunk_size = audio.shape[1] // model.config.samples_per_patch // nchunks
>>> # process the first chunk
>>> chunk_idx = 0
>>> subsampling = {
...     "image": torch.arange(image_chunk_size * chunk_idx, image_chunk_size * (chunk_idx + 1)),
...     "audio": torch.arange(audio_chunk_size * chunk_idx, audio_chunk_size * (chunk_idx + 1)),
...     "label": None,
... }

>>> outputs = model(inputs=inputs, subsampled_output_points=subsampling)
>>> logits = outputs.logits
>>> list(logits["audio"].shape)
[1, 240]

>>> list(logits["image"].shape)
[1, 6272, 3]

>>> list(logits["label"].shape)
[1, 700]
< > 更新 在 GitHub 上