Transformers documentation
Utilities for Tokenizers
Utilities for Tokenizers
このページには、トークナイザーによって使用されるすべてのユーティリティ関数 (主にクラス) がリストされます。 PreTrainedTokenizerBase 間の共通メソッドを実装します。 PreTrainedTokenizer と PreTrainedTokenizerFast およびミックスイン SpecialTokensMixin。
これらのほとんどは、ライブラリ内のトークナイザーのコードを学習する場合にのみ役に立ちます。
PreTrainedTokenizerBase
class transformers.PreTrainedTokenizerBase
< source >( **kwargs )
Parameters
-  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://huggingface.co/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 (strortokenizers.AddedToken, optional) — A special token representing the beginning of a sentence. Will be associated toself.bos_tokenandself.bos_token_id.
-  eos_token (strortokenizers.AddedToken, optional) — A special token representing the end of a sentence. Will be associated toself.eos_tokenandself.eos_token_id.
-  unk_token (strortokenizers.AddedToken, optional) — A special token representing an out-of-vocabulary token. Will be associated toself.unk_tokenandself.unk_token_id.
-  sep_token (strortokenizers.AddedToken, optional) — A special token separating two different sentences in the same input (used by BERT for instance). Will be associated toself.sep_tokenandself.sep_token_id.
-  pad_token (strortokenizers.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_tokenandself.pad_token_id.
-  cls_token (strortokenizers.AddedToken, optional) — A special token representing the class of the input (used by BERT for instance). Will be associated toself.cls_tokenandself.cls_token_id.
-  mask_token (strortokenizers.AddedToken, optional) — A special token representing a masked token (used by masked-language modeling pretraining objectives, like BERT). Will be associated toself.mask_tokenandself.mask_token_id.
-  additional_special_tokens (tuple or list of strortokenizers.AddedToken, optional) — A tuple or a list of additional special tokens. Add them here to ensure they are skipped when decoding withskip_special_tokensis 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. Passing will affect the internal state of the tokenizer. 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', '>'].
Base class for PreTrainedTokenizer and PreTrainedTokenizerFast.
Handles shared (mostly boiler plate) methods for those two classes.
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-namesof the pretrained models with, as associated values, theurlto the associated pretrained vocabulary file.
- 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'.
__call__
< source >( text: typing.Union[str, list[str], list[list[str]], NoneType] = None text_pair: typing.Union[str, list[str], list[list[str]], NoneType] = None text_target: typing.Union[str, list[str], list[list[str]], NoneType] = None text_pair_target: typing.Union[str, list[str], list[list[str]], NoneType] = None add_special_tokens: bool = True padding: typing.Union[bool, str, transformers.utils.generic.PaddingStrategy] = False truncation: typing.Union[bool, str, transformers.tokenization_utils_base.TruncationStrategy, NoneType] = None max_length: typing.Optional[int] = None stride: int = 0 is_split_into_words: bool = False pad_to_multiple_of: typing.Optional[int] = None padding_side: typing.Optional[str] = None return_tensors: typing.Union[str, transformers.utils.generic.TensorType, NoneType] = None return_token_type_ids: typing.Optional[bool] = None return_attention_mask: typing.Optional[bool] = 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
Parameters
-  text (str,list[str],list[list[str]], optional) — The sequence or batch of sequences to be encoded. Each sequence can be a string or a list of strings (pretokenized string). If the sequences are provided as list of strings (pretokenized), you must setis_split_into_words=True(to lift the ambiguity with a batch of sequences).
-  text_pair (str,list[str],list[list[str]], optional) — The sequence or batch of sequences to be encoded. Each sequence can be a string or a list of strings (pretokenized string). If the sequences are provided as list of strings (pretokenized), you must setis_split_into_words=True(to lift the ambiguity with a batch of sequences).
-  text_target (str,list[str],list[list[str]], optional) — The sequence or batch of sequences to be encoded as target texts. Each sequence can be a string or a list of strings (pretokenized string). If the sequences are provided as list of strings (pretokenized), you must setis_split_into_words=True(to lift the ambiguity with a batch of sequences).
-  text_pair_target (str,list[str],list[list[str]], optional) — The sequence or batch of sequences to be encoded as target texts. Each sequence can be a string or a list of strings (pretokenized string). If the sequences are provided as list of strings (pretokenized), you must setis_split_into_words=True(to lift the ambiguity with a batch of sequences).
-  add_special_tokens (bool, optional, defaults toTrue) — Whether or not to add special tokens when encoding the sequences. This will use the underlyingPretrainedTokenizerBase.build_inputs_with_special_tokensfunction, which defines which tokens are automatically added to the input ids. This is useful if you want to addbosoreostokens automatically.
-  padding (bool,stror PaddingStrategy, optional, defaults toFalse) — Activates and controls padding. Accepts the following values:- Trueor- 'longest': Pad to the longest sequence in the batch (or no padding if only a single sequence is provided).
- 'max_length': Pad to a maximum length specified with the argument- max_lengthor to the maximum acceptable input length for the model if that argument is not provided.
- Falseor- 'do_not_pad'(default): No padding (i.e., can output a batch with sequences of different lengths).
 
-  truncation (bool,stror TruncationStrategy, optional, defaults toFalse) — Activates and controls truncation. Accepts the following values:- Trueor- 'longest_first': Truncate to a maximum length specified with the argument- max_lengthor 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 argument- max_lengthor 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 argument- max_lengthor 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.
- Falseor- '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=Truewill 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.
-  is_split_into_words (bool, optional, defaults toFalse) — Whether or not the input is already pre-tokenized (e.g., split into words). If set toTrue, the tokenizer assumes the input is already split into words (for instance, by splitting it on whitespace) which it will tokenize. This is useful for NER or token classification.
-  pad_to_multiple_of (int, optional) — If set will pad the sequence to a multiple of the provided value. Requirespaddingto be activated. This is especially useful to enable the use of Tensor Cores on NVIDIA hardware with compute capability>= 7.5(Volta).
-  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.
-  return_tensors (stror TensorType, optional) — If set, will return tensors instead of list of python integers. Acceptable values are:- 'tf': Return TensorFlow- tf.constantobjects.
- 'pt': Return PyTorch- torch.Tensorobjects.
- 'np': Return Numpy- np.ndarrayobjects.
 
-  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_outputsattribute.
-  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_outputsattribute.
-  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_firstorTrue, 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 the self.tokenize()method
Returns
A BatchEncoding with the following fields:
- 
input_ids — List of token ids 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=Trueor 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=Trueor if “attention_mask” is inself.model_input_names).
- 
overflowing_tokens — List of overflowing tokens sequences (when a max_lengthis specified andreturn_overflowing_tokens=True).
- 
num_truncated_tokens — Number of tokens truncated (when a max_lengthis 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=Trueandreturn_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.
apply_chat_template
< source >( conversation: typing.Union[list[dict[str, str]], list[list[dict[str, str]]]] tools: typing.Optional[list[typing.Union[dict, typing.Callable]]] = None documents: typing.Optional[list[dict[str, str]]] = None chat_template: typing.Optional[str] = None add_generation_prompt: bool = False continue_final_message: bool = False tokenize: bool = True padding: typing.Union[bool, str, transformers.utils.generic.PaddingStrategy] = False truncation: bool = False max_length: typing.Optional[int] = None return_tensors: typing.Union[str, transformers.utils.generic.TensorType, NoneType] = None return_dict: bool = False return_assistant_tokens_mask: bool = False tokenizer_kwargs: typing.Optional[dict[str, typing.Any]] = None **kwargs  ) → Union[list[int], Dict]
Parameters
- conversation (Union[list[dict[str, str]], list[list[dict[str, str]]]]) — A list of dicts with “role” and “content” keys, representing the chat history so far.
-  tools (list[Union[Dict, Callable]], optional) — A list of tools (callable functions) that will be accessible to the model. If the template does not support function calling, this argument will have no effect. Each tool should be passed as a JSON Schema, giving the name, description and argument types for the tool. See our tool use guide for more information.
-  documents (list[dict[str, str]], optional) — A list of dicts representing documents that will be accessible to the model if it is performing RAG (retrieval-augmented generation). If the template does not support RAG, this argument will have no effect. We recommend that each document should be a dict containing “title” and “text” keys.
-  chat_template (str, optional) — A Jinja template to use for this conversion. It is usually not necessary to pass anything to this argument, as the model’s template will be used by default.
- add_generation_prompt (bool, optional) — If this is set, a prompt with the token(s) that indicate the start of an assistant message will be appended to the formatted output. This is useful when you want to generate a response from the model. Note that this argument will be passed to the chat template, and so it must be supported in the template for this argument to have any effect.
-  continue_final_message (bool, optional) —
If this is set, the chat will be formatted so that the final
message in the chat is open-ended, without any EOS tokens. The model will continue this message
rather than starting a new one. This allows you to “prefill” part of
the model’s response for it. Cannot be used at the same time as add_generation_prompt.
-  tokenize (bool, defaults toTrue) — Whether to tokenize the output. IfFalse, the output will be a string.
-  padding (bool,stror PaddingStrategy, optional, defaults toFalse) — Select a strategy to pad the returned sequences (according to the model’s padding side and padding index) among:- Trueor- '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 argument- max_lengthor to the maximum acceptable input length for the model if that argument is not provided.
- Falseor- 'do_not_pad'(default): No padding (i.e., can output a batch with sequences of different lengths).
 
-  truncation (bool, defaults toFalse) — Whether to truncate sequences at the maximum length. Has no effect if tokenize isFalse.
-  max_length (int, optional) — Maximum length (in tokens) to use for padding or truncation. Has no effect if tokenize isFalse. If not specified, the tokenizer’smax_lengthattribute will be used as a default.
-  return_tensors (stror TensorType, optional) — If set, will return tensors of a particular framework. Has no effect if tokenize isFalse. Acceptable values are:- 'tf': Return TensorFlow- tf.Tensorobjects.
- 'pt': Return PyTorch- torch.Tensorobjects.
- 'np': Return NumPy- np.ndarrayobjects.
- 'jax': Return JAX- jnp.ndarrayobjects.
 
-  return_dict (bool, defaults toFalse) — Whether to return a dictionary with named outputs. Has no effect if tokenize isFalse.
-  tokenizer_kwargs (dict[str -- Any], optional): Additional kwargs to pass to the tokenizer.
-  return_assistant_tokens_mask (bool, defaults toFalse) — Whether to return a mask of the assistant generated tokens. For tokens generated by the assistant, the mask will contain 1. For user and system tokens, the mask will contain 0. This functionality is only available for chat templates that support it via the{% generation %}keyword.
- **kwargs — Additional kwargs to pass to the template renderer. Will be accessible by the chat template.
Returns
Union[list[int], Dict]
A list of token ids representing the tokenized chat so far, including control tokens. This
output is ready to pass to the model, either directly or via methods like generate(). If return_dict is
set, will return a dict of tokenizer outputs instead.
Converts a list of dictionaries with "role" and "content" keys to a list of token
ids. This method is intended for use with chat models, and will read the tokenizer’s chat_template attribute to
determine the format and control tokens to use when converting.
Temporarily sets the tokenizer for encoding the targets. Useful for tokenizer associated to sequence-to-sequence models that need a slightly different processing for the labels.
batch_decode
< source >( sequences: typing.Union[list[int], list[list[int]], ForwardRef('np.ndarray'), ForwardRef('torch.Tensor'), ForwardRef('tf.Tensor')] skip_special_tokens: bool = False clean_up_tokenization_spaces: typing.Optional[bool] = None **kwargs  ) → list[str]
Parameters
-  sequences (Union[list[int], list[list[int]], np.ndarray, torch.Tensor, tf.Tensor]) — List of tokenized input ids. Can be obtained using the__call__method.
-  skip_special_tokens (bool, optional, defaults toFalse) — Whether or not to remove special tokens in the decoding.
-  clean_up_tokenization_spaces (bool, optional) — Whether or not to clean up the tokenization spaces. IfNone, will default toself.clean_up_tokenization_spaces.
- kwargs (additional keyword arguments, optional) — Will be passed to the underlying model specific decode method.
Returns
list[str]
The list of decoded sentences.
Convert a list of lists of token ids into a list of strings by calling decode.
batch_encode_plus
< source >( batch_text_or_text_pairs: typing.Union[list[str], list[tuple[str, str]], list[list[str]], list[tuple[list[str], list[str]]], list[list[int]], list[tuple[list[int], list[int]]]] add_special_tokens: bool = True padding: typing.Union[bool, str, transformers.utils.generic.PaddingStrategy] = False truncation: typing.Union[bool, str, transformers.tokenization_utils_base.TruncationStrategy, NoneType] = None max_length: typing.Optional[int] = None stride: int = 0 is_split_into_words: bool = False pad_to_multiple_of: typing.Optional[int] = None padding_side: typing.Optional[str] = None return_tensors: typing.Union[str, transformers.utils.generic.TensorType, NoneType] = None return_token_type_ids: typing.Optional[bool] = None return_attention_mask: typing.Optional[bool] = None return_overflowing_tokens: bool = False return_special_tokens_mask: bool = False return_offsets_mapping: bool = False return_length: bool = False verbose: bool = True split_special_tokens: bool = False **kwargs ) → BatchEncoding
Parameters
-  batch_text_or_text_pairs (list[str],list[tuple[str, str]],list[list[str]],list[tuple[list[str], list[str]]], and for not-fast tokenizers, alsolist[list[int]],list[tuple[list[int], list[int]]]) — Batch of sequences or pair of sequences to be encoded. This can be a list of string/string-sequences/int-sequences or a list of pair of string/string-sequences/int-sequence (see details inencode_plus).
-  add_special_tokens (bool, optional, defaults toTrue) — Whether or not to add special tokens when encoding the sequences. This will use the underlyingPretrainedTokenizerBase.build_inputs_with_special_tokensfunction, which defines which tokens are automatically added to the input ids. This is useful if you want to addbosoreostokens automatically.
-  padding (bool,stror PaddingStrategy, optional, defaults toFalse) — Activates and controls padding. Accepts the following values:- Trueor- 'longest': Pad to the longest sequence in the batch (or no padding if only a single sequence is provided).
- 'max_length': Pad to a maximum length specified with the argument- max_lengthor to the maximum acceptable input length for the model if that argument is not provided.
- Falseor- 'do_not_pad'(default): No padding (i.e., can output a batch with sequences of different lengths).
 
-  truncation (bool,stror TruncationStrategy, optional, defaults toFalse) — Activates and controls truncation. Accepts the following values:- Trueor- 'longest_first': Truncate to a maximum length specified with the argument- max_lengthor 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 argument- max_lengthor 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 argument- max_lengthor 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.
- Falseor- '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=Truewill 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.
-  is_split_into_words (bool, optional, defaults toFalse) — Whether or not the input is already pre-tokenized (e.g., split into words). If set toTrue, the tokenizer assumes the input is already split into words (for instance, by splitting it on whitespace) which it will tokenize. This is useful for NER or token classification.
-  pad_to_multiple_of (int, optional) — If set will pad the sequence to a multiple of the provided value. Requirespaddingto be activated. This is especially useful to enable the use of Tensor Cores on NVIDIA hardware with compute capability>= 7.5(Volta).
-  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.
-  return_tensors (stror TensorType, optional) — If set, will return tensors instead of list of python integers. Acceptable values are:- 'tf': Return TensorFlow- tf.constantobjects.
- 'pt': Return PyTorch- torch.Tensorobjects.
- 'np': Return Numpy- np.ndarrayobjects.
 
-  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_outputsattribute.
-  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_outputsattribute.
-  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_firstorTrue, 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 the self.tokenize()method
Returns
A BatchEncoding with the following fields:
- 
input_ids — List of token ids 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=Trueor 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=Trueor if “attention_mask” is inself.model_input_names).
- 
overflowing_tokens — List of overflowing tokens sequences (when a max_lengthis specified andreturn_overflowing_tokens=True).
- 
num_truncated_tokens — Number of tokens truncated (when a max_lengthis 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=Trueandreturn_special_tokens_mask=True).
- 
length — The length of the inputs (when return_length=True)
Tokenize and prepare for the model a list of sequences or a list of pairs of sequences.
This method is deprecated,
__call__should be used instead.
build_inputs_with_special_tokens
< source >( token_ids_0: list token_ids_1: typing.Optional[list[int]] = None  ) → list[int]
Build model inputs from a sequence or a pair of sequence for sequence classification tasks by concatenating and adding special tokens.
This implementation does not add special tokens and this method should be overridden in a subclass.
clean_up_tokenization
< source >( out_string: str  ) → str
Clean up a list of simple English tokenization artifacts like spaces before punctuations and abbreviated forms.
convert_tokens_to_string
< source >( tokens: list  ) → str
Converts a sequence of tokens in a single string. The most simple way to do it is " ".join(tokens) but we
often want to remove sub-word tokenization artifacts at the same time.
create_token_type_ids_from_sequences
< source >( token_ids_0: list token_ids_1: typing.Optional[list[int]] = None  ) → list[int]
Create the token type IDs corresponding to the sequences passed. What are token type IDs?
Should be overridden in a subclass if the model has a special way of building those.
decode
< source >( token_ids: typing.Union[int, list[int], numpy.ndarray, ForwardRef('torch.Tensor')] skip_special_tokens: bool = False clean_up_tokenization_spaces: typing.Optional[bool] = None **kwargs  ) → str
Parameters
-  token_ids (Union[int, list[int], np.ndarray, torch.Tensor, tf.Tensor]) — List of tokenized input ids. Can be obtained using the__call__method.
-  skip_special_tokens (bool, optional, defaults toFalse) — Whether or not to remove special tokens in the decoding.
-  clean_up_tokenization_spaces (bool, optional) — Whether or not to clean up the tokenization spaces. IfNone, will default toself.clean_up_tokenization_spaces.
- kwargs (additional keyword arguments, optional) — Will be passed to the underlying model specific decode method.
Returns
str
The decoded sentence.
Converts a sequence of ids in a string, using the tokenizer and vocabulary with options to remove special tokens and clean up tokenization spaces.
Similar to doing self.convert_tokens_to_string(self.convert_ids_to_tokens(token_ids)).
encode
< source >( text: typing.Union[str, list[str], list[int]] text_pair: typing.Union[str, list[str], list[int], NoneType] = None add_special_tokens: bool = True padding: typing.Union[bool, str, transformers.utils.generic.PaddingStrategy] = False truncation: typing.Union[bool, str, transformers.tokenization_utils_base.TruncationStrategy, NoneType] = None max_length: typing.Optional[int] = None stride: int = 0 padding_side: typing.Optional[str] = None return_tensors: typing.Union[str, transformers.utils.generic.TensorType, NoneType] = None **kwargs  ) → list[int], torch.Tensor, tf.Tensor or np.ndarray
Parameters
-  text (str,list[str]orlist[int]) — The first sequence to be encoded. This can be a string, a list of strings (tokenized string using thetokenizemethod) or a list of integers (tokenized string ids using theconvert_tokens_to_idsmethod).
-  text_pair (str,list[str]orlist[int], optional) — Optional second sequence to be encoded. This can be a string, a list of strings (tokenized string using thetokenizemethod) or a list of integers (tokenized string ids using theconvert_tokens_to_idsmethod).
-  add_special_tokens (bool, optional, defaults toTrue) — Whether or not to add special tokens when encoding the sequences. This will use the underlyingPretrainedTokenizerBase.build_inputs_with_special_tokensfunction, which defines which tokens are automatically added to the input ids. This is useful if you want to addbosoreostokens automatically.
-  padding (bool,stror PaddingStrategy, optional, defaults toFalse) — Activates and controls padding. Accepts the following values:- Trueor- 'longest': Pad to the longest sequence in the batch (or no padding if only a single sequence is provided).
- 'max_length': Pad to a maximum length specified with the argument- max_lengthor to the maximum acceptable input length for the model if that argument is not provided.
- Falseor- 'do_not_pad'(default): No padding (i.e., can output a batch with sequences of different lengths).
 
-  truncation (bool,stror TruncationStrategy, optional, defaults toFalse) — Activates and controls truncation. Accepts the following values:- Trueor- 'longest_first': Truncate to a maximum length specified with the argument- max_lengthor 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 argument- max_lengthor 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 argument- max_lengthor 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.
- Falseor- '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=Truewill 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.
-  is_split_into_words (bool, optional, defaults toFalse) — Whether or not the input is already pre-tokenized (e.g., split into words). If set toTrue, the tokenizer assumes the input is already split into words (for instance, by splitting it on whitespace) which it will tokenize. This is useful for NER or token classification.
-  pad_to_multiple_of (int, optional) — If set will pad the sequence to a multiple of the provided value. Requirespaddingto be activated. This is especially useful to enable the use of Tensor Cores on NVIDIA hardware with compute capability>= 7.5(Volta).
-  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.
-  return_tensors (stror TensorType, optional) — If set, will return tensors instead of list of python integers. Acceptable values are:- 'tf': Return TensorFlow- tf.constantobjects.
- 'pt': Return PyTorch- torch.Tensorobjects.
- 'np': Return Numpy- np.ndarrayobjects.
 
-  **kwargs — Passed along to the .tokenize()method.
Returns
list[int], torch.Tensor, tf.Tensor or np.ndarray
The tokenized ids of the text.
Converts a string to a sequence of ids (integer), using the tokenizer and vocabulary.
Same as doing self.convert_tokens_to_ids(self.tokenize(text)).
encode_message_with_chat_template
< source >( message: dict conversation_history: typing.Optional[list[dict[str, str]]] = None **kwargs  ) → list[int]
Parameters
-  message (dict) — A dictionary with “role” and “content” keys, representing the message to tokenize.
-  conversation_history (list[dict], optional) — A list of dicts with “role” and “content” keys, representing the chat history so far. If you are tokenizing messages one by one, you should pass the previous messages in the conversation here.
-  **kwargs —
Additional kwargs to pass to the apply_chat_templatemethod.
Returns
list[int]
A list of token ids representing the tokenized message.
Tokenize a single message. This method is a convenience wrapper around apply_chat_template that allows you
to tokenize messages one by one. This is useful for things like token-by-token streaming.
This method is not guaranteed to be perfect. For some models, it may be impossible to robustly tokenize
single messages. For example, if the chat template adds tokens after each message, but also has a prefix that
is added to the entire chat, it will be impossible to distinguish a chat-start-token from a message-start-token.
In these cases, this method will do its best to find the correct tokenization, but it may not be perfect.
Note: This method does not support add_generation_prompt. If you want to add a generation prompt,
you should do it separately after tokenizing the conversation.
encode_plus
< source >( text: typing.Union[str, list[str], list[int]] text_pair: typing.Union[str, list[str], list[int], NoneType] = None add_special_tokens: bool = True padding: typing.Union[bool, str, transformers.utils.generic.PaddingStrategy] = False truncation: typing.Union[bool, str, transformers.tokenization_utils_base.TruncationStrategy, NoneType] = None max_length: typing.Optional[int] = None stride: int = 0 is_split_into_words: bool = False pad_to_multiple_of: typing.Optional[int] = None padding_side: typing.Optional[str] = None return_tensors: typing.Union[str, transformers.utils.generic.TensorType, NoneType] = None return_token_type_ids: typing.Optional[bool] = None return_attention_mask: typing.Optional[bool] = 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
Parameters
-  text (str,list[str]or (for non-fast tokenizers)list[int]) — The first sequence to be encoded. This can be a string, a list of strings (tokenized string using thetokenizemethod) or a list of integers (tokenized string ids using theconvert_tokens_to_idsmethod).
-  text_pair (str,list[str]orlist[int], optional) — Optional second sequence to be encoded. This can be a string, a list of strings (tokenized string using thetokenizemethod) or a list of integers (tokenized string ids using theconvert_tokens_to_idsmethod).
-  add_special_tokens (bool, optional, defaults toTrue) — Whether or not to add special tokens when encoding the sequences. This will use the underlyingPretrainedTokenizerBase.build_inputs_with_special_tokensfunction, which defines which tokens are automatically added to the input ids. This is useful if you want to addbosoreostokens automatically.
-  padding (bool,stror PaddingStrategy, optional, defaults toFalse) — Activates and controls padding. Accepts the following values:- Trueor- 'longest': Pad to the longest sequence in the batch (or no padding if only a single sequence is provided).
- 'max_length': Pad to a maximum length specified with the argument- max_lengthor to the maximum acceptable input length for the model if that argument is not provided.
- Falseor- 'do_not_pad'(default): No padding (i.e., can output a batch with sequences of different lengths).
 
-  truncation (bool,stror TruncationStrategy, optional, defaults toFalse) — Activates and controls truncation. Accepts the following values:- Trueor- 'longest_first': Truncate to a maximum length specified with the argument- max_lengthor 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 argument- max_lengthor 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 argument- max_lengthor 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.
- Falseor- '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=Truewill 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.
-  is_split_into_words (bool, optional, defaults toFalse) — Whether or not the input is already pre-tokenized (e.g., split into words). If set toTrue, the tokenizer assumes the input is already split into words (for instance, by splitting it on whitespace) which it will tokenize. This is useful for NER or token classification.
-  pad_to_multiple_of (int, optional) — If set will pad the sequence to a multiple of the provided value. Requirespaddingto be activated. This is especially useful to enable the use of Tensor Cores on NVIDIA hardware with compute capability>= 7.5(Volta).
-  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.
-  return_tensors (stror TensorType, optional) — If set, will return tensors instead of list of python integers. Acceptable values are:- 'tf': Return TensorFlow- tf.constantobjects.
- 'pt': Return PyTorch- torch.Tensorobjects.
- 'np': Return Numpy- np.ndarrayobjects.
 
-  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_outputsattribute.
-  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_outputsattribute.
-  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_firstorTrue, 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 the self.tokenize()method
Returns
A BatchEncoding with the following fields:
- 
input_ids — List of token ids 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=Trueor 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=Trueor if “attention_mask” is inself.model_input_names).
- 
overflowing_tokens — List of overflowing tokens sequences (when a max_lengthis specified andreturn_overflowing_tokens=True).
- 
num_truncated_tokens — Number of tokens truncated (when a max_lengthis 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=Trueandreturn_special_tokens_mask=True).
- 
length — The length of the inputs (when return_length=True)
Tokenize and prepare for the model a sequence or a pair of sequences.
This method is deprecated,
__call__should be used instead.
from_pretrained
< source >( pretrained_model_name_or_path: typing.Union[str, os.PathLike] *init_inputs cache_dir: typing.Union[str, os.PathLike, NoneType] = None force_download: bool = False local_files_only: bool = False token: typing.Union[bool, str, NoneType] = None revision: str = 'main' trust_remote_code = False **kwargs )
Parameters
-  pretrained_model_name_or_path (stroros.PathLike) — Can be either:- A string, the model id of a predefined tokenizer hosted inside a model repo on huggingface.co.
- A path to a directory containing vocabulary files required by the tokenizer, for instance saved
using the save_pretrained() method, e.g.,
./my_model_directory/.
- (Deprecated, not applicable to all derived classes) A path or url to a single saved vocabulary
file (if and only if the tokenizer only requires a single vocabulary file like Bert or XLNet), e.g.,
./my_model_directory/vocab.txt.
 
-  cache_dir (stroros.PathLike, optional) — Path to a directory in which a downloaded predefined tokenizer vocabulary files should be cached if the standard cache should not be used.
-  force_download (bool, optional, defaults toFalse) — Whether or not to force the (re-)download the vocabulary files and override the cached versions if they exist.
- resume_download — Deprecated and ignored. All downloads are now resumed by default when possible. Will be removed in v5 of Transformers.
-  proxies (dict[str, str], optional) — A dictionary of proxy servers to use by protocol or endpoint, e.g.,{'http': 'foo.bar:3128', 'http://hostname': 'foo.bar:4012'}. The proxies are used on each request.
-  token (stror bool, optional) — The token to use as HTTP bearer authorization for remote files. IfTrue, will use the token generated when runninghf auth login(stored in~/.huggingface).
-  local_files_only (bool, optional, defaults toFalse) — Whether or not to only rely on local files and not to attempt to download any files.
-  revision (str, optional, defaults to"main") — The specific model version to use. It can be a branch name, a tag name, or a commit id, since we use a git-based system for storing models and other artifacts on huggingface.co, sorevisioncan be any identifier allowed by git.
-  subfolder (str, optional) — In case the relevant files are located inside a subfolder of the model repo on huggingface.co (e.g. for facebook/rag-token-base), specify it here.
-  inputs (additional positional arguments, optional) —
Will be passed along to the Tokenizer __init__method.
-  trust_remote_code (bool, optional, defaults toFalse) — Whether or not to allow for custom models defined on the Hub in their own modeling files. This option should only be set toTruefor repositories you trust and in which you have read the code, as it will execute code present on the Hub on your local machine.
-  kwargs (additional keyword arguments, optional) —
Will be passed to the Tokenizer __init__method. Can be used to set special tokens likebos_token,eos_token,unk_token,sep_token,pad_token,cls_token,mask_token,additional_special_tokens. See parameters in the__init__for more details.
Instantiate a PreTrainedTokenizerBase (or a derived class) from a predefined tokenizer.
Passing
token=Trueis required when you want to use a private model.
Examples:
# We can't instantiate directly the base class *PreTrainedTokenizerBase* so let's show our examples on a derived class: BertTokenizer
# Download vocabulary from huggingface.co and cache.
tokenizer = BertTokenizer.from_pretrained("google-bert/bert-base-uncased")
# Download vocabulary from huggingface.co (user-uploaded) and cache.
tokenizer = BertTokenizer.from_pretrained("dbmdz/bert-base-german-cased")
# If vocabulary files are in a directory (e.g. tokenizer was saved using *save_pretrained('./test/saved_model/')*)
tokenizer = BertTokenizer.from_pretrained("./test/saved_model/")
# If the tokenizer uses a single vocabulary file, you can point directly to this file
tokenizer = BertTokenizer.from_pretrained("./test/saved_model/my_vocab.txt")
# You can link tokens to special vocabulary when instantiating
tokenizer = BertTokenizer.from_pretrained("google-bert/bert-base-uncased", unk_token="<unk>")
# You should be sure '<unk>' is in the vocabulary when doing that.
# Otherwise use tokenizer.add_special_tokens({'unk_token': '<unk>'}) instead)
assert tokenizer.unk_token == "<unk>"get_chat_template
< source >( chat_template: typing.Optional[str] = None tools: typing.Optional[list[dict]] = None  ) → str
Parameters
-  chat_template (str, optional) — A Jinja template or the name of a template to use for this conversion. It is usually not necessary to pass anything to this argument, as the model’s template will be used by default.
-  tools (list[Dict], optional) — A list of tools (callable functions) that will be accessible to the model. If the template does not support function calling, this argument will have no effect. Each tool should be passed as a JSON Schema, giving the name, description and argument types for the tool. See our chat templating guide for more information.
Returns
str
The chat template string.
Retrieve the chat template string used for tokenizing chat messages. This template is used
internally by the apply_chat_template method and can also be used externally to retrieve the model’s chat
template for better generation tracking.
get_special_tokens_mask
< source >( token_ids_0: list token_ids_1: typing.Optional[list[int]] = None already_has_special_tokens: bool = False ) → A list of integers in the range [0, 1]
Parameters
-  token_ids_0 (list[int]) — List of ids of the first sequence.
-  token_ids_1 (list[int], optional) — List of ids of the second sequence.
-  already_has_special_tokens (bool, optional, defaults toFalse) — Whether or not the token list is already formatted with special tokens for the model.
Returns
A list of integers in the range [0, 1]
1 for a special token, 0 for a sequence token.
Retrieves sequence ids from a token list that has no special tokens added. This method is called when adding
special tokens using the tokenizer prepare_for_model or encode_plus methods.
Returns the vocabulary as a dictionary of token to index.
tokenizer.get_vocab()[token] is equivalent to tokenizer.convert_tokens_to_ids(token) when token is in the
vocab.
pad
< source >( encoded_inputs: typing.Union[transformers.tokenization_utils_base.BatchEncoding, list[transformers.tokenization_utils_base.BatchEncoding], dict[str, list[int]], dict[str, list[list[int]]], list[dict[str, list[int]]]] padding: typing.Union[bool, str, transformers.utils.generic.PaddingStrategy] = True max_length: typing.Optional[int] = None pad_to_multiple_of: typing.Optional[int] = None padding_side: typing.Optional[str] = None return_attention_mask: typing.Optional[bool] = None return_tensors: typing.Union[str, transformers.utils.generic.TensorType, NoneType] = None verbose: bool = True )
Parameters
-  encoded_inputs (BatchEncoding, list of BatchEncoding, dict[str, list[int]],dict[str, list[list[int]]orlist[dict[str, list[int]]]) — Tokenized inputs. Can represent one input (BatchEncoding ordict[str, list[int]]) or a batch of tokenized inputs (list of BatchEncoding, dict[str, list[list[int]]] or list[dict[str, list[int]]]) so you can use this method during preprocessing as well as in a PyTorch Dataloader collate function.Instead of list[int]you can have tensors (numpy arrays, PyTorch tensors or TensorFlow tensors), see the note above for the return type.
-  padding (bool,stror PaddingStrategy, optional, defaults toTrue) — Select a strategy to pad the returned sequences (according to the model’s padding side and padding index) among:- Trueor- 'longest'(default): 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 argument- max_lengthor to the maximum acceptable input length for the model if that argument is not provided.
- Falseor- 'do_not_pad': No padding (i.e., can output a batch with sequences of different lengths).
 
-  max_length (int, optional) — Maximum length of the returned list and optionally padding length (see above).
-  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).
-  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.
-  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_outputsattribute.
-  return_tensors (stror TensorType, optional) — If set, will return tensors instead of list of python integers. Acceptable values are:- 'tf': Return TensorFlow- tf.constantobjects.
- 'pt': Return PyTorch- torch.Tensorobjects.
- 'np': Return Numpy- np.ndarrayobjects.
 
-  verbose (bool, optional, defaults toTrue) — Whether or not to print more information and warnings.
Pad a single encoded input or a batch of encoded inputs up to predefined length or to the max sequence length in the batch.
Padding side (left/right) padding token ids are defined at the tokenizer level (with self.padding_side,
self.pad_token_id and self.pad_token_type_id).
Please note that with a fast tokenizer, using the __call__ method is faster than using a method to encode the
text followed by a call to the pad method to get a padded encoding.
If the
encoded_inputspassed are dictionary of numpy arrays, PyTorch tensors or TensorFlow tensors, the result will use the same type unless you provide a different tensor type withreturn_tensors. In the case of PyTorch tensors, you will lose the specific device of your tensors however.
prepare_for_model
< source >( ids: list pair_ids: typing.Optional[list[int]] = None add_special_tokens: bool = True padding: typing.Union[bool, str, transformers.utils.generic.PaddingStrategy] = False truncation: typing.Union[bool, str, transformers.tokenization_utils_base.TruncationStrategy, NoneType] = None max_length: typing.Optional[int] = None stride: int = 0 pad_to_multiple_of: typing.Optional[int] = None padding_side: typing.Optional[str] = None return_tensors: typing.Union[str, transformers.utils.generic.TensorType, NoneType] = None return_token_type_ids: typing.Optional[bool] = None return_attention_mask: typing.Optional[bool] = None return_overflowing_tokens: bool = False return_special_tokens_mask: bool = False return_offsets_mapping: bool = False return_length: bool = False verbose: bool = True prepend_batch_axis: bool = False **kwargs ) → BatchEncoding
Parameters
-  ids (list[int]) — Tokenized input ids of the first sequence. Can be obtained from a string by chaining thetokenizeandconvert_tokens_to_idsmethods.
-  pair_ids (list[int], optional) — Tokenized input ids of the second sequence. Can be obtained from a string by chaining thetokenizeandconvert_tokens_to_idsmethods.
-  add_special_tokens (bool, optional, defaults toTrue) — Whether or not to add special tokens when encoding the sequences. This will use the underlyingPretrainedTokenizerBase.build_inputs_with_special_tokensfunction, which defines which tokens are automatically added to the input ids. This is useful if you want to addbosoreostokens automatically.
-  padding (bool,stror PaddingStrategy, optional, defaults toFalse) — Activates and controls padding. Accepts the following values:- Trueor- 'longest': Pad to the longest sequence in the batch (or no padding if only a single sequence is provided).
- 'max_length': Pad to a maximum length specified with the argument- max_lengthor to the maximum acceptable input length for the model if that argument is not provided.
- Falseor- 'do_not_pad'(default): No padding (i.e., can output a batch with sequences of different lengths).
 
-  truncation (bool,stror TruncationStrategy, optional, defaults toFalse) — Activates and controls truncation. Accepts the following values:- Trueor- 'longest_first': Truncate to a maximum length specified with the argument- max_lengthor 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 argument- max_lengthor 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 argument- max_lengthor 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.
- Falseor- '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=Truewill 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.
-  is_split_into_words (bool, optional, defaults toFalse) — Whether or not the input is already pre-tokenized (e.g., split into words). If set toTrue, the tokenizer assumes the input is already split into words (for instance, by splitting it on whitespace) which it will tokenize. This is useful for NER or token classification.
-  pad_to_multiple_of (int, optional) — If set will pad the sequence to a multiple of the provided value. Requirespaddingto be activated. This is especially useful to enable the use of Tensor Cores on NVIDIA hardware with compute capability>= 7.5(Volta).
-  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.
-  return_tensors (stror TensorType, optional) — If set, will return tensors instead of list of python integers. Acceptable values are:- 'tf': Return TensorFlow- tf.constantobjects.
- 'pt': Return PyTorch- torch.Tensorobjects.
- 'np': Return Numpy- np.ndarrayobjects.
 
-  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_outputsattribute.
-  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_outputsattribute.
-  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_firstorTrue, 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 the self.tokenize()method
Returns
A BatchEncoding with the following fields:
- 
input_ids — List of token ids 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=Trueor 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=Trueor if “attention_mask” is inself.model_input_names).
- 
overflowing_tokens — List of overflowing tokens sequences (when a max_lengthis specified andreturn_overflowing_tokens=True).
- 
num_truncated_tokens — Number of tokens truncated (when a max_lengthis 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=Trueandreturn_special_tokens_mask=True).
- 
length — The length of the inputs (when return_length=True)
Prepares a sequence of input id, or a pair of sequences of inputs ids so that it can be used by the model. It
adds special tokens, truncates sequences if overflowing while taking into account the special tokens and
manages a moving window (with user defined stride) for overflowing tokens. Please Note, for pair_ids
different than None and truncation_strategy = longest_first or True, it is not possible to return
overflowing tokens. Such a combination of arguments will raise an error.
prepare_seq2seq_batch
< source >( src_texts: list tgt_texts: typing.Optional[list[str]] = None max_length: typing.Optional[int] = None max_target_length: typing.Optional[int] = None padding: str = 'longest' return_tensors: typing.Optional[str] = None truncation: bool = True **kwargs ) → BatchEncoding
Parameters
-  src_texts (list[str]) — List of documents to summarize or source language texts.
-  tgt_texts (list, optional) — List of summaries or target language texts.
-  max_length (int, optional) — Controls the maximum length for encoder inputs (documents to summarize or source language texts) If left unset or set toNone, 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.
-  max_target_length (int, optional) — Controls the maximum length of decoder inputs (target language texts or summaries) If left unset or set toNone, this will use the max_length value.
-  padding (bool,stror PaddingStrategy, optional, defaults toFalse) — Activates and controls padding. Accepts the following values:- Trueor- '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 argument- max_lengthor to the maximum acceptable input length for the model if that argument is not provided.
- Falseor- 'do_not_pad'(default): No padding (i.e., can output a batch with sequences of different lengths).
 
