UDOP
概述
UDOP 模型在 Unifying Vision, Text, and Layout for Universal Document Processing 这篇论文中被提出,作者是 Zineng Tang, Ziyi Yang, Guoxin Wang, Yuwei Fang, Yang Liu, Chenguang Zhu, Michael Zeng, Cha Zhang, Mohit Bansal。UDOP 采用了基于 T5 的编码器-解码器 Transformer 架构,用于文档 AI 任务,如文档图像分类、文档解析和文档视觉问答。
该论文的摘要如下:
我们提出了通用文档处理 (UDOP),这是一个基础文档 AI 模型,它统一了文本、图像和布局模态,以及包括文档理解和生成在内的各种任务格式。UDOP 利用文本内容和文档图像之间的空间相关性,用一个统一的表示来建模图像、文本和布局模态。借助新颖的视觉-文本-布局 Transformer,UDOP 将预训练和多领域下游任务统一为基于提示的序列生成方案。UDOP 在大规模无标签文档语料库上使用创新的自监督目标进行预训练,并在各种有标签数据上进行预训练。UDOP 还学习从文本和布局模态生成文档图像,通过掩码图像重建。据我们所知,这是文档 AI 领域首次有一个模型同时实现高质量的神经文档编辑和内容定制。我们的方法在 9 个文档 AI 任务上设置了最先进水平,例如文档理解和问答,跨越金融报告、学术论文和网站等不同的数据领域。UDOP 在文档理解基准 (DUE) 的排行榜上名列第一。*

