Nougat
Nougat
Overview
The Nougat model was proposed in Nougat: Neural Optical Understanding for Academic Documents by Lukas Blecher, Guillem Cucurull, Thomas Scialom, Robert Stojnic. Nougat uses the same architecture as Donut, meaning an image Transformer encoder and an autoregressive text Transformer decoder to translate scientific PDFs to markdown, enabling easier access to them.
The abstract from the paper is the following:
Scientific knowledge is predominantly stored in books and scientific journals, often in the form of PDFs. However, the PDF format leads to a loss of semantic information, particularly for mathematical expressions. We propose Nougat (Neural Optical Understanding for Academic Documents), a Visual Transformer model that performs an Optical Character Recognition (OCR) task for processing scientific documents into a markup language, and demonstrate the effectiveness of our model on a new dataset of scientific documents. The proposed approach offers a promising solution to enhance the accessibility of scientific knowledge in the digital age, by bridging the gap between human-readable documents and machine-readable text. We release the models and code to accelerate future work on scientific text recognition.
Nougat high-level overview. Taken from the original paper.
This model was contributed by nielsr. The original code can be found here.
Tips:
The quickest way to get started with Nougat is by checking the tutorial notebooks, which show how to use the model at inference time as well as fine-tuning on custom data.
Nougat is always used within the VisionEncoderDecoder framework. The model is identical to Donut in terms of architecture.
Inference
Nougat’s VisionEncoderDecoder
model accepts images as input and makes use of generate() to autoregressively generate text given the input image.
The NougatImageProcessor class is responsible for preprocessing the input image and NougatTokenizerFast decodes the generated target tokens to the target string. The NougatProcessor wraps NougatImageProcessor and NougatTokenizerFast classes into a single instance to both extract the input features and decode the predicted token ids.
Step-by-step PDF transcription
Copied
See the model hub to look for Nougat checkpoints.
NougatImageProcessor
class transformers.NougatImageProcessor
( do_crop_margin: bool = Truedo_resize: bool = Truesize: typing.Dict[str, int] = Noneresample: Resampling = <Resampling.BILINEAR: 2>do_thumbnail: bool = Truedo_align_long_axis: bool = Falsedo_pad: bool = Truedo_rescale: bool = Truerescale_factor: typing.Union[int, float] = 0.00392156862745098do_normalize: bool = Trueimage_mean: typing.Union[float, typing.List[float], NoneType] = Noneimage_std: typing.Union[float, typing.List[float], NoneType] = None**kwargs )
Parameters
do_crop_margin (
bool
, optional, defaults toTrue
) — Whether to crop the image margins.do_resize (
bool
, optional, defaults toTrue
) — Whether to resize the image’s (height, width) dimensions to the specifiedsize
. Can be overridden bydo_resize
in thepreprocess
method.size (
Dict[str, int]
optional, defaults to{"height" -- 896, "width": 672}
): Size of the image after resizing. Can be overridden bysize
in thepreprocess
method.resample (
PILImageResampling
, optional, defaults toPILImageResampling.BILINEAR
) — Resampling filter to use if resizing the image. Can be overridden byresample
in thepreprocess
method.do_thumbnail (
bool
, optional, defaults toTrue
) — Whether to resize the image using thumbnail method.do_align_long_axis (
bool
, optional, defaults toFalse
) — Whether to align the long axis of the image with the long axis ofsize
by rotating by 90 degrees.do_pad (
bool
, optional, defaults toTrue
) — Whether to pad the images to the largest image size in the batch.do_rescale (
bool
, optional, defaults toTrue
) — Whether to rescale the image by the specified scalerescale_factor
. Can be overridden by thedo_rescale
parameter in thepreprocess
method.rescale_factor (
int
orfloat
, optional, defaults to1/255
) — Scale factor to use if rescaling the image. Can be overridden by therescale_factor
parameter in thepreprocess
method.do_normalize (
bool
, optional, defaults toTrue
) — Whether to normalize the image. Can be overridden bydo_normalize
in thepreprocess
method.image_mean (
float
orList[float]
, optional, defaults toIMAGENET_DEFAULT_MEAN
) — Mean to use if normalizing the image. This is a float or list of floats the length of the number of channels in the image. Can be overridden by theimage_mean
parameter in thepreprocess
method.image_std (
float
orList[float]
, optional, defaults toIMAGENET_DEFAULT_STD
) — Image standard deviation.
Constructs a Nougat image processor.
preprocess
( images: typing.Union[ForwardRef('PIL.Image.Image'), numpy.ndarray, ForwardRef('torch.Tensor'), typing.List[ForwardRef('PIL.Image.Image')], typing.List[numpy.ndarray], typing.List[ForwardRef('torch.Tensor')]]do_crop_margin: bool = Nonedo_resize: bool = Nonesize: typing.Dict[str, int] = Noneresample: Resampling = Nonedo_thumbnail: bool = Nonedo_align_long_axis: bool = Nonedo_pad: bool = Nonedo_rescale: bool = Nonerescale_factor: typing.Union[int, float] = Nonedo_normalize: bool = Noneimage_mean: typing.Union[float, typing.List[float], NoneType] = Noneimage_std: typing.Union[float, typing.List[float], NoneType] = Nonereturn_tensors: typing.Union[str, transformers.utils.generic.TensorType, NoneType] = Nonedata_format: typing.Optional[transformers.image_utils.ChannelDimension] = <ChannelDimension.FIRST: 'channels_first'>input_data_format: typing.Union[str, transformers.image_utils.ChannelDimension, NoneType] = None**kwargs )
Parameters
images (
ImageInput
) — Image to preprocess. Expects a single or batch of images with pixel values ranging from 0 to 255.do_crop_margin (
bool
, optional, defaults toself.do_crop_margin
) — Whether to crop the image margins.do_resize (
bool
, optional, defaults toself.do_resize
) — Whether to resize the image.size (
Dict[str, int]
, optional, defaults toself.size
) — Size of the image after resizing. Shortest edge of the image is resized to min(size[“height”], size[“width”]) with the longest edge resized to keep the input aspect ratio.resample (
int
, optional, defaults toself.resample
) — Resampling filter to use if resizing the image. This can be one of the enumPILImageResampling
. Only has an effect ifdo_resize
is set toTrue
.do_thumbnail (
bool
, optional, defaults toself.do_thumbnail
) — Whether to resize the image using thumbnail method.do_align_long_axis (
bool
, optional, defaults toself.do_align_long_axis
) — Whether to align the long axis of the image with the long axis ofsize
by rotating by 90 degrees.do_pad (
bool
, optional, defaults toself.do_pad
) — Whether to pad the images to the largest image size in the batch.do_rescale (
bool
, optional, defaults toself.do_rescale
) — Whether to rescale the image by the specified scalerescale_factor
.rescale_factor (
int
orfloat
, optional, defaults toself.rescale_factor
) — Scale factor to use if rescaling the image.do_normalize (
bool
, optional, defaults toself.do_normalize
) — Whether to normalize the image.image_mean (
float
orList[float]
, optional, defaults toself.image_mean
) — Image mean to use for normalization.image_std (
float
orList[float]
, optional, defaults toself.image_std
) — Image standard deviation to use for normalization.return_tensors (
str
orTensorType
, optional) — The type of tensors to return. Can be one of:Unset: Return a list of
np.ndarray
.TensorType.TENSORFLOW
or'tf'
: Return a batch of typetf.Tensor
.TensorType.PYTORCH
or'pt'
: Return a batch of typetorch.Tensor
.TensorType.NUMPY
or'np'
: Return a batch of typenp.ndarray
.TensorType.JAX
or'jax'
: Return a batch of typejax.numpy.ndarray
.
data_format (
ChannelDimension
orstr
, optional, defaults toChannelDimension.FIRST
) — The channel dimension format for the output image. Can be one of:ChannelDimension.FIRST
: image in (num_channels, height, width) format.ChannelDimension.LAST
: image in (height, width, num_channels) format.Unset: defaults to the channel dimension format of the input image.
input_data_format (
ChannelDimension
orstr
, optional) — The channel dimension format for the input image. If unset, the channel dimension format is inferred from the input image. Can be one of:"channels_first"
orChannelDimension.FIRST
: image in (num_channels, height, width) format."channels_last"
orChannelDimension.LAST
: image in (height, width, num_channels) format."none"
orChannelDimension.NONE
: image in (height, width) format.
Preprocess an image or batch of images.
NougatTokenizerFast
class transformers.NougatTokenizerFast
( vocab_file = Nonetokenizer_file = Noneclean_up_tokenization_spaces = Falseunk_token = '<unk>'bos_token = '<s>'eos_token = '</s>'pad_token = '<pad>'**kwargs )
Parameters
vocab_file (
str
) — SentencePiece file (generally has a .model extension) that contains the vocabulary necessary to instantiate a tokenizer.tokenizer_file (
str
) — tokenizers file (generally has a .json extension) that contains everything needed to load the tokenizer.clean_up_tokenization_spaces (
str
, optional, defaults toFalse
) — Wether to cleanup spaces after decoding, cleanup consists in removing potential artifacts like extra spaces.bos_token (
str
, optional, defaults to"<s>"
) — The beginning of sequence token that was used during pretraining. Can be used a sequence classifier token.eos_token (
str
, optional, defaults to"</s>"
) — The end of sequence token.unk_token (
str
, optional, defaults to"<unk>"
) — The unknown token. A token that is not in the vocabulary cannot be converted to an ID and is set to be this token instead.pad_token (
str
, optional, defaults to"<pad>"
) — The token used for padding, for example when batching sequences of different lengths.model_max_length (
int
, optional) — The maximum length (in number of tokens) for the inputs to the transformer model. When the tokenizer is loaded with from_pretrained(), this will be set to the value stored for the associated model inmax_model_input_sizes
(see above). If no value is provided, will default to VERY_LARGE_INTEGER (int(1e30)
).padding_side (
str
, optional) — The side on which the model should have padding applied. Should be selected between [‘right’, ‘left’]. Default value is picked from the class attribute of the same name.truncation_side (
str
, optional) — The side on which the model should have truncation applied. Should be selected between [‘right’, ‘left’]. Default value is picked from the class attribute of the same name.chat_template (
str
, optional) — A Jinja template string that will be used to format lists of chat messages. See https://boincai.com/docs/transformers/chat_templating for a full description.model_input_names (
List[string]
, optional) — The list of inputs accepted by the forward pass of the model (like"token_type_ids"
or"attention_mask"
). Default value is picked from the class attribute of the same name.bos_token (
str
ortokenizers.AddedToken
, optional) — A special token representing the beginning of a sentence. Will be associated toself.bos_token
andself.bos_token_id
.eos_token (
str
ortokenizers.AddedToken
, optional) — A special token representing the end of a sentence. Will be associated toself.eos_token
andself.eos_token_id
.unk_token (
str
ortokenizers.AddedToken
, optional) — A special token representing an out-of-vocabulary token. Will be associated toself.unk_token
andself.unk_token_id
.sep_token (
str
ortokenizers.AddedToken
, optional) — A special token separating two different sentences in the same input (used by BERT for instance). Will be associated toself.sep_token
andself.sep_token_id
.pad_token (
str
ortokenizers.AddedToken
, optional) — A special token used to make arrays of tokens the same size for batching purpose. Will then be ignored by attention mechanisms or loss computation. Will be associated toself.pad_token
andself.pad_token_id
.cls_token (
str
ortokenizers.AddedToken
, optional) — A special token representing the class of the input (used by BERT for instance). Will be associated toself.cls_token
andself.cls_token_id
.mask_token (
str
ortokenizers.AddedToken
, optional) — A special token representing a masked token (used by masked-language modeling pretraining objectives, like BERT). Will be associated toself.mask_token
andself.mask_token_id
.additional_special_tokens (tuple or list of
str
ortokenizers.AddedToken
, optional) — A tuple or a list of additional special tokens. Add them here to ensure they are skipped when decoding withskip_special_tokens
is set to True. If they are not part of the vocabulary, they will be added at the end of the vocabulary.clean_up_tokenization_spaces (
bool
, optional, defaults toTrue
) — Whether or not the model should cleanup the spaces that were added when splitting the input text during the tokenization process.split_special_tokens (
bool
, optional, defaults toFalse
) — Whether or not the special tokens should be split during the tokenization process. The default behavior is to not split special tokens. This means that if<s>
is thebos_token
, thentokenizer.tokenize("<s>") = ['<s>
]. Otherwise, ifsplit_special_tokens=True
, thentokenizer.tokenize("<s>")
will be give['<', 's', '>']
. This argument is only supported forslow
tokenizers for the moment.tokenizer_object (
tokenizers.Tokenizer
) — Atokenizers.Tokenizer
object from 🌍tokenizers to instantiate from. See Using tokenizers from 🌍 tokenizers for more information.tokenizer_file (
str
) — A path to a local JSON file representing a previously serializedtokenizers.Tokenizer
object from 🌍 tokenizers.
Fast tokenizer for Nougat (backed by BOINC AI tokenizers library).
This tokenizer inherits from PreTrainedTokenizerFast which contains most of the main methods. Users should refer to this superclass for more information regarding those methods. This class mainly adds Nougat-specific methods for postprocessing the generated text.
Class attributes (overridden by derived classes)
vocab_files_names (
Dict[str, str]
) — A dictionary with, as keys, the__init__
keyword name of each vocabulary file required by the model, and as associated values, the filename for saving the associated file (string).pretrained_vocab_files_map (
Dict[str, Dict[str, str]]
) — A dictionary of dictionaries, with the high-level keys being the__init__
keyword name of each vocabulary file required by the model, the low-level being theshort-cut-names
of the pretrained models with, as associated values, theurl
to the associated pretrained vocabulary file.max_model_input_sizes (
Dict[str, Optional[int]]
) — A dictionary with, as keys, theshort-cut-names
of the pretrained models, and as associated values, the maximum length of the sequence inputs of this model, orNone
if the model has no maximum input size.pretrained_init_configuration (
Dict[str, Dict[str, Any]]
) — A dictionary with, as keys, theshort-cut-names
of the pretrained models, and as associated values, a dictionary of specific arguments to pass to the__init__
method of the tokenizer class for this pretrained model when loading the tokenizer with the from_pretrained() method.model_input_names (
List[str]
) — A list of inputs expected in the forward pass of the model.padding_side (
str
) — The default value for the side on which the model should have padding applied. Should be'right'
or'left'
.truncation_side (
str
) — The default value for the side on which the model should have truncation applied. Should be'right'
or'left'
.
correct_tables
( generation: str ) → str
Parameters
generation (str) — The generated text to be postprocessed.
Returns
str
The postprocessed text.
Takes a generated string and fixes tables/tabulars to make them match the markdown format needed.
Example:
Copied
post_process_generation
( generation: typing.Union[str, typing.List[str]]fix_markdown: bool = Truenum_workers: int = None ) → Union[str, List[str]]
Parameters
generation (Union[str, List[str]]) — The generated text or a list of generated texts.
fix_markdown (
bool
, optional, defaults toTrue
) — Whether to perform Markdown formatting fixes.num_workers (
int
, optional) — Optional number of workers to pass to leverage multiprocessing (postprocessing several texts in parallel).
Returns
Union[str, List[str]]
The postprocessed text or list of postprocessed texts.
Postprocess a generated text or a list of generated texts.
This function can be used to perform postprocessing on generated text, such as fixing Markdown formatting.
Postprocessing is quite slow so it is recommended to use multiprocessing to speed up the process.
post_process_single
( generation: strfix_markdown: bool = True ) → str
Parameters
generation (str) — The generated text to be postprocessed.
fix_markdown (bool, optional) — Whether to perform Markdown formatting fixes. Default is True.
Returns
str
The postprocessed text.
Postprocess a single generated text. Regular expressions used here are taken directly from the Nougat article authors. These expressions are commented for clarity and tested end-to-end in most cases.
remove_hallucinated_references
( text: str ) → str
Parameters
text (
str
) — The input text containing references.
Returns
str
The text with hallucinated references removed.
Remove hallucinated or missing references from the text.
This function identifies and removes references that are marked as missing or hallucinated from the input text.
NougatProcessor
class transformers.NougatProcessor
( image_processortokenizer )
Parameters
image_processor (NougatImageProcessor) — An instance of NougatImageProcessor. The image processor is a required input.
tokenizer (NougatTokenizerFast) — An instance of NougatTokenizerFast. The tokenizer is a required input.
Constructs a Nougat processor which wraps a Nougat image processor and a Nougat tokenizer into a single processor.
NougatProcessor offers all the functionalities of NougatImageProcessor and NougatTokenizerFast. See the call() and decode() for more information.
__call__
( images = Nonetext = Nonedo_crop_margin: bool = Nonedo_resize: bool = Nonesize: typing.Dict[str, int] = Noneresample: PILImageResampling = Nonedo_thumbnail: bool = Nonedo_align_long_axis: bool = Nonedo_pad: bool = Nonedo_rescale: bool = Nonerescale_factor: typing.Union[int, float] = Nonedo_normalize: bool = Noneimage_mean: typing.Union[float, typing.List[float], NoneType] = Noneimage_std: typing.Union[float, typing.List[float], NoneType] = Nonedata_format: typing.Optional[ForwardRef('ChannelDimension')] = 'ChannelDimension.FIRST'input_data_format: typing.Union[str, ForwardRef('ChannelDimension'), NoneType] = Nonetext_pair: typing.Union[str, typing.List[str], typing.List[typing.List[str]], NoneType] = Nonetext_target: typing.Union[str, typing.List[str], typing.List[typing.List[str]]] = Nonetext_pair_target: typing.Union[str, typing.List[str], typing.List[typing.List[str]], NoneType] = Noneadd_special_tokens: bool = Truepadding: typing.Union[bool, str, transformers.utils.generic.PaddingStrategy] = Falsetruncation: typing.Union[bool, str, transformers.tokenization_utils_base.TruncationStrategy] = Nonemax_length: typing.Optional[int] = Nonestride: int = 0is_split_into_words: bool = Falsepad_to_multiple_of: typing.Optional[int] = Nonereturn_tensors: typing.Union[str, transformers.utils.generic.TensorType, NoneType] = Nonereturn_token_type_ids: typing.Optional[bool] = Nonereturn_attention_mask: typing.Optional[bool] = Nonereturn_overflowing_tokens: bool = Falsereturn_special_tokens_mask: bool = Falsereturn_offsets_mapping: bool = Falsereturn_length: bool = Falseverbose: bool = True )
from_pretrained
( pretrained_model_name_or_path: typing.Union[str, os.PathLike]cache_dir: typing.Union[str, os.PathLike, NoneType] = Noneforce_download: bool = Falselocal_files_only: bool = Falsetoken: typing.Union[bool, str, NoneType] = Nonerevision: str = 'main'**kwargs )
Parameters
pretrained_model_name_or_path (
str
oros.PathLike
) — This can be either:a string, the model id of a pretrained feature_extractor hosted inside a model repo on boincai.com. Valid model ids can be located at the root-level, like
bert-base-uncased
, or namespaced under a user or organization name, likedbmdz/bert-base-german-cased
.a path to a directory containing a feature extractor file saved using the save_pretrained() method, e.g.,
./my_model_directory/
.a path or url to a saved feature extractor JSON file, e.g.,
./my_model_directory/preprocessor_config.json
. **kwargs — Additional keyword arguments passed along to both from_pretrained() and~tokenization_utils_base.PreTrainedTokenizer.from_pretrained
.
Instantiate a processor associated with a pretrained model.
This class method is simply calling the feature extractor from_pretrained(), image processor ImageProcessingMixin and the tokenizer ~tokenization_utils_base.PreTrainedTokenizer.from_pretrained
methods. Please refer to the docstrings of the methods above for more information.
save_pretrained
( save_directorypush_to_hub: bool = False**kwargs )
Parameters
save_directory (
str
oros.PathLike
) — Directory where the feature extractor JSON file and the tokenizer files will be saved (directory will be created if it does not exist).push_to_hub (
bool
, optional, defaults toFalse
) — Whether or not to push your model to the BOINC AI model hub after saving it. You can specify the repository you want to push to withrepo_id
(will default to the name ofsave_directory
in your namespace).kwargs (
Dict[str, Any]
, optional) — Additional key word arguments passed along to the push_to_hub() method.
Saves the attributes of this processor (feature extractor, tokenizer…) in the specified directory so that it can be reloaded using the from_pretrained() method.
This class method is simply calling save_pretrained() and save_pretrained(). Please refer to the docstrings of the methods above for more information.
batch_decode
( *args**kwargs )
This method forwards all its arguments to NougatTokenizer’s batch_decode(). Please refer to the docstring of this method for more information.
decode
( *args**kwargs )
This method forwards all its arguments to NougatTokenizer’s decode(). Please refer to the docstring of this method for more information.
post_process_generation
( *args**kwargs )
This method forwards all its arguments to NougatTokenizer’s ~PreTrainedTokenizer.post_process_generation
. Please refer to the docstring of this method for more information.
Last updated