-  return_tensors (stror TensorType, optional) — If set, will return tensors instead of list of python integers. Acceptable values are:- 'tf': Return TensorFlow- tf.constantobjects.
- 'pt': Return PyTorch- torch.Tensorobjects.
- 'np': Return Numpy- np.ndarrayobjects.
 
-  truncation (bool,stror TruncationStrategy, optional, defaults toTrue) — Activates and controls truncation. Accepts the following values:- Trueor- 'longest_first': Truncate to a maximum length specified with the argument- max_lengthor 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 argument- max_lengthor 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 argument- max_lengthor 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.
- Falseor- 'do_not_truncate'(default): No truncation (i.e., can output batch with sequence lengths greater than the model maximum admissible input size).
 
-  **kwargs —
Additional keyword arguments passed along to self.__call__.
Returns
A BatchEncoding with the following fields:
- input_ids — List of token ids to be fed to the encoder.
- attention_mask — List of indices specifying which tokens should be attended to by the model.
- labels — List of token ids for tgt_texts.
The full set of keys [input_ids, attention_mask, labels], will only be returned if tgt_texts is passed.
Otherwise, input_ids, attention_mask will be the only keys.
Prepare model inputs for translation. For best performance, translate one sentence at a time.
push_to_hub
< source >( repo_id: str use_temp_dir: typing.Optional[bool] = None commit_message: typing.Optional[str] = None private: typing.Optional[bool] = None token: typing.Union[bool, str, NoneType] = None max_shard_size: typing.Union[str, int, NoneType] = '5GB' create_pr: bool = False safe_serialization: bool = True revision: typing.Optional[str] = None commit_description: typing.Optional[str] = None tags: typing.Optional[list[str]] = None **deprecated_kwargs )
Parameters
-  repo_id (str) — The name of the repository you want to push your tokenizer to. It should contain your organization name when pushing to a given organization.
-  use_temp_dir (bool, optional) — Whether or not to use a temporary directory to store the files saved before they are pushed to the Hub. Will default toTrueif there is no directory named likerepo_id,Falseotherwise.
-  commit_message (str, optional) — Message to commit while pushing. Will default to"Upload tokenizer".
-  private (bool, optional) — Whether to make the repo private. IfNone(default), the repo will be public unless the organization’s default is private. This value is ignored if the repo already exists.
-  token (boolorstr, optional) — The token to use as HTTP bearer authorization for remote files. IfTrue, will use the token generated when runninghf auth login(stored in~/.huggingface). Will default toTrueifrepo_urlis not specified.
-  max_shard_size (intorstr, optional, defaults to"5GB") — Only applicable for models. The maximum size for a checkpoint before being sharded. Checkpoints shard will then be each of size lower than this size. If expressed as a string, needs to be digits followed by a unit (like"5MB"). We default it to"5GB"so that users can easily load models on free-tier Google Colab instances without any CPU OOM issues.
-  create_pr (bool, optional, defaults toFalse) — Whether or not to create a PR with the uploaded files or directly commit.
-  safe_serialization (bool, optional, defaults toTrue) — Whether or not to convert the model weights in safetensors format for safer serialization.
-  revision (str, optional) — Branch to push the uploaded files to.
-  commit_description (str, optional) — The description of the commit that will be created
-  tags (list[str], optional) — List of tags to push on the Hub.
Upload the tokenizer files to the 🤗 Model Hub.
Examples:
from transformers import AutoTokenizer
tokenizer = AutoTokenizer.from_pretrained("google-bert/bert-base-cased")
# Push the tokenizer to your namespace with the name "my-finetuned-bert".
tokenizer.push_to_hub("my-finetuned-bert")
# Push the tokenizer to an organization with the name "my-finetuned-bert".
tokenizer.push_to_hub("huggingface/my-finetuned-bert")register_for_auto_class
< source >( auto_class = 'AutoTokenizer' )
Register this class with a given auto class. This should only be used for custom tokenizers as the ones in the
library are already mapped with AutoTokenizer.
save_chat_templates
< source >( save_directory: typing.Union[str, os.PathLike] tokenizer_config: dict filename_prefix: typing.Optional[str] save_jinja_files: bool )
Writes chat templates out to the save directory if we’re using the new format, and removes them from the tokenizer config if present. If we’re using the legacy format, it doesn’t write any files, and instead writes the templates to the tokenizer config in the correct format.
save_pretrained
< source >( save_directory: typing.Union[str, os.PathLike] legacy_format: typing.Optional[bool] = None filename_prefix: typing.Optional[str] = None push_to_hub: bool = False **kwargs  ) → A tuple of str
Parameters
-  save_directory (stroros.PathLike) — The path to a directory where the tokenizer will be saved.
-  legacy_format (bool, optional) — Only applicable for a fast tokenizer. If unset (default), will save the tokenizer in the unified JSON format as well as in legacy format if it exists, i.e. with tokenizer specific vocabulary and a separate added_tokens files.If False, will only save the tokenizer in the unified JSON format. This format is incompatible with “slow” tokenizers (not powered by the tokenizers library), so the tokenizer will not be able to be loaded in the corresponding “slow” tokenizer.If True, will save the tokenizer in legacy format. If the “slow” tokenizer doesn’t exits, a value error is raised.
-  filename_prefix (str, optional) — A prefix to add to the names of the files saved by the tokenizer.
-  push_to_hub (bool, optional, defaults toFalse) — Whether or not to push your model to the Hugging Face model hub after saving it. You can specify the repository you want to push to withrepo_id(will default to the name ofsave_directoryin your namespace).
-  kwargs (dict[str, Any], optional) — Additional key word arguments passed along to the push_to_hub() method.
Returns
A tuple of str
The files saved.
Save the full tokenizer state.
This method make sure the full tokenizer can then be re-loaded using the
~tokenization_utils_base.PreTrainedTokenizer.from_pretrained class method..
Warning,None This won’t save modifications you may have applied to the tokenizer after the instantiation (for
instance, modifying tokenizer.do_lower_case after creation).
save_vocabulary
< source >( save_directory: str filename_prefix: typing.Optional[str] = None  ) → tuple(str)
Save only the vocabulary of the tokenizer (vocabulary + added tokens).
This method won’t save the configuration and special token mappings of the tokenizer. Use
_save_pretrained() to save the whole state of the tokenizer.
tokenize
< source >( text: str pair: typing.Optional[str] = None add_special_tokens: bool = False **kwargs  ) → list[str]
Parameters
-  text (str) — The sequence to be encoded.
-  pair (str, optional) — A second sequence to be encoded with the first.
-  add_special_tokens (bool, optional, defaults toFalse) — Whether or not to add the special tokens associated with the corresponding model.
- kwargs (additional keyword arguments, optional) — Will be passed to the underlying model specific encode method. See details in call()
Returns
list[str]
The list of tokens.
Converts a string into a sequence of tokens, replacing unknown tokens with the unk_token.
truncate_sequences
< source >( ids: list pair_ids: typing.Optional[list[int]] = None num_tokens_to_remove: int = 0 truncation_strategy: typing.Union[str, transformers.tokenization_utils_base.TruncationStrategy] = 'longest_first' stride: int = 0  ) → tuple[list[int], list[int], list[int]]
Parameters
-  ids (list[int]) — Tokenized input ids of the first sequence. Can be obtained from a string by chaining thetokenizeandconvert_tokens_to_idsmethods.
-  pair_ids (list[int], optional) — Tokenized input ids of the second sequence. Can be obtained from a string by chaining thetokenizeandconvert_tokens_to_idsmethods.
-  num_tokens_to_remove (int, optional, defaults to 0) — Number of tokens to remove using the truncation strategy.
-  truncation_strategy (stror TruncationStrategy, optional, defaults to'longest_first') — The strategy to follow for truncation. Can be:- 'longest_first': Truncate to a maximum length specified with the argument- max_lengthor 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 argument- max_lengthor 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 argument- max_lengthor 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.
- 'do_not_truncate'(default): No truncation (i.e., can output batch with sequence lengths greater than the model maximum admissible input size).
 