使用技巧
- 除了 input_ids 之外,UdopForConditionalGeneration 还期望输入
bbox
,即输入 token 的边界框(即 2D 位置)。这些可以使用外部 OCR 引擎获得,例如 Google 的 Tesseract(有一个 Python 封装器 可用)。每个边界框应采用 (x0, y0, x1, y1) 格式,其中 (x0, y0) 对应于边界框左上角的位置,(x1, y1) 表示右下角的位置。请注意,首先需要将边界框归一化到 0-1000 的比例。要进行归一化,您可以使用以下函数
def normalize_bbox(bbox, width, height):
return [
int(1000 * (bbox[0] / width)),
int(1000 * (bbox[1] / height)),
int(1000 * (bbox[2] / width)),
int(1000 * (bbox[3] / height)),
]
这里,width
和 height
对应于 token 出现的原始文档的宽度和高度。这些可以使用 Python 图像库 (PIL) 库获得,例如,如下所示
from PIL import Image
# Document can be a png, jpg, etc. PDFs must be converted to images.
image = Image.open(name_of_your_document).convert("RGB")
width, height = image.size
可以使用 UdopProcessor 为模型准备图像和文本,它会处理所有这些。默认情况下,此类使用 Tesseract 引擎从给定文档中提取单词列表和框(坐标)。它的功能与 LayoutLMv3Processor 的功能相同,因此它支持传递 apply_ocr=False
(如果您喜欢使用自己的 OCR 引擎)或 apply_ocr=True
(如果您希望使用默认的 OCR 引擎)。有关所有可能的用例,请参阅 LayoutLMv2 的使用指南(UdopProcessor
的功能是相同的)。
- 如果使用自己选择的 OCR 引擎,一个建议是 Azure 的 Read API,它支持所谓的线段。使用线段位置嵌入通常会带来更好的性能。
- 在推理时,建议使用
generate
方法来自回归地生成给定文档图像的文本。 - 该模型已经在自监督和监督目标上进行了预训练。可以使用预训练期间使用的各种任务前缀(提示)来测试开箱即用的功能。例如,可以使用 “Question answering. What is the date?” 来提示模型,因为 “Question answering.” 是 DocVQA 预训练期间使用的任务前缀。有关所有任务前缀,请参阅论文(表 1)。
- 还可以微调 UdopEncoderModel,它是 UDOP 的仅编码器部分,可以看作是类似 LayoutLMv3 的 Transformer 编码器。对于判别任务,只需在其顶部添加一个线性分类器,并在标记数据集上对其进行微调即可。
资源
以下是官方 Hugging Face 和社区 (🌎 表示) 资源的列表,可帮助您开始使用 UDOP。如果您有兴趣提交资源以包含在此处,请随时打开 Pull Request,我们将对其进行审核!理想情况下,资源应展示一些新内容,而不是重复现有资源。
UdopConfig
class transformers.UdopConfig
< source >( vocab_size = 33201 d_model = 1024 d_kv = 64 d_ff = 4096 num_layers = 24 num_decoder_layers = None num_heads = 16 relative_attention_num_buckets = 32 relative_attention_max_distance = 128 relative_bias_args = [{'type': '1d'}, {'type': 'horizontal'}, {'type': 'vertical'}] dropout_rate = 0.1 layer_norm_epsilon = 1e-06 initializer_factor = 1.0 feed_forward_proj = 'relu' is_encoder_decoder = True use_cache = True pad_token_id = 0 eos_token_id = 1 max_2d_position_embeddings = 1024 image_size = 224 patch_size = 16 num_channels = 3 **kwargs )
参数
- vocab_size (
int
, 可选, 默认为 33201) — UDOP 模型的词汇表大小。定义了在调用 UdopForConditionalGeneration 时传递的inputs_ids
可以表示的不同 token 的数量。 - d_model (
int
, 可选, 默认为 1024) — 编码器层和池化层的大小。 - d_kv (
int
, 可选, 默认为 64) — 每个注意力头的键、查询、值投影的大小。投影层的inner_dim
将定义为num_heads * d_kv
。 - d_ff (
int
, 可选, 默认为 4096) — 每个UdopBlock
中间前馈层的大小。 - num_layers (
int
, 可选, 默认为 24) — Transformer 编码器和解码器中隐藏层的数量。 - num_decoder_layers (
int
, 可选) — Transformer 解码器中隐藏层的数量。如果未设置,将使用与num_layers
相同的值。 - num_heads (
int
, 可选, 默认为 16) — Transformer 编码器和解码器中每个注意力层的注意力头数。 - relative_attention_num_buckets (
int
, 可选, 默认为 32) — 用于每个注意力层的 bucket 数量。 - relative_attention_max_distance (
int
, 可选, 默认为 128) — bucket 分离的较长序列的最大距离。 - relative_bias_args (
List[dict]
, 可选, 默认为[{'type' -- '1d'}, {'type': 'horizontal'}, {'type': 'vertical'}]
): 包含相对偏差层参数的字典列表。 - dropout_rate (
float
, 可选, 默认为 0.1) — 所有 dropout 层的比率。 - layer_norm_epsilon (
float
, 可选, 默认为 1e-06) — 层归一化层使用的 epsilon 值。 - initializer_factor (
float
, 可选, 默认为 1.0) — 用于初始化所有权重矩阵的因子(应保持为 1,在内部用于初始化测试)。 - feed_forward_proj (
string
, 可选, 默认为"relu"
) — 要使用的前馈层类型。应为"relu"
或"gated-gelu"
之一。Udopv1.1 使用"gated-gelu"
前馈投影。原始 Udop 使用"relu"
。 - is_encoder_decoder (
bool
, 可选, 默认为True
) — 模型是否应表现为编码器/解码器。 - use_cache (
bool
, 可选, 默认为True
) — 模型是否应返回上次的键/值注意力(并非所有模型都使用)。 - pad_token_id (
int
, optional, defaults to 0) — 词汇表中填充标记的 ID。 - eos_token_id (
int
, optional, defaults to 1) — 词汇表中序列结束标记的 ID。 - max_2d_position_embeddings (
int
, optional, defaults to 1024) — 相对位置编码的最大绝对位置嵌入。 - image_size (
int
, optional, defaults to 224) — 输入图像的尺寸。 - patch_size (
int
, optional, defaults to 16) — 视觉编码器使用的 patch 大小。 - num_channels (
int
, optional, defaults to 3) — 输入图像中的通道数。
This is the configuration class to store the configuration of a UdopForConditionalGeneration。它用于根据指定的参数实例化 UDOP 模型,定义模型架构。使用默认值实例化配置将产生与 UDOP microsoft/udop-large 架构类似的配置。
Configuration objects inherit from PretrainedConfig 并且可以用于控制模型输出。阅读 PretrainedConfig 的文档以获取更多信息。
UdopTokenizer
class transformers.UdopTokenizer
< source >( vocab_file eos_token = '</s>' unk_token = '<unk>' sep_token = '</s>' pad_token = '<pad>' sep_token_box = [1000, 1000, 1000, 1000] pad_token_box = [0, 0, 0, 0] pad_token_label = -100 only_label_first_subword = True additional_special_tokens = None sp_model_kwargs: Optional = None legacy = True add_prefix_space = True **kwargs )
参数
- vocab_file (
str
) — 词汇表文件的路径。 - eos_token (
str
, optional, defaults to"</s>"
) — 序列结束标记。当使用特殊标记构建序列时,这不是用于序列结束的标记。使用的标记是
sep_token
。 - unk_token (
str
, optional, defaults to"<unk>"
) — 未知标记。词汇表中不存在的标记无法转换为 ID,而是设置为此标记。 - sep_token (
str
, optional, defaults to"</s>"
) — 分隔符标记,用于从多个序列构建序列时,例如用于序列分类的两个序列,或用于问答的文本和问题。它也用作使用特殊标记构建的序列的最后一个标记。 - pad_token (
str
, optional, defaults to"<pad>"
) — 用于填充的标记,例如在批量处理不同长度的序列时。 - sep_token_box (
List[int]
, optional, defaults to[1000, 1000, 1000, 1000]
) — 用于特殊 [SEP] 标记的边界框。 - pad_token_box (
List[int]
, optional, defaults to[0, 0, 0, 0]
) — 用于特殊 [PAD] 标记的边界框。 - pad_token_label (
int
, optional, defaults to -100) — 用于填充标记的标签。默认为 -100,这是 PyTorch 的 CrossEntropyLoss 的ignore_index
。 - only_label_first_subword (
bool
, optional, defaults toTrue
) — 在提供词级别标签的情况下,是否仅标记第一个子词。 - additional_special_tokens (
List[str]
, optional, defaults to["<s>NOTUSED", "</s>NOTUSED"]
) — tokenizer 使用的附加特殊标记。 - sp_model_kwargs (
dict
, optional) — 将传递给SentencePieceProcessor.__init__()
方法。SentencePiece 的 Python 封装器 可用于设置:-
enable_sampling
: 启用子词正则化。 -
nbest_size
: unigram 的采样参数。对 BPE-Dropout 无效。nbest_size = {0,1}
: 不执行采样。nbest_size > 1
: 从 nbest_size 结果中采样。nbest_size < 0
: 假设 nbest_size 是无限的,并使用前向过滤和后向采样算法从所有假设(lattice)中采样。
-
alpha
: unigram 采样的平滑参数,以及 BPE-dropout 的合并操作的 dropout 概率。
-
- legacy (
bool
, optional, defaults toTrue
) — 是否应使用 tokenizer 的legacy
行为。 Legacy 是指在合并 #24622 之前的版本,其中包括正确处理出现在特殊标记之后的标记的修复。一个简单的例子:legacy=True
:
Adapted from LayoutXLMTokenizer 和 T5Tokenizer。基于 SentencePiece。
This tokenizer inherits from PreTrainedTokenizer 它继承自 PreTrainedTokenizer,其中包含大多数主要方法。用户应参考此超类以获取有关这些方法的更多信息。
build_inputs_with_special_tokens
< source >( token_ids_0: List token_ids_1: Optional = None ) → List[int]
通过连接并添加特殊标记,从序列或序列对构建模型输入,用于序列分类任务。一个序列具有以下格式
- 单个序列:
X </s>
- 序列对:
A </s> B </s>
get_special_tokens_mask
< source >( token_ids_0: List token_ids_1: Optional = None already_has_special_tokens: bool = False ) → List[int]
从没有添加特殊 token 的 token 列表中检索序列 ID。当使用 tokenizer 的 prepare_for_model
方法添加特殊 token 时,将调用此方法。
create_token_type_ids_from_sequences
< source >( token_ids_0: List token_ids_1: Optional = None ) → List[int]
从传递的两个序列创建一个 mask,用于序列对分类任务。T5 不使用 token 类型 ID,因此返回零列表。
UdopTokenizerFast
class transformers.UdopTokenizerFast
< source >( vocab_file = None tokenizer_file = None eos_token = '</s>' sep_token = '</s>' unk_token = '<unk>' pad_token = '<pad>' sep_token_box = [1000, 1000, 1000, 1000] pad_token_box = [0, 0, 0, 0] pad_token_label = -100 only_label_first_subword = True additional_special_tokens = None **kwargs )
参数
- vocab_file (
str
, 可选) — 词汇表文件的路径。 - tokenizer_file (
str
, 可选) — tokenizer 文件的路径。 - eos_token (
str
, 可选, 默认为"</s>"
) — 序列结束 token。当使用特殊 token 构建序列时,这不是用于序列结束的 token。使用的 token 是
sep_token
。 - sep_token (
str
, 可选, 默认为"</s>"
) — 分隔符 token,用于从多个序列构建序列时,例如用于序列分类的两个序列,或用于问答的文本和问题。它也用作使用特殊 token 构建的序列的最后一个 token。 - unk_token (
str
, 可选, 默认为"<unk>"
) — 未知 token。词汇表中没有的 token 无法转换为 ID,而是设置为此 token。 - pad_token (
str
, 可选, 默认为"<pad>"
) — 用于填充的 token,例如在对不同长度的序列进行批处理时。 - sep_token_box (
List[int]
, 可选, 默认为[1000, 1000, 1000, 1000]
) — 用于特殊 [SEP] token 的边界框。 - pad_token_box (
List[int]
, 可选, 默认为[0, 0, 0, 0]
) — 用于特殊 [PAD] token 的边界框。 - pad_token_label (
int
, 可选, 默认为 -100) — 用于填充 token 的标签。默认为 -100,这是 PyTorch 的 CrossEntropyLoss 的ignore_index
。 - only_label_first_subword (
bool
, 可选, 默认为True
) — 是否仅标记第一个子词,以防提供词标签。 - additional_special_tokens (
List[str]
, 可选, 默认为["<s>NOTUSED", "</s>NOTUSED"]
) — tokenizer 使用的其他特殊 token。
构建一个“快速” UDOP tokenizer(由 HuggingFace 的 tokenizers 库支持)。改编自 LayoutXLMTokenizer 和 T5Tokenizer。基于 BPE。
此 tokenizer 继承自 PreTrainedTokenizerFast,其中包含大多数主要方法。用户应参考此超类以获取有关这些方法的更多信息。
batch_encode_plus_boxes
< source >( batch_text_or_text_pairs: Union is_pair: bool = None boxes: Optional = None word_labels: Optional = 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 )
对序列列表或序列对列表进行 token 化和模型准备。
此方法已弃用,应使用 __call__
代替。
build_inputs_with_special_tokens
< source >( token_ids_0: List token_ids_1: Optional = None ) → List[int]
通过连接和添加特殊 token,从序列或序列对构建模型输入,用于序列分类任务。 XLM-RoBERTa 序列具有以下格式
- 单序列:
<s> X </s>
- 序列对:
<s> A </s></s> B </s>
call_boxes
< source >( text: Union text_pair: Union = None boxes: Union = None word_labels: Union = None add_special_tokens: bool = True padding: Union = False truncation: Union = None max_length: Optional = None stride: int = 0 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]]
) — The sequence or batch of sequences to be encoded. Each sequence can be a string, a list of strings (words of a single example or questions of a batch of examples) or a list of list of strings (batch of words). - text_pair (
List[str]
,List[List[str]]
) — The sequence or batch of sequences to be encoded. Each sequence should be a list of strings (pretokenized string). - boxes (
List[List[int]]
,List[List[List[int]]]
) — Word-level bounding boxes. Each bounding box should be normalized to be on a 0-1000 scale. - word_labels (
List[int]
,List[List[int]]
, optional) — Word-level integer labels (for token classification tasks such as FUNSD, CORD). - add_special_tokens (
bool
, optional, defaults toTrue
) — Whether or not to encode the sequences with the special tokens relative to their model. - padding (
bool
,str
or PaddingStrategy, optional, defaults toFalse
) — Activates and controls padding. Accepts the following values:True
or'longest'
: Pad to the longest sequence in the batch (or no padding if only a single sequence if provided).'max_length'
: Pad to a maximum length specified with the argumentmax_length
or to the maximum acceptable input length for the model if that argument is not provided.False
or'do_not_pad'
(default): No padding (i.e., can output a batch with sequences of different lengths).
- truncation (
bool
,str
or TruncationStrategy, optional, defaults toFalse
) — Activates and controls truncation. Accepts the following values:True
or'longest_first'
: Truncate to a maximum length specified with the argumentmax_length
or to the maximum acceptable input length for the model if that argument is not provided. This will truncate token by token, removing a token from the longest sequence in the pair if a pair of sequences (or a batch of pairs) is provided.'only_first'
: Truncate to a maximum length specified with the argumentmax_length
or to the maximum acceptable input length for the model if that argument is not provided. This will only truncate the first sequence of a pair if a pair of sequences (or a batch of pairs) is provided.'only_second'
: Truncate to a maximum length specified with the argumentmax_length
or to the maximum acceptable input length for the model if that argument is not provided. This will only truncate the second sequence of a pair if a pair of sequences (or a batch of pairs) is provided.False
or'do_not_truncate'
(default): No truncation (i.e., can output batch with sequence lengths greater than the model maximum admissible input size).
- max_length (
int
, optional) — Controls the maximum length to use by one of the truncation/padding parameters.If left unset or set to
None
, this will use the predefined model maximum length if a maximum length is required by one of the truncation/padding parameters. If the model has no specific maximum input length (like XLNet) truncation/padding to a maximum length will be deactivated. - stride (
int
, optional, defaults to 0) — If set to a number along withmax_length
, the overflowing tokens returned whenreturn_overflowing_tokens=True
will contain some tokens from the end of the truncated sequence returned to provide some overlap between truncated and overflowing sequences. The value of this argument defines the number of overlapping tokens. - pad_to_multiple_of (
int
, optional) — If set will pad the sequence to a multiple of the provided value. This is especially useful to enable the use of Tensor Cores on NVIDIA hardware with compute capability>= 7.5
(Volta). - return_tensors (
str
or TensorType, optional) — If set, will return tensors instead of list of python integers. Acceptable values are:'tf'
: Return TensorFlowtf.constant
objects.'pt'
: Return PyTorchtorch.Tensor
objects.'np'
: Return Numpynp.ndarray
objects.
- return_token_type_ids (
bool
, optional) — Whether to return token type IDs. If left to the default, will return the token type IDs according to the specific tokenizer’s default, defined by thereturn_outputs
attribute. - return_attention_mask (
bool
, optional) — Whether to return the attention mask. If left to the default, will return the attention mask according to the specific tokenizer’s default, defined by thereturn_outputs
attribute. - return_overflowing_tokens (
bool
, optional, defaults toFalse
) — Whether or not to return overflowing token sequences. If a pair of sequences of input ids (or a batch of pairs) is provided withtruncation_strategy = longest_first
orTrue
, an error is raised instead of returning overflowing tokens. - return_special_tokens_mask (
bool
, optional, defaults toFalse
) — Whether or not to return special tokens mask information. - return_offsets_mapping (
bool
, optional, defaults toFalse
) — Whether or not to return(char_start, char_end)
for each token.This is only available on fast tokenizers inheriting from PreTrainedTokenizerFast, if using Python’s tokenizer, this method will raise
NotImplementedError
. - return_length (
bool
, optional, defaults toFalse
) — Whether or not to return the lengths of the encoded inputs. - verbose (
bool
, optional, defaults toTrue
) — Whether or not to print more information and warnings. **kwargs — passed to theself.tokenize()
method
Returns
A BatchEncoding with the following fields
-
input_ids — List of token ids to be fed to a model.
-
bbox — List of bounding boxes to be fed to a model.
-
token_type_ids — List of token type ids to be fed to a model (when
return_token_type_ids=True
or if “token_type_ids” is inself.model_input_names
). -
attention_mask — List of indices specifying which tokens should be attended to by the model (when
return_attention_mask=True
or if “attention_mask” is inself.model_input_names
). -
labels — List of labels to be fed to a model. (when
word_labels
is specified). -
overflowing_tokens — List of overflowing tokens sequences (when a
max_length
is specified andreturn_overflowing_tokens=True
). -
num_truncated_tokens — Number of tokens truncated (when a
max_length
is specified andreturn_overflowing_tokens=True
). -
special_tokens_mask — List of 0s and 1s, with 1 specifying added special tokens and 0 specifying regular sequence tokens (when
add_special_tokens=True
andreturn_special_tokens_mask=True
). -
length — The length of the inputs (when
return_length=True
).
Main method to tokenize and prepare for the model one or several sequence(s) or one or several pair(s) of sequences with word-level normalized bounding boxes and optional labels.
create_token_type_ids_from_sequences
< source >( token_ids_0: List token_ids_1: Optional = None ) → List[int]
为传递的两个序列创建一个掩码,用于序列对分类任务。 XLM-RoBERTa 不使用 token type ids,因此返回一个零列表。
encode_boxes
< source >( text: Union text_pair: Union = None boxes: Optional = None word_labels: Optional = None add_special_tokens: bool = True padding: Union = False truncation: Union = None max_length: Optional = None stride: int = 0 return_tensors: Union = None **kwargs )
参数
- Converts 使用分词器和词汇表将字符串转换为 ID 序列(整数)。与执行
self.convert_tokens_to_ids(self.tokenize(text))
相同。 — text (str
,List[str]
或List[int]
): 要编码的第一个序列。可以是字符串、字符串列表(使用tokenize
方法分词的字符串)或整数列表(使用convert_tokens_to_ids
方法分词的字符串 ID)。 text_pair (str
,List[str]
或List[int]
, 可选): 可选的要编码的第二个序列。可以是字符串、字符串列表(使用tokenize
方法分词的字符串)或整数列表(使用convert_tokens_to_ids
方法分词的字符串 ID)。
encode_plus_boxes
< source >( text: Union text_pair: Optional = None boxes: Optional = None word_labels: Optional = 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 )
对序列或序列对进行分词并为模型准备。
此方法已弃用,应使用 __call__
代替。
UdopProcessor
class transformers.UdopProcessor
< source >( image_processor tokenizer )
参数
- image_processor (
LayoutLMv3ImageProcessor
) — LayoutLMv3ImageProcessor 的一个实例。图像处理器是必需的输入。 - tokenizer (
UdopTokenizer
或UdopTokenizerFast
) — UdopTokenizer 或 UdopTokenizerFast 的一个实例。分词器是必需的输入。
构建一个 UDOP 处理器,它将 LayoutLMv3 图像处理器和 UDOP 分词器组合成一个单一的处理器。
UdopProcessor 提供了模型数据准备所需的所有功能。
它首先使用 LayoutLMv3ImageProcessor 来调整大小、重新缩放和归一化文档图像,并可选择应用 OCR 以获取单词和归一化的边界框。 然后将这些提供给 UdopTokenizer 或 UdopTokenizerFast,它们将单词和边界框转换为 token 级别的 input_ids
、attention_mask
、token_type_ids
、bbox
。 可选地,可以提供整数 word_labels
,这些标签将转换为 token 级别的 labels
,用于 token 分类任务(例如 FUNSD、CORD)。
此外,它还支持将 text_target
和 text_pair_target
传递给分词器,这可以用于准备语言建模任务的标签。
__call__
< source >( images: Union = None text: Union = None *args audio = None videos = None **kwargs: Unpack )
此方法首先将 images
参数转发到 ~UdopImageProcessor.__call__
。如果 UdopImageProcessor
初始化时将 apply_ocr
设置为 True
,它会将获得的单词和边界框以及其他参数传递给 __call__()
并返回输出,以及准备好的 pixel_values
。如果 UdopImageProcessor
初始化时将 apply_ocr
设置为 False
,它会将用户指定的单词 (text
/`text_pair
) 和 boxes
以及其他参数传递给 __call__()
并返回输出,以及准备好的 pixel_values
。
或者,可以传递 text_target
和 text_pair_target
来准备 UDOP 的目标。
有关更多信息,请参阅上述两种方法的文档字符串。
UdopModel
class transformers.UdopModel
< source >( config )
参数
- config (UdopConfig) — 带有模型所有参数的模型配置类。使用配置文件初始化不会加载与模型关联的权重,仅加载配置。查看 from_pretrained() 方法以加载模型权重。
裸 UDOP 编码器-解码器 Transformer 输出原始隐藏状态,顶部没有任何特定的头部。此模型继承自 PreTrainedModel。查看超类文档以获取库为其所有模型实现的通用方法(例如下载或保存、调整输入嵌入大小、剪枝头部等)。
此模型也是 PyTorch torch.nn.Module 子类。将其用作常规 PyTorch 模块,并参阅 PyTorch 文档以获取所有与常规用法和行为相关的事项。
forward
< source >( input_ids: Tensor = None attention_mask: Tensor = None bbox: Dict = None pixel_values: Optional = None visual_bbox: Dict = None decoder_input_ids: Optional = None decoder_attention_mask: Optional = None inputs_embeds: Optional = None encoder_outputs: Optional = None past_key_values: Optional = None head_mask: Optional = None decoder_inputs_embeds: Optional = None decoder_head_mask: Optional = None cross_attn_head_mask: Optional = None use_cache = True output_attentions: Optional = None output_hidden_states: Optional = None return_dict: Optional = None ) → transformers.modeling_outputs.Seq2SeqModelOutput 或 tuple(torch.FloatTensor)
参数
- input_ids (
torch.LongTensor
,形状为(batch_size, sequence_length)
) — 词汇表中输入序列 token 的索引。 UDOP 是一个带有相对位置嵌入的模型,因此您应该能够在右侧和左侧填充输入。 索引可以使用 AutoTokenizer 获得。 有关详细信息,请参阅 PreTrainedTokenizer.encode() 和 PreTrainedTokenizer.call()。 什么是输入 ID? - attention_mask (
torch.FloatTensor
,形状为(batch_size, sequence_length)
, 可选) — 掩码,用于避免在 padding token 索引上执行注意力机制。 掩码值在[0, 1]
中选择:- 1 表示 未被掩盖 的 token,
- 0 表示 被掩盖 的 token。 什么是注意力掩码?
- bbox (
torch.LongTensor
,形状为({0}, 4)
, 可选) — 每个输入序列 token 的边界框。 在范围[0, config.max_2d_position_embeddings-1]
中选择。 每个边界框都应该是 (x0, y0, x1, y1) 格式的归一化版本,其中 (x0, y0) 对应于边界框中左上角的位置,(x1, y1) 代表右下角的位置。请注意,
sequence_length = token_sequence_length + patch_sequence_length + 1
,其中1
用于 [CLS] token。 有关patch_sequence_length
,请参阅pixel_values
。 - pixel_values (
torch.FloatTensor
,形状为(batch_size, num_channels, height, width)
) — 文档图像批次。 每个图像被分成形状为(num_channels, config.patch_size, config.patch_size)
的 patch,并且 patch 的总数 (=patch_sequence_length
) 等于((height / config.patch_size) * (width / config.patch_size))
。 - visual_bbox (
torch.LongTensor
, 形状为(batch_size, patch_sequence_length, 4)
, 可选) — 图像中每个补丁的边界框。如果未提供,则在模型中创建边界框。 - decoder_input_ids (
torch.LongTensor
, 形状为(batch_size, target_sequence_length)
, 可选) — 词汇表中解码器输入序列 tokens 的索引。索引可以使用 AutoTokenizer 获得。 有关详细信息,请参阅 PreTrainedTokenizer.encode() 和 PreTrainedTokenizer.call()。 什么是解码器输入 ID? T5 使用pad_token_id
作为decoder_input_ids
生成的起始 token。如果使用past_key_values
,则可以选择仅输入最后的decoder_input_ids
(请参阅past_key_values
)。要了解更多关于如何为预训练准备decoder_input_ids
的信息,请查看 T5 训练。 - decoder_attention_mask (
torch.BoolTensor
, 形状为(batch_size, target_sequence_length)
, 可选) — 默认行为:生成一个忽略decoder_input_ids
中的 padding tokens 的 tensor。默认情况下也将使用因果掩码。 - head_mask (
torch.FloatTensor
, 形状为(num_heads,)
或(num_layers, num_heads)
, 可选) — 用于 nullify 编码器中 self-attention 模块的选定 head 的掩码。在[0, 1]
中选择的掩码值:- 1 表示 head 未被掩蔽,
- 0 表示 head 被掩蔽。
- decoder_head_mask (
torch.FloatTensor
, 形状为(num_heads,)
或(num_layers, num_heads)
, 可选) — 用于 nullify 解码器中 self-attention 模块的选定 head 的掩码。在[0, 1]
中选择的掩码值:- 1 表示 head 未被掩蔽,
- 0 表示 head 被掩蔽。
- cross_attn_head_mask (
torch.Tensor
, 形状为(num_heads,)
或(num_layers, num_heads)
, 可选) — 用于 nullify 解码器中 cross-attention 模块的选定 head 的掩码。在[0, 1]
中选择的掩码值:- 1 表示 head 未被掩蔽,
- 0 表示 head 被掩蔽。
- encoder_outputs (
tuple(tuple(torch.FloatTensor)
, 可选) — 由 (last_hidden_state
,optional
: hidden_states,optional
: attentions) 组成的元组。形状为(batch_size, sequence_length, hidden_size)
的last_hidden_state
是编码器最后一层的输出处的 hidden states 序列。在解码器的 cross-attention 中使用。 - past_key_values (
tuple(tuple(torch.FloatTensor))
, 长度为config.n_layers
,每个元组有 4 个形状为(batch_size, num_heads, sequence_length - 1, embed_size_per_head)
的 tensors) — 包含 attention blocks 的预先计算的 key 和 value hidden states。 可以用于加速解码。 如果使用past_key_values
,用户可以选择仅输入最后的decoder_input_ids
(那些没有将其 past key value states 提供给此模型的),形状为(batch_size, 1)
,而不是形状为(batch_size, sequence_length)
的所有decoder_input_ids
。 - inputs_embeds (
torch.FloatTensor
, 形状为(batch_size, sequence_length, hidden_size)
, 可选) — 可选地,您可以选择直接传递嵌入表示,而不是传递input_ids
。如果您希望比模型的内部 embedding lookup matrix 更好地控制如何将input_ids
索引转换为关联的向量,这将非常有用。 - decoder_inputs_embeds (
torch.FloatTensor
, 形状为(batch_size, target_sequence_length, hidden_size)
, 可选) — 可选地,您可以选择直接传递嵌入表示,而不是传递decoder_input_ids
。如果使用past_key_values
,则可以选择仅输入最后的decoder_inputs_embeds
(请参阅past_key_values
)。如果您希望比模型的内部 embedding lookup matrix 更好地控制如何将decoder_input_ids
索引转换为关联的向量,这将非常有用。如果decoder_input_ids
和decoder_inputs_embeds
均未设置,则decoder_inputs_embeds
取inputs_embeds
的值。 - use_cache (
bool
, 可选) — 如果设置为True
,则返回past_key_values
key value states,并可用于加速解码(请参阅past_key_values
)。 - output_attentions (
bool
, 可选) — 是否返回所有 attention 层的 attentions tensors。 有关更多详细信息,请参阅返回的 tensors 下的attentions
。 - output_hidden_states (
bool
, 可选) — 是否返回所有层的 hidden states。 有关更多详细信息,请参阅返回的 tensors 下的hidden_states
。 - return_dict (
bool
, 可选) — 是否返回 ModelOutput 而不是 plain tuple。
Returns
transformers.modeling_outputs.Seq2SeqModelOutput 或 tuple(torch.FloatTensor)
一个 transformers.modeling_outputs.Seq2SeqModelOutput 或一个 torch.FloatTensor
的 tuple (如果传递了 return_dict=False
或当 config.return_dict=False
时),包含各种元素,具体取决于配置 (UdopConfig) 和输入。
-
last_hidden_state (
torch.FloatTensor
, 形状为(batch_size, sequence_length, hidden_size)
) — 模型解码器最后一层输出处的 hidden-states 序列。如果使用
past_key_values
,则仅输出形状为(batch_size, 1, hidden_size)
的序列的最后一个 hidden-state。 -
past_key_values (
tuple(tuple(torch.FloatTensor))
, 可选, 当传递use_cache=True
或当config.use_cache=True
时返回) — 长度为config.n_layers
的tuple(torch.FloatTensor)
的元组,每个元组具有 2 个形状为(batch_size, num_heads, sequence_length, embed_size_per_head)
的 tensors 和 2 个形状为(batch_size, num_heads, encoder_sequence_length, embed_size_per_head)
的附加 tensors。包含可用于加速顺序解码的预先计算的 hidden-states(self-attention blocks 和 cross-attention blocks 中的 key 和 values)(请参阅
past_key_values
输入)。 -
decoder_hidden_states (
tuple(torch.FloatTensor)
, 可选, 当传递output_hidden_states=True
或当config.output_hidden_states=True
时返回) —torch.FloatTensor
的元组(如果模型具有 embedding 层,则为 embeddings 的输出 + 每层的输出一个),形状为(batch_size, sequence_length, hidden_size)
。解码器在每层输出处的 Hidden-states,加上可选的初始 embedding 输出。
-
decoder_attentions (
tuple(torch.FloatTensor)
, 可选, 当传递output_attentions=True
或当config.output_attentions=True
时返回) —torch.FloatTensor
的元组(每层一个),形状为(batch_size, num_heads, sequence_length, sequence_length)
。解码器的 attention weights,在 attention softmax 之后,用于计算 self-attention heads 中的加权平均值。
-
cross_attentions (
tuple(torch.FloatTensor)
, 可选, 当传递output_attentions=True
或当config.output_attentions=True
时返回) —torch.FloatTensor
的元组(每层一个),形状为(batch_size, num_heads, sequence_length, sequence_length)
。解码器的 cross-attention 层的 attention weights,在 attention softmax 之后,用于计算 cross-attention heads 中的加权平均值。
-
encoder_last_hidden_state (
torch.FloatTensor
, 形状为(batch_size, sequence_length, hidden_size)
, 可选) — 模型编码器最后一层输出处的 hidden-states 序列。 -
encoder_hidden_states (
tuple(torch.FloatTensor)
, 可选, 当传递output_hidden_states=True
或当config.output_hidden_states=True
时返回) —torch.FloatTensor
的元组(如果模型具有 embedding 层,则为 embeddings 的输出 + 每层的输出一个),形状为(batch_size, sequence_length, hidden_size)
。编码器在每层输出处的 Hidden-states,加上可选的初始 embedding 输出。
-
encoder_attentions (
tuple(torch.FloatTensor)
, 可选, 当传递output_attentions=True
或当config.output_attentions=True
时返回) —torch.FloatTensor
的元组(每层一个),形状为(batch_size, num_heads, sequence_length, sequence_length)
。编码器的 attention weights,在 attention softmax 之后,用于计算 self-attention heads 中的加权平均值。
UdopModel forward 方法,覆盖了 __call__
特殊方法。
虽然 forward pass 的配方需要在该函数中定义,但之后应该调用 Module
实例而不是此函数,因为前者负责运行预处理和后处理步骤,而后者会静默地忽略它们。
示例
>>> from transformers import AutoProcessor, AutoModel
>>> from datasets import load_dataset
>>> import torch
>>> # load model and processor
>>> # in this case, we already have performed OCR ourselves
>>> # so we initialize the processor with `apply_ocr=False`
>>> processor = AutoProcessor.from_pretrained("microsoft/udop-large", apply_ocr=False)
>>> model = AutoModel.from_pretrained("microsoft/udop-large")
>>> # load an example image, along with the words and coordinates
>>> # which were extracted using an OCR engine
>>> dataset = load_dataset("nielsr/funsd-layoutlmv3", split="train", trust_remote_code=True)
>>> example = dataset[0]
>>> image = example["image"]
>>> words = example["tokens"]
>>> boxes = example["bboxes"]
>>> inputs = processor(image, words, boxes=boxes, return_tensors="pt")
>>> decoder_input_ids = torch.tensor([[model.config.decoder_start_token_id]])
>>> # forward pass
>>> outputs = model(**inputs, decoder_input_ids=decoder_input_ids)
>>> last_hidden_states = outputs.last_hidden_state
>>> list(last_hidden_states.shape)
[1, 1, 1024]
UdopForConditionalGeneration
class transformers.UdopForConditionalGeneration
< source >( config )
参数
- config (UdopConfig) — 模型配置类,包含模型的所有参数。使用配置文件初始化不会加载与模型关联的权重,仅加载配置。查看 from_pretrained() 方法以加载模型权重。
UDOP 编码器-解码器 Transformer,顶部带有语言建模 head,能够生成给定文档图像和可选提示的文本。
此类基于 T5ForConditionalGeneration,扩展为处理图像和布局 (2D) 数据。此模型继承自 PreTrainedModel。查看超类文档,了解库为所有模型实现的通用方法(例如下载或保存、调整输入 embeddings 大小、pruning heads 等)。
此模型也是 PyTorch torch.nn.Module 子类。将其用作常规 PyTorch 模块,并参阅 PyTorch 文档以获取所有与常规用法和行为相关的事项。
forward
< source >( input_ids: Tensor = None attention_mask: Tensor = None bbox: Dict = None pixel_values: Optional = None visual_bbox: Dict = None decoder_input_ids: Optional = None decoder_attention_mask: Optional = None inputs_embeds: Optional = None encoder_outputs: Optional = None past_key_values: Optional = None head_mask: Optional = None decoder_inputs_embeds: Optional = None decoder_head_mask: Optional = None cross_attn_head_mask: Optional = None use_cache = True output_attentions: Optional = None output_hidden_states: Optional = None return_dict: Optional = None labels: Optional = None ) → transformers.modeling_outputs.Seq2SeqLMOutput 或 tuple(torch.FloatTensor)
参数
- input_ids (
torch.LongTensor
, 形状为(batch_size, sequence_length)
) — 词汇表中输入序列 tokens 的索引。UDOP 是一个具有相对位置 embeddings 的模型,因此您应该能够在右侧和左侧 padding 输入。索引可以使用 AutoTokenizer 获得。 有关详细信息,请参阅 PreTrainedTokenizer.encode() 和 PreTrainedTokenizer.call()。 什么是输入 ID? - attention_mask (
torch.FloatTensor
, 形状为(batch_size, sequence_length)
, 可选) — 用于避免对 padding token 索引执行 attention 的掩码。在[0, 1]
中选择的掩码值:- 1 表示 tokens 未被掩蔽,
- 0 表示 tokens 被掩蔽。 什么是 attention masks?
- bbox (
torch.LongTensor
, 形状为({0}, 4)
, 可选) — 每个输入序列 tokens 的边界框。在范围[0, config.max_2d_position_embeddings-1]
中选择。每个边界框应为 (x0, y0, x1, y1) 格式的归一化版本,其中 (x0, y0) 对应于边界框中左上角的位置,而 (x1, y1) 表示右下角的位置。请注意,
sequence_length = token_sequence_length + patch_sequence_length + 1
,其中1
用于 [CLS] token。有关patch_sequence_length
,请参阅pixel_values
。 - pixel_values (
torch.FloatTensor
, 形状为(batch_size, num_channels, height, width)
) — 批量文档图像。每个图像被分成形状为(num_channels, config.patch_size, config.patch_size)
的 patches,并且 patches 的总数 (=patch_sequence_length
) 等于((height / config.patch_size) * (width / config.patch_size))
。 - visual_bbox (
torch.LongTensor
, 形状为(batch_size, patch_sequence_length, 4)
, 可选) — 图像中每个patch的边界框。如果未提供,则在模型中创建边界框。 - decoder_input_ids (
torch.LongTensor
, 形状为(batch_size, target_sequence_length)
, 可选) — 词汇表中解码器输入序列 tokens 的索引。可以使用 AutoTokenizer 获取索引。 有关详细信息,请参阅 PreTrainedTokenizer.encode() 和 PreTrainedTokenizer.call()。 什么是解码器输入 IDs? T5 使用pad_token_id
作为decoder_input_ids
生成的起始 token。如果使用past_key_values
,则可以选择仅输入最后的decoder_input_ids
(请参阅past_key_values
)。要了解有关如何为预训练准备decoder_input_ids
的更多信息,请查看 T5 训练。 - decoder_attention_mask (
torch.BoolTensor
, 形状为(batch_size, target_sequence_length)
, 可选) — 默认行为:生成一个忽略decoder_input_ids
中的 pad tokens 的 tensor。默认情况下还将使用因果掩码。 - head_mask (
torch.FloatTensor
, 形状为(num_heads,)
或(num_layers, num_heads)
, 可选) — 用于 nullify 编码器中 self-attention 模块的选定 head 的 Mask。在[0, 1]
中选择的 Mask 值:- 1 表示 head 未被掩盖 (not masked),
- 0 表示 head 被掩盖 (masked)。
- decoder_head_mask (
torch.FloatTensor
, 形状为(num_heads,)
或(num_layers, num_heads)
, 可选) — 用于 nullify 解码器中 self-attention 模块的选定 head 的 Mask。在[0, 1]
中选择的 Mask 值:- 1 表示 head 未被掩盖 (not masked),
- 0 表示 head 被掩盖 (masked)。
- cross_attn_head_mask (
torch.Tensor
, 形状为(num_heads,)
或(num_layers, num_heads)
, 可选) — 用于 nullify 解码器中 cross-attention 模块的选定 head 的 Mask。在[0, 1]
中选择的 Mask 值:- 1 表示 head 未被掩盖 (not masked),
- 0 表示 head 被掩盖 (masked)。
- encoder_outputs (
tuple(tuple(torch.FloatTensor)
, 可选) — Tuple 由 (last_hidden_state
,optional
: hidden_states,optional
: attentions) 组成。 形状为(batch_size, sequence_length, hidden_size)
的last_hidden_state
是编码器最后一层的输出端的 hidden states 序列。在解码器的 cross-attention 中使用。 - past_key_values (
tuple(tuple(torch.FloatTensor))
, 长度为config.n_layers
,每个 tuple 有 4 个形状为(batch_size, num_heads, sequence_length - 1, embed_size_per_head)
的 tensors) — 包含 attention blocks 的预先计算的 key 和 value hidden states。 可用于加速解码。 如果使用past_key_values
,用户可以选择仅输入最后的decoder_input_ids
(那些没有将其 past key value states 提供给此模型的),形状为(batch_size, 1)
,而不是所有形状为(batch_size, sequence_length)
的decoder_input_ids
。 - inputs_embeds (
torch.FloatTensor
, 形状为(batch_size, sequence_length, hidden_size)
, 可选) — 可选地,您可以选择直接传递嵌入表示,而不是传递input_ids
。 如果您希望比模型的内部嵌入查找矩阵更精细地控制如何将input_ids
索引转换为关联的向量,这将非常有用。 - decoder_inputs_embeds (
torch.FloatTensor
, 形状为(batch_size, target_sequence_length, hidden_size)
, 可选) — 可选地,您可以选择直接传递嵌入表示,而不是传递decoder_input_ids
。 如果使用past_key_values
,则可以选择仅输入最后的decoder_inputs_embeds
(请参阅past_key_values
)。 如果您希望比模型的内部嵌入查找矩阵更精细地控制如何将decoder_input_ids
索引转换为关联的向量,这将非常有用。 如果decoder_input_ids
和decoder_inputs_embeds
均未设置,则decoder_inputs_embeds
采用inputs_embeds
的值。 - use_cache (
bool
, 可选) — 如果设置为True
,则返回past_key_values
key value states,可用于加速解码(请参阅past_key_values
)。 - output_attentions (
bool
, 可选) — 是否返回所有 attention 层的 attentions tensors。 有关更多详细信息,请参阅返回的 tensors 下的attentions
。 - output_hidden_states (
bool
, 可选) — 是否返回所有层的 hidden states。 有关更多详细信息,请参阅返回的 tensors 下的hidden_states
。 - return_dict (
bool
, 可选) — 是否返回 ModelOutput 而不是普通 tuple。 - labels (
torch.LongTensor
, 形状为(batch_size,)
, 可选) — 用于计算语言建模 loss 的标签。索引应在[-100, 0, ..., config.vocab_size - 1]
中。 所有设置为-100
的标签都将被忽略(masked),loss 仅针对[0, ..., config.vocab_size]
中的标签计算。
Returns
transformers.modeling_outputs.Seq2SeqLMOutput 或 tuple(torch.FloatTensor)
一个 transformers.modeling_outputs.Seq2SeqLMOutput 或一个 torch.FloatTensor
的 tuple(如果传递了 return_dict=False
或当 config.return_dict=False
时),包含各种元素,具体取决于配置 (UdopConfig) 和输入。
-
loss (
torch.FloatTensor
, 形状为(1,)
, 可选, 当提供labels
时返回) — 语言建模 loss。 -
logits (
torch.FloatTensor
, 形状为(batch_size, sequence_length, config.vocab_size)
) — 语言建模 head 的预测分数(SoftMax 之前每个词汇表 token 的分数)。 -
past_key_values (
tuple(tuple(torch.FloatTensor))
, 可选, 当传递use_cache=True
或当config.use_cache=True
时返回) — 长度为config.n_layers
的tuple(torch.FloatTensor)
的元组,每个元组具有 2 个形状为(batch_size, num_heads, sequence_length, embed_size_per_head)
的 tensors 和 2 个形状为(batch_size, num_heads, encoder_sequence_length, embed_size_per_head)
的附加 tensors。包含可用于加速顺序解码的预先计算的 hidden-states(self-attention blocks 和 cross-attention blocks 中的 key 和 values)(请参阅
past_key_values
输入)。 -
decoder_hidden_states (
tuple(torch.FloatTensor)
, 可选, 当传递output_hidden_states=True
或当config.output_hidden_states=True
时返回) —torch.FloatTensor
的元组(如果模型具有 embedding 层,则为 embeddings 的输出 + 每层的输出一个),形状为(batch_size, sequence_length, hidden_size)
。解码器在每一层输出端的 Hidden-states 加上初始嵌入输出。
-
decoder_attentions (
tuple(torch.FloatTensor)
, 可选, 当传递output_attentions=True
或当config.output_attentions=True
时返回) —torch.FloatTensor
的元组(每层一个),形状为(batch_size, num_heads, sequence_length, sequence_length)
。解码器的 attention weights,在 attention softmax 之后,用于计算 self-attention heads 中的加权平均值。
-
cross_attentions (
tuple(torch.FloatTensor)
, 可选, 当传递output_attentions=True
或当config.output_attentions=True
时返回) —torch.FloatTensor
的元组(每层一个),形状为(batch_size, num_heads, sequence_length, sequence_length)
。解码器的 cross-attention 层的 attention weights,在 attention softmax 之后,用于计算 cross-attention heads 中的加权平均值。
-
encoder_last_hidden_state (
torch.FloatTensor
, 形状为(batch_size, sequence_length, hidden_size)
, 可选) — 模型编码器最后一层输出处的 hidden-states 序列。 -
encoder_hidden_states (
tuple(torch.FloatTensor)
, 可选, 当传递output_hidden_states=True
或当config.output_hidden_states=True
时返回) —torch.FloatTensor
的元组(如果模型具有 embedding 层,则为 embeddings 的输出 + 每层的输出一个),形状为(batch_size, sequence_length, hidden_size)
。编码器在每一层输出端的 Hidden-states 加上初始嵌入输出。
-
encoder_attentions (
tuple(torch.FloatTensor)
, 可选, 当传递output_attentions=True
或当config.output_attentions=True
时返回) —torch.FloatTensor
的元组(每层一个),形状为(batch_size, num_heads, sequence_length, sequence_length)
。编码器的 attention weights,在 attention softmax 之后,用于计算 self-attention heads 中的加权平均值。
UdopForConditionalGeneration forward 方法,覆盖了 __call__
特殊方法。
虽然 forward pass 的配方需要在该函数中定义,但之后应该调用 Module
实例而不是此函数,因为前者负责运行预处理和后处理步骤,而后者会静默地忽略它们。
示例
>>> from transformers import AutoProcessor, UdopForConditionalGeneration
>>> from datasets import load_dataset
>>> # load model and processor
>>> # in this case, we already have performed OCR ourselves
>>> # so we initialize the processor with `apply_ocr=False`
>>> processor = AutoProcessor.from_pretrained("microsoft/udop-large", apply_ocr=False)
>>> model = UdopForConditionalGeneration.from_pretrained("microsoft/udop-large")
>>> # load an example image, along with the words and coordinates
>>> # which were extracted using an OCR engine
>>> dataset = load_dataset("nielsr/funsd-layoutlmv3", split="train", trust_remote_code=True)
>>> example = dataset[0]
>>> image = example["image"]
>>> words = example["tokens"]
>>> boxes = example["bboxes"]
>>> # one can use the various task prefixes (prompts) used during pre-training
>>> # e.g. the task prefix for DocVQA is "Question answering. "
>>> question = "Question answering. What is the date on the form?"
>>> encoding = processor(image, question, text_pair=words, boxes=boxes, return_tensors="pt")
>>> # autoregressive generation
>>> predicted_ids = model.generate(**encoding)
>>> print(processor.batch_decode(predicted_ids, skip_special_tokens=True)[0])
9/30/92
UdopEncoderModel
class transformers.UdopEncoderModel
< source >( config: UdopConfig )
参数
- config (UdopConfig) — 具有模型所有参数的模型配置类。 使用配置文件初始化不会加载与模型关联的权重,而只会加载配置。 查看 from_pretrained() 方法以加载模型权重。
裸 UDOP 模型 Transformer,输出编码器的原始 hidden-states,顶部没有任何特定的 head。 此模型继承自 PreTrainedModel。 查看超类文档,了解库为其所有模型实现的通用方法(例如下载或保存、调整输入嵌入大小、剪枝 head 等)。
此模型也是 PyTorch torch.nn.Module 子类。将其用作常规 PyTorch 模块,并参阅 PyTorch 文档以获取所有与常规用法和行为相关的事项。
forward
< source >( input_ids: Tensor = None bbox: Dict = None attention_mask: Tensor = None pixel_values: Optional = None visual_bbox: Dict = None head_mask: Optional = None inputs_embeds: Optional = None output_attentions: Optional = None output_hidden_states: Optional = None return_dict: Optional = None ) → transformers.models.udop.modeling_udop.BaseModelOutputWithAttentionMask
或 tuple(torch.FloatTensor)
参数
- input_ids (
torch.LongTensor
, 形状为(batch_size, sequence_length)
) — 词汇表中输入序列 tokens 的索引。 T5 是一个具有相对位置嵌入的模型,因此您应该能够在右侧和左侧填充输入。可以使用 AutoTokenizer 获取索引。 有关详细信息,请参阅 PreTrainedTokenizer.encode() 和 PreTrainedTokenizer.call()。
要了解有关如何为预训练准备
input_ids
的更多信息,请查看 T5 训练。 - attention_mask (
torch.FloatTensor
, 形状为(batch_size, sequence_length)
, 可选) — 用于避免在 padding token 索引上执行 attention 的 Mask。 在[0, 1]
中选择的 Mask 值:- 1 表示 tokens 未被掩盖 (not masked),
- 0 表示 tokens 被掩盖 (masked)。
- bbox (
torch.LongTensor
, 形状为({0}, 4)
, 可选) — 每个输入序列 tokens 的边界框。 在范围[0, config.max_2d_position_embeddings-1]
中选择。 每个边界框都应该是 (x0, y0, x1, y1) 格式的归一化版本,其中 (x0, y0) 对应于边界框中左上角的位置,(x1, y1) 表示右下角的位置。请注意,
sequence_length = token_sequence_length + patch_sequence_length + 1
,其中1
用于 [CLS] token。 有关patch_sequence_length
,请参阅pixel_values
。 - pixel_values (
torch.FloatTensor
, 形状为(batch_size, num_channels, height, width)
) — 批量的文档图像。 每个图像都分为形状为(num_channels, config.patch_size, config.patch_size)
的 patches,patches 的总数 (=patch_sequence_length
) 等于((height / config.patch_size) * (width / config.patch_size))
。 - visual_bbox (
torch.LongTensor
,形状为(batch_size, patch_sequence_length, 4)
,可选) — 图像中每个补丁的边界框。如果未提供,则在模型中创建边界框。 - head_mask (
torch.FloatTensor
,形状为(num_heads,)
或(num_layers, num_heads)
,可选) — 用于 nullify 自注意力模块中选定头的掩码。在[0, 1]
中选择的掩码值:- 1 表示头是未被掩蔽的,
- 0 表示头是被掩蔽的。
- inputs_embeds (
torch.FloatTensor
,形状为(batch_size, sequence_length, hidden_size)
,可选) — 可选地,您可以选择直接传递嵌入表示,而不是传递input_ids
。 如果您想要比模型的内部嵌入查找矩阵更精细地控制如何将input_ids
索引转换为关联向量,这将非常有用。 - output_attentions (
bool
,可选) — 是否返回所有注意力层的注意力张量。 有关更多详细信息,请参阅返回张量下的attentions
。 - output_hidden_states (
bool
,可选) — 是否返回所有层的隐藏状态。 有关更多详细信息,请参阅返回张量下的hidden_states
。 - return_dict (
bool
,可选) — 是否返回 ModelOutput 而不是普通元组。
Returns
transformers.models.udop.modeling_udop.BaseModelOutputWithAttentionMask
或 tuple(torch.FloatTensor)
一个 transformers.models.udop.modeling_udop.BaseModelOutputWithAttentionMask
或 torch.FloatTensor
元组(如果传递了 return_dict=False
或者当 config.return_dict=False
时),包含取决于配置 (UdopConfig) 和输入的各种元素。
- last_hidden_state (
torch.FloatTensor
,形状为(batch_size, sequence_length, hidden_size)
) — 模型最后一层输出的隐藏状态序列。如果使用past_key_values
,则仅输出形状为(batch_size, 1, hidden_size)
的序列的最后一个隐藏状态。 - past_key_values (
tuple(tuple(torch.FloatTensor))
,可选,当传递use_cache=True
或 - 当
config.use_cache=True
时返回) —tuple(torch.FloatTensor)
的元组,长度为config.n_layers
,每个元组具有 2 个形状为(batch_size, num_heads, sequence_length, embed_size_per_head)
的张量,并且可选地,如果config.is_encoder_decoder=True
,则具有 2 个形状为(batch_size, num_heads, encoder_sequence_length, embed_size_per_head)
的附加张量。 包含预先计算的隐藏状态(自注意力块中的键和值,以及可选地,如果config.is_encoder_decoder=True
,则在交叉注意力块中),可以用于(参见past_key_values
输入)加速顺序解码。 - 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.add_cross_attention=True
或当config.output_attentions=True
时返回) —torch.FloatTensor
元组(每层一个),形状为(batch_size, num_heads, sequence_length, sequence_length)
。 解码器交叉注意力层的注意力权重,在注意力 softmax 之后,用于计算交叉注意力头中的加权平均值。
UdopEncoderModel forward 方法,覆盖了 __call__
特殊方法。
虽然 forward pass 的配方需要在该函数中定义,但之后应该调用 Module
实例而不是此函数,因为前者负责运行预处理和后处理步骤,而后者会静默地忽略它们。
示例
>>> from transformers import AutoProcessor, UdopEncoderModel
>>> from huggingface_hub import hf_hub_download
>>> from datasets import load_dataset
>>> # load model and processor
>>> # in this case, we already have performed OCR ourselves
>>> # so we initialize the processor with `apply_ocr=False`
>>> processor = AutoProcessor.from_pretrained("microsoft/udop-large", apply_ocr=False)
>>> model = UdopEncoderModel.from_pretrained("microsoft/udop-large")
>>> # load an example image, along with the words and coordinates
>>> # which were extracted using an OCR engine
>>> dataset = load_dataset("nielsr/funsd-layoutlmv3", split="train", trust_remote_code=True)
>>> example = dataset[0]
>>> image = example["image"]
>>> words = example["tokens"]
>>> boxes = example["bboxes"]
>>> encoding = processor(image, words, boxes=boxes, return_tensors="pt")
>>> outputs = model(**encoding)
>>> last_hidden_states = outputs.last_hidden_state