-  stride (int, optional, defaults to 0) — If set to a positive number, the overflowing tokens returned will contain some tokens from the main sequence returned. The value of this argument defines the number of additional tokens.
Returns
tuple[list[int], list[int], list[int]]
The truncated ids, the truncated pair_ids and the list of
overflowing tokens. Note: The longest_first strategy returns empty list of overflowing tokens if a pair
of sequences (or a batch of pairs) is provided.
Truncates a sequence pair in-place following the strategy.
SpecialTokensMixin
class transformers.SpecialTokensMixin
< source >( verbose = False **kwargs )
Parameters
-  bos_token (strortokenizers.AddedToken, optional) — A special token representing the beginning of a sentence.
-  eos_token (strortokenizers.AddedToken, optional) — A special token representing the end of a sentence.
-  unk_token (strortokenizers.AddedToken, optional) — A special token representing an out-of-vocabulary token.
-  sep_token (strortokenizers.AddedToken, optional) — A special token separating two different sentences in the same input (used by BERT for instance).
-  pad_token (strortokenizers.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.
-  cls_token (strortokenizers.AddedToken, optional) — A special token representing the class of the input (used by BERT for instance).
-  mask_token (strortokenizers.AddedToken, optional) — A special token representing a masked token (used by masked-language modeling pretraining objectives, like BERT).
-  additional_special_tokens (tuple or list of strortokenizers.AddedToken, optional) — A tuple or a list of additional tokens, which will be marked asspecial, meaning that they will be skipped when decoding ifskip_special_tokensis set toTrue.
A mixin derived by PreTrainedTokenizer and PreTrainedTokenizerFast to handle specific behaviors related to special tokens. In particular, this class hold the attributes which can be used to directly access these special tokens in a model-independent manner and allow to set and update the special tokens.
add_special_tokens
< source >( special_tokens_dict: dict replace_additional_special_tokens = True  ) → int
Parameters
-  special_tokens_dict (dictionary str to str, tokenizers.AddedToken, orSequence[Union[str, AddedToken]]) — Keys should be in the list of predefined special attributes: [bos_token,eos_token,unk_token,sep_token,pad_token,cls_token,mask_token,additional_special_tokens].Tokens are only added if they are not already in the vocabulary (tested by checking if the tokenizer assign the index of the unk_tokento them).
-  replace_additional_special_tokens (bool, optional,, defaults toTrue) — IfTrue, the existing list of additional special tokens will be replaced by the list provided inspecial_tokens_dict. Otherwise,self._special_tokens_map["additional_special_tokens"]is just extended. In the former case, the tokens will NOT be removed from the tokenizer’s full vocabulary - they are only being flagged as non-special tokens. Remember, this only affects which tokens are skipped during decoding, not theadded_tokens_encoderandadded_tokens_decoder. This means that the previousadditional_special_tokensare still added tokens, and will not be split by the model.
Returns
int
Number of tokens added to the vocabulary.
Add a dictionary of special tokens (eos, pad, cls, etc.) to the encoder and link them to class attributes. If special tokens are NOT in the vocabulary, they are added to it (indexed starting from the last index of the current vocabulary).
When adding new tokens to the vocabulary, you should make sure to also resize the token embedding matrix of the model so that its embedding matrix matches the tokenizer.
In order to do that, please use the resize_token_embeddings() method.
Using add_special_tokens will ensure your special tokens can be used in several ways:
- Special tokens can be skipped when decoding using skip_special_tokens = True.
- Special tokens are carefully handled by the tokenizer (they are never split), similar to AddedTokens.
- You can easily refer to special tokens using tokenizer class attributes like tokenizer.cls_token. This makes it easy to develop model-agnostic training and fine-tuning scripts.
When possible, special tokens are already registered for provided pretrained models (for instance
BertTokenizer cls_token is already registered to be '[CLS]' and XLM’s one is also registered to be
'</s>').
Examples:
# Let's see how to add a new classification token to GPT-2
tokenizer = GPT2Tokenizer.from_pretrained("openai-community/gpt2")
model = GPT2Model.from_pretrained("openai-community/gpt2")
special_tokens_dict = {"cls_token": "<CLS>"}
num_added_toks = tokenizer.add_special_tokens(special_tokens_dict)
print("We have added", num_added_toks, "tokens")
# Notice: resize_token_embeddings expect to receive the full size of the new vocabulary, i.e., the length of the tokenizer.
model.resize_token_embeddings(len(tokenizer))
assert tokenizer.cls_token == "<CLS>"add_tokens
< source >( new_tokens: typing.Union[str, tokenizers.AddedToken, collections.abc.Sequence[typing.Union[str, tokenizers.AddedToken]]] special_tokens: bool = False  ) → int
Parameters
-  new_tokens (str,tokenizers.AddedTokenor a sequence of str ortokenizers.AddedToken) — Tokens are only added if they are not already in the vocabulary.tokenizers.AddedTokenwraps a string token to let you personalize its behavior: whether this token should only match against a single word, whether this token should strip all potential whitespaces on the left side, whether this token should strip all potential whitespaces on the right side, etc.
-  special_tokens (bool, optional, defaults toFalse) — Can be used to specify if the token is a special token. This mostly change the normalization behavior (special tokens like CLS or [MASK] are usually not lower-cased for instance).See details for tokenizers.AddedTokenin HuggingFace tokenizers library.
Returns
int
Number of tokens added to the vocabulary.
Add a list of new tokens to the tokenizer class. If the new tokens are not in the vocabulary, they are added to it with indices starting from length of the current vocabulary and will be isolated before the tokenization algorithm is applied. Added tokens and tokens from the vocabulary of the tokenization algorithm are therefore not treated in the same way.
Note, when adding new tokens to the vocabulary, you should make sure to also resize the token embedding matrix of the model so that its embedding matrix matches the tokenizer.
In order to do that, please use the resize_token_embeddings() method.
Examples:
# Let's see how to increase the vocabulary of Bert model and tokenizer
tokenizer = BertTokenizerFast.from_pretrained("google-bert/bert-base-uncased")
model = BertModel.from_pretrained("google-bert/bert-base-uncased")
num_added_toks = tokenizer.add_tokens(["new_tok1", "my_new-tok2"])
print("We have added", num_added_toks, "tokens")
# Notice: resize_token_embeddings expect to receive the full size of the new vocabulary, i.e., the length of the tokenizer.
model.resize_token_embeddings(len(tokenizer))The sanitize_special_tokens is now deprecated kept for backward compatibility and will be removed in
transformers v5.
Enums and namedtuples
class transformers.tokenization_utils_base.TruncationStrategy
< source >( value names = None module = None qualname = None type = None start = 1 )
Possible values for the truncation argument in PreTrainedTokenizerBase.call(). Useful for tab-completion in
an IDE.
class transformers.CharSpan
< source >( start: int end: int )
Character span in the original string.
class transformers.TokenSpan
< source >( start: int end: int )
Token span in an encoded string (list of tokens).