source
stringclasses 470
values | url
stringlengths 49
167
| file_type
stringclasses 1
value | chunk
stringlengths 1
512
| chunk_id
stringlengths 5
9
|
---|---|---|---|---|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/phi.md
|
https://huggingface.co/docs/transformers/en/model_doc/phi/#phiconfig
|
.md
|
layer_norm_eps (`float`, *optional*, defaults to 1e-05):
The epsilon used by the rms normalization layers.
use_cache (`bool`, *optional*, defaults to `True`):
Whether or not the model should return the last key/values attentions (not used by all models). Only
relevant if `config.is_decoder=True`. Whether to tie weight embeddings or not.
tie_word_embeddings (`bool`, *optional*, defaults to `False`):
Whether to tie weight embeddings
rope_theta (`float`, *optional*, defaults to 10000.0):
|
211_8_7
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/phi.md
|
https://huggingface.co/docs/transformers/en/model_doc/phi/#phiconfig
|
.md
|
Whether to tie weight embeddings
rope_theta (`float`, *optional*, defaults to 10000.0):
The base period of the RoPE embeddings.
rope_scaling (`Dict`, *optional*):
Dictionary containing the scaling configuration for the RoPE embeddings. NOTE: if you apply new rope type
and you expect the model to work on longer `max_position_embeddings`, we recommend you to update this value
accordingly.
Expected contents:
`rope_type` (`str`):
|
211_8_8
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/phi.md
|
https://huggingface.co/docs/transformers/en/model_doc/phi/#phiconfig
|
.md
|
accordingly.
Expected contents:
`rope_type` (`str`):
The sub-variant of RoPE to use. Can be one of ['default', 'linear', 'dynamic', 'yarn', 'longrope',
'llama3'], with 'default' being the original RoPE implementation.
`factor` (`float`, *optional*):
Used with all rope types except 'default'. The scaling factor to apply to the RoPE embeddings. In
most scaling types, a `factor` of x will enable the model to handle sequences of length x *
original maximum pre-trained length.
|
211_8_9
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/phi.md
|
https://huggingface.co/docs/transformers/en/model_doc/phi/#phiconfig
|
.md
|
original maximum pre-trained length.
`original_max_position_embeddings` (`int`, *optional*):
Used with 'dynamic', 'longrope' and 'llama3'. The original max position embeddings used during
pretraining.
`attention_factor` (`float`, *optional*):
Used with 'yarn' and 'longrope'. The scaling factor to be applied on the attention
computation. If unspecified, it defaults to value recommended by the implementation, using the
`factor` field to infer the suggested value.
`beta_fast` (`float`, *optional*):
|
211_8_10
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/phi.md
|
https://huggingface.co/docs/transformers/en/model_doc/phi/#phiconfig
|
.md
|
`factor` field to infer the suggested value.
`beta_fast` (`float`, *optional*):
Only used with 'yarn'. Parameter to set the boundary for extrapolation (only) in the linear
ramp function. If unspecified, it defaults to 32.
`beta_slow` (`float`, *optional*):
Only used with 'yarn'. Parameter to set the boundary for interpolation (only) in the linear
ramp function. If unspecified, it defaults to 1.
`short_factor` (`List[float]`, *optional*):
|
211_8_11
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/phi.md
|
https://huggingface.co/docs/transformers/en/model_doc/phi/#phiconfig
|
.md
|
ramp function. If unspecified, it defaults to 1.
`short_factor` (`List[float]`, *optional*):
Only used with 'longrope'. The scaling factor to be applied to short contexts (<
`original_max_position_embeddings`). Must be a list of numbers with the same length as the hidden
size divided by the number of attention heads divided by 2
`long_factor` (`List[float]`, *optional*):
Only used with 'longrope'. The scaling factor to be applied to long contexts (<
|
211_8_12
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/phi.md
|
https://huggingface.co/docs/transformers/en/model_doc/phi/#phiconfig
|
.md
|
`long_factor` (`List[float]`, *optional*):
Only used with 'longrope'. The scaling factor to be applied to long contexts (<
`original_max_position_embeddings`). Must be a list of numbers with the same length as the hidden
size divided by the number of attention heads divided by 2
`low_freq_factor` (`float`, *optional*):
Only used with 'llama3'. Scaling factor applied to low frequency components of the RoPE
`high_freq_factor` (`float`, *optional*):
|
211_8_13
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/phi.md
|
https://huggingface.co/docs/transformers/en/model_doc/phi/#phiconfig
|
.md
|
`high_freq_factor` (`float`, *optional*):
Only used with 'llama3'. Scaling factor applied to high frequency components of the RoPE
partial_rotary_factor (`float`, *optional*, defaults to 0.5):
Percentage of the query and keys which will have rotary embedding.
qk_layernorm (`bool`, *optional*, defaults to `False`):
Whether or not to normalize the Queries and Keys after projecting the hidden states.
bos_token_id (`int`, *optional*, defaults to 1):
Denotes beginning of sequences token id.
|
211_8_14
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/phi.md
|
https://huggingface.co/docs/transformers/en/model_doc/phi/#phiconfig
|
.md
|
bos_token_id (`int`, *optional*, defaults to 1):
Denotes beginning of sequences token id.
eos_token_id (`int`, *optional*, defaults to 2):
Denotes end of sequences token id.
Example:
```python
>>> from transformers import PhiModel, PhiConfig
|
211_8_15
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/phi.md
|
https://huggingface.co/docs/transformers/en/model_doc/phi/#phiconfig
|
.md
|
>>> # Initializing a Phi-1 style configuration
>>> configuration = PhiConfig.from_pretrained("microsoft/phi-1")
>>> # Initializing a model from the configuration
>>> model = PhiModel(configuration)
>>> # Accessing the model configuration
>>> configuration = model.config
```
<frameworkcontent>
<pt>
|
211_8_16
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/phi.md
|
https://huggingface.co/docs/transformers/en/model_doc/phi/#phimodel
|
.md
|
The bare Phi Model outputting raw hidden-states without any specific head on top.
This model inherits from [`PreTrainedModel`]. Check the superclass documentation for the generic methods the
library implements for all its model (such as downloading or saving, resizing the input embeddings, pruning heads
etc.)
This model is also a PyTorch [torch.nn.Module](https://pytorch.org/docs/stable/nn.html#torch.nn.Module) subclass.
|
211_9_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/phi.md
|
https://huggingface.co/docs/transformers/en/model_doc/phi/#phimodel
|
.md
|
etc.)
This model is also a PyTorch [torch.nn.Module](https://pytorch.org/docs/stable/nn.html#torch.nn.Module) subclass.
Use it as a regular PyTorch Module and refer to the PyTorch documentation for all matter related to general usage
and behavior.
Parameters:
config ([`PhiConfig`]):
Model configuration class with all the parameters of the model. Initializing with a config file does not
load the weights associated with the model, only the configuration. Check out the
|
211_9_1
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/phi.md
|
https://huggingface.co/docs/transformers/en/model_doc/phi/#phimodel
|
.md
|
load the weights associated with the model, only the configuration. Check out the
[`~PreTrainedModel.from_pretrained`] method to load the model weights.
Transformer decoder consisting of *config.num_hidden_layers* layers. Each layer is a [`PhiDecoderLayer`]
Args:
config: PhiConfig
Methods: forward
|
211_9_2
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/phi.md
|
https://huggingface.co/docs/transformers/en/model_doc/phi/#phiforcausallm
|
.md
|
No docstring available for PhiForCausalLM
Methods: forward
- generate
|
211_10_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/phi.md
|
https://huggingface.co/docs/transformers/en/model_doc/phi/#phiforsequenceclassification
|
.md
|
The Phi Model transformer with a sequence classification head on top (linear layer).
[`PhiForSequenceClassification`] uses the last token in order to do the classification, as other causal models
(e.g. GPT-2) do.
Since it does classification on the last token, it requires to know the position of the last token. If a
`pad_token_id` is defined in the configuration, it finds the last token that is not a padding token in each row. If
|
211_11_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/phi.md
|
https://huggingface.co/docs/transformers/en/model_doc/phi/#phiforsequenceclassification
|
.md
|
`pad_token_id` is defined in the configuration, it finds the last token that is not a padding token in each row. If
no `pad_token_id` is defined, it simply takes the last value in each row of the batch. Since it cannot guess the
padding tokens when `inputs_embeds` are passed instead of `input_ids`, it does the same (take the last value in
each row of the batch).
This model inherits from [`PreTrainedModel`]. Check the superclass documentation for the generic methods the
|
211_11_1
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/phi.md
|
https://huggingface.co/docs/transformers/en/model_doc/phi/#phiforsequenceclassification
|
.md
|
This model inherits from [`PreTrainedModel`]. Check the superclass documentation for the generic methods the
library implements for all its model (such as downloading or saving, resizing the input embeddings, pruning heads
etc.)
This model is also a PyTorch [torch.nn.Module](https://pytorch.org/docs/stable/nn.html#torch.nn.Module) subclass.
Use it as a regular PyTorch Module and refer to the PyTorch documentation for all matter related to general usage
and behavior.
Parameters:
config ([`PhiConfig`]):
|
211_11_2
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/phi.md
|
https://huggingface.co/docs/transformers/en/model_doc/phi/#phiforsequenceclassification
|
.md
|
and behavior.
Parameters:
config ([`PhiConfig`]):
Model configuration class with all the parameters of the model. Initializing with a config file does not
load the weights associated with the model, only the configuration. Check out the
[`~PreTrainedModel.from_pretrained`] method to load the model weights.
Methods: forward
|
211_11_3
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/phi.md
|
https://huggingface.co/docs/transformers/en/model_doc/phi/#phifortokenclassification
|
.md
|
The Phi Model transformer with a token classification head on top (a linear layer on top of the hidden-states
output) e.g. for Named-Entity-Recognition (NER) tasks.
This model inherits from [`PreTrainedModel`]. Check the superclass documentation for the generic methods the
library implements for all its model (such as downloading or saving, resizing the input embeddings, pruning heads
etc.)
This model is also a PyTorch [torch.nn.Module](https://pytorch.org/docs/stable/nn.html#torch.nn.Module) subclass.
|
211_12_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/phi.md
|
https://huggingface.co/docs/transformers/en/model_doc/phi/#phifortokenclassification
|
.md
|
etc.)
This model is also a PyTorch [torch.nn.Module](https://pytorch.org/docs/stable/nn.html#torch.nn.Module) subclass.
Use it as a regular PyTorch Module and refer to the PyTorch documentation for all matter related to general usage
and behavior.
Parameters:
config ([`PhiConfig`]):
Model configuration class with all the parameters of the model. Initializing with a config file does not
load the weights associated with the model, only the configuration. Check out the
|
211_12_1
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/phi.md
|
https://huggingface.co/docs/transformers/en/model_doc/phi/#phifortokenclassification
|
.md
|
load the weights associated with the model, only the configuration. Check out the
[`~PreTrainedModel.from_pretrained`] method to load the model weights.
Methods: forward
</pt>
</frameworkcontent>
|
211_12_2
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/
|
.md
|
<!--Copyright 2020 The HuggingFace Team. All rights reserved.
Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with
the License. You may obtain a copy of the License at
http://www.apache.org/licenses/LICENSE-2.0
Unless required by applicable law or agreed to in writing, software distributed under the License is distributed on
an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the
|
212_0_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/
|
.md
|
an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the
specific language governing permissions and limitations under the License.
⚠️ Note that this file is in Markdown but contain specific syntax for our doc-builder (similar to MDX) that may not be
rendered properly in your Markdown viewer.
-->
|
212_0_1
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#auto-classes
|
.md
|
In many cases, the architecture you want to use can be guessed from the name or the path of the pretrained model you
are supplying to the `from_pretrained()` method. AutoClasses are here to do this job for you so that you
automatically retrieve the relevant model given the name/path to the pretrained weights/config/vocabulary.
Instantiating one of [`AutoConfig`], [`AutoModel`], and
[`AutoTokenizer`] will directly create a class of the relevant architecture. For instance
```python
|
212_1_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#auto-classes
|
.md
|
[`AutoTokenizer`] will directly create a class of the relevant architecture. For instance
```python
model = AutoModel.from_pretrained("google-bert/bert-base-cased")
```
will create a model that is an instance of [`BertModel`].
There is one class of `AutoModel` for each task, and for each backend (PyTorch, TensorFlow, or Flax).
|
212_1_1
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#extending-the-auto-classes
|
.md
|
Each of the auto classes has a method to be extended with your custom classes. For instance, if you have defined a
custom class of model `NewModel`, make sure you have a `NewModelConfig` then you can add those to the auto
classes like this:
```python
from transformers import AutoConfig, AutoModel
|
212_2_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#extending-the-auto-classes
|
.md
|
AutoConfig.register("new-model", NewModelConfig)
AutoModel.register(NewModelConfig, NewModel)
```
You will then be able to use the auto classes like you would usually do!
<Tip warning={true}>
If your `NewModelConfig` is a subclass of [`~transformers.PretrainedConfig`], make sure its
`model_type` attribute is set to the same key you use when registering the config (here `"new-model"`).
Likewise, if your `NewModel` is a subclass of [`PreTrainedModel`], make sure its
|
212_2_1
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#extending-the-auto-classes
|
.md
|
Likewise, if your `NewModel` is a subclass of [`PreTrainedModel`], make sure its
`config_class` attribute is set to the same class you use when registering the model (here
`NewModelConfig`).
</Tip>
|
212_2_2
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#autoconfig
|
.md
|
AutoConfig
This is a generic configuration class that will be instantiated as one of the configuration classes of the library
when created with the [`~AutoConfig.from_pretrained`] class method.
This class cannot be instantiated directly using `__init__()` (throws an error).
|
212_3_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#autotokenizer
|
.md
|
AutoTokenizer
This is a generic tokenizer class that will be instantiated as one of the tokenizer classes of the library when
created with the [`AutoTokenizer.from_pretrained`] class method.
This class cannot be instantiated directly using `__init__()` (throws an error).
|
212_4_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#autofeatureextractor
|
.md
|
AutoFeatureExtractor
This is a generic feature extractor class that will be instantiated as one of the feature extractor classes of the
library when created with the [`AutoFeatureExtractor.from_pretrained`] class method.
This class cannot be instantiated directly using `__init__()` (throws an error).
|
212_5_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#autoimageprocessor
|
.md
|
AutoImageProcessor
This is a generic image processor class that will be instantiated as one of the image processor classes of the
library when created with the [`AutoImageProcessor.from_pretrained`] class method.
This class cannot be instantiated directly using `__init__()` (throws an error).
|
212_6_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#autoprocessor
|
.md
|
AutoProcessor
This is a generic processor class that will be instantiated as one of the processor classes of the library when
created with the [`AutoProcessor.from_pretrained`] class method.
This class cannot be instantiated directly using `__init__()` (throws an error).
|
212_7_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#generic-model-classes
|
.md
|
The following auto classes are available for instantiating a base model class without a specific head.
|
212_8_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#automodel
|
.md
|
AutoModel
This is a generic model class that will be instantiated as one of the base model classes of the library when created
with the [`~AutoModel.from_pretrained`] class method or the [`~AutoModel.from_config`] class
method.
This class cannot be instantiated directly using `__init__()` (throws an error).
|
212_9_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#tfautomodel
|
.md
|
No docstring available for TFAutoModel
|
212_10_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#flaxautomodel
|
.md
|
No docstring available for FlaxAutoModel
|
212_11_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#generic-pretraining-classes
|
.md
|
The following auto classes are available for instantiating a model with a pretraining head.
|
212_12_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#automodelforpretraining
|
.md
|
AutoModel
This is a generic model class that will be instantiated as one of the base model classes of the library when created
with the [`~AutoModel.from_pretrained`] class method or the [`~AutoModel.from_config`] class
method.
This class cannot be instantiated directly using `__init__()` (throws an error).
ForPreTraining
|
212_13_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#tfautomodelforpretraining
|
.md
|
No docstring available for TFAutoModelForPreTraining
|
212_14_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#flaxautomodelforpretraining
|
.md
|
No docstring available for FlaxAutoModelForPreTraining
|
212_15_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#natural-language-processing
|
.md
|
The following auto classes are available for the following natural language processing tasks.
|
212_16_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#automodelforcausallm
|
.md
|
AutoModel
This is a generic model class that will be instantiated as one of the base model classes of the library when created
with the [`~AutoModel.from_pretrained`] class method or the [`~AutoModel.from_config`] class
method.
This class cannot be instantiated directly using `__init__()` (throws an error).
ForCausalLM
|
212_17_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#tfautomodelforcausallm
|
.md
|
No docstring available for TFAutoModelForCausalLM
|
212_18_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#flaxautomodelforcausallm
|
.md
|
No docstring available for FlaxAutoModelForCausalLM
|
212_19_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#automodelformaskedlm
|
.md
|
AutoModel
This is a generic model class that will be instantiated as one of the base model classes of the library when created
with the [`~AutoModel.from_pretrained`] class method or the [`~AutoModel.from_config`] class
method.
This class cannot be instantiated directly using `__init__()` (throws an error).
ForMaskedLM
|
212_20_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#tfautomodelformaskedlm
|
.md
|
No docstring available for TFAutoModelForMaskedLM
|
212_21_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#flaxautomodelformaskedlm
|
.md
|
No docstring available for FlaxAutoModelForMaskedLM
|
212_22_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#automodelformaskgeneration
|
.md
|
AutoModel
This is a generic model class that will be instantiated as one of the base model classes of the library when created
with the [`~AutoModel.from_pretrained`] class method or the [`~AutoModel.from_config`] class
method.
This class cannot be instantiated directly using `__init__()` (throws an error).
ForMaskGeneration
|
212_23_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#tfautomodelformaskgeneration
|
.md
|
No docstring available for TFAutoModelForMaskGeneration
|
212_24_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#automodelforseq2seqlm
|
.md
|
AutoModel
This is a generic model class that will be instantiated as one of the base model classes of the library when created
with the [`~AutoModel.from_pretrained`] class method or the [`~AutoModel.from_config`] class
method.
This class cannot be instantiated directly using `__init__()` (throws an error).
ForSeq2SeqLM
|
212_25_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#tfautomodelforseq2seqlm
|
.md
|
No docstring available for TFAutoModelForSeq2SeqLM
|
212_26_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#flaxautomodelforseq2seqlm
|
.md
|
No docstring available for FlaxAutoModelForSeq2SeqLM
|
212_27_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#automodelforsequenceclassification
|
.md
|
AutoModel
This is a generic model class that will be instantiated as one of the base model classes of the library when created
with the [`~AutoModel.from_pretrained`] class method or the [`~AutoModel.from_config`] class
method.
This class cannot be instantiated directly using `__init__()` (throws an error).
ForSequenceClassification
|
212_28_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#tfautomodelforsequenceclassification
|
.md
|
No docstring available for TFAutoModelForSequenceClassification
|
212_29_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#flaxautomodelforsequenceclassification
|
.md
|
No docstring available for FlaxAutoModelForSequenceClassification
|
212_30_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#automodelformultiplechoice
|
.md
|
AutoModel
This is a generic model class that will be instantiated as one of the base model classes of the library when created
with the [`~AutoModel.from_pretrained`] class method or the [`~AutoModel.from_config`] class
method.
This class cannot be instantiated directly using `__init__()` (throws an error).
ForMultipleChoice
|
212_31_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#tfautomodelformultiplechoice
|
.md
|
No docstring available for TFAutoModelForMultipleChoice
|
212_32_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#flaxautomodelformultiplechoice
|
.md
|
No docstring available for FlaxAutoModelForMultipleChoice
|
212_33_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#automodelfornextsentenceprediction
|
.md
|
AutoModel
This is a generic model class that will be instantiated as one of the base model classes of the library when created
with the [`~AutoModel.from_pretrained`] class method or the [`~AutoModel.from_config`] class
method.
This class cannot be instantiated directly using `__init__()` (throws an error).
ForNextSentencePrediction
|
212_34_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#tfautomodelfornextsentenceprediction
|
.md
|
No docstring available for TFAutoModelForNextSentencePrediction
|
212_35_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#flaxautomodelfornextsentenceprediction
|
.md
|
No docstring available for FlaxAutoModelForNextSentencePrediction
|
212_36_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#automodelfortokenclassification
|
.md
|
AutoModel
This is a generic model class that will be instantiated as one of the base model classes of the library when created
with the [`~AutoModel.from_pretrained`] class method or the [`~AutoModel.from_config`] class
method.
This class cannot be instantiated directly using `__init__()` (throws an error).
ForTokenClassification
|
212_37_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#tfautomodelfortokenclassification
|
.md
|
No docstring available for TFAutoModelForTokenClassification
|
212_38_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#flaxautomodelfortokenclassification
|
.md
|
No docstring available for FlaxAutoModelForTokenClassification
|
212_39_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#automodelforquestionanswering
|
.md
|
AutoModel
This is a generic model class that will be instantiated as one of the base model classes of the library when created
with the [`~AutoModel.from_pretrained`] class method or the [`~AutoModel.from_config`] class
method.
This class cannot be instantiated directly using `__init__()` (throws an error).
ForQuestionAnswering
|
212_40_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#tfautomodelforquestionanswering
|
.md
|
No docstring available for TFAutoModelForQuestionAnswering
|
212_41_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#flaxautomodelforquestionanswering
|
.md
|
No docstring available for FlaxAutoModelForQuestionAnswering
|
212_42_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#automodelfortextencoding
|
.md
|
AutoModel
This is a generic model class that will be instantiated as one of the base model classes of the library when created
with the [`~AutoModel.from_pretrained`] class method or the [`~AutoModel.from_config`] class
method.
This class cannot be instantiated directly using `__init__()` (throws an error).
ForTextEncoding
|
212_43_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#tfautomodelfortextencoding
|
.md
|
No docstring available for TFAutoModelForTextEncoding
|
212_44_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#computer-vision
|
.md
|
The following auto classes are available for the following computer vision tasks.
|
212_45_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#automodelfordepthestimation
|
.md
|
AutoModel
This is a generic model class that will be instantiated as one of the base model classes of the library when created
with the [`~AutoModel.from_pretrained`] class method or the [`~AutoModel.from_config`] class
method.
This class cannot be instantiated directly using `__init__()` (throws an error).
ForDepthEstimation
|
212_46_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#automodelforimageclassification
|
.md
|
AutoModel
This is a generic model class that will be instantiated as one of the base model classes of the library when created
with the [`~AutoModel.from_pretrained`] class method or the [`~AutoModel.from_config`] class
method.
This class cannot be instantiated directly using `__init__()` (throws an error).
ForImageClassification
|
212_47_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#tfautomodelforimageclassification
|
.md
|
No docstring available for TFAutoModelForImageClassification
|
212_48_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#flaxautomodelforimageclassification
|
.md
|
No docstring available for FlaxAutoModelForImageClassification
|
212_49_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#automodelforvideoclassification
|
.md
|
AutoModel
This is a generic model class that will be instantiated as one of the base model classes of the library when created
with the [`~AutoModel.from_pretrained`] class method or the [`~AutoModel.from_config`] class
method.
This class cannot be instantiated directly using `__init__()` (throws an error).
ForVideoClassification
|
212_50_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#automodelforkeypointdetection
|
.md
|
AutoModel
This is a generic model class that will be instantiated as one of the base model classes of the library when created
with the [`~AutoModel.from_pretrained`] class method or the [`~AutoModel.from_config`] class
method.
This class cannot be instantiated directly using `__init__()` (throws an error).
ForKeypointDetection
|
212_51_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#automodelformaskedimagemodeling
|
.md
|
AutoModel
This is a generic model class that will be instantiated as one of the base model classes of the library when created
with the [`~AutoModel.from_pretrained`] class method or the [`~AutoModel.from_config`] class
method.
This class cannot be instantiated directly using `__init__()` (throws an error).
ForMaskedImageModeling
|
212_52_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#tfautomodelformaskedimagemodeling
|
.md
|
No docstring available for TFAutoModelForMaskedImageModeling
|
212_53_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#automodelforobjectdetection
|
.md
|
AutoModel
This is a generic model class that will be instantiated as one of the base model classes of the library when created
with the [`~AutoModel.from_pretrained`] class method or the [`~AutoModel.from_config`] class
method.
This class cannot be instantiated directly using `__init__()` (throws an error).
ForObjectDetection
|
212_54_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#automodelforimagesegmentation
|
.md
|
AutoModel
This is a generic model class that will be instantiated as one of the base model classes of the library when created
with the [`~AutoModel.from_pretrained`] class method or the [`~AutoModel.from_config`] class
method.
This class cannot be instantiated directly using `__init__()` (throws an error).
ForImageSegmentation
|
212_55_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#automodelforimagetoimage
|
.md
|
AutoModel
This is a generic model class that will be instantiated as one of the base model classes of the library when created
with the [`~AutoModel.from_pretrained`] class method or the [`~AutoModel.from_config`] class
method.
This class cannot be instantiated directly using `__init__()` (throws an error).
ForImageToImage
|
212_56_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#automodelforsemanticsegmentation
|
.md
|
AutoModel
This is a generic model class that will be instantiated as one of the base model classes of the library when created
with the [`~AutoModel.from_pretrained`] class method or the [`~AutoModel.from_config`] class
method.
This class cannot be instantiated directly using `__init__()` (throws an error).
ForSemanticSegmentation
|
212_57_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#tfautomodelforsemanticsegmentation
|
.md
|
No docstring available for TFAutoModelForSemanticSegmentation
|
212_58_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#automodelforinstancesegmentation
|
.md
|
AutoModel
This is a generic model class that will be instantiated as one of the base model classes of the library when created
with the [`~AutoModel.from_pretrained`] class method or the [`~AutoModel.from_config`] class
method.
This class cannot be instantiated directly using `__init__()` (throws an error).
ForInstanceSegmentation
|
212_59_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#automodelforuniversalsegmentation
|
.md
|
AutoModel
This is a generic model class that will be instantiated as one of the base model classes of the library when created
with the [`~AutoModel.from_pretrained`] class method or the [`~AutoModel.from_config`] class
method.
This class cannot be instantiated directly using `__init__()` (throws an error).
ForUniversalSegmentation
|
212_60_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#automodelforzeroshotimageclassification
|
.md
|
AutoModel
This is a generic model class that will be instantiated as one of the base model classes of the library when created
with the [`~AutoModel.from_pretrained`] class method or the [`~AutoModel.from_config`] class
method.
This class cannot be instantiated directly using `__init__()` (throws an error).
ForZeroShotImageClassification
|
212_61_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#tfautomodelforzeroshotimageclassification
|
.md
|
No docstring available for TFAutoModelForZeroShotImageClassification
|
212_62_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#automodelforzeroshotobjectdetection
|
.md
|
AutoModel
This is a generic model class that will be instantiated as one of the base model classes of the library when created
with the [`~AutoModel.from_pretrained`] class method or the [`~AutoModel.from_config`] class
method.
This class cannot be instantiated directly using `__init__()` (throws an error).
ForZeroShotObjectDetection
|
212_63_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#audio
|
.md
|
The following auto classes are available for the following audio tasks.
|
212_64_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#automodelforaudioclassification
|
.md
|
AutoModel
This is a generic model class that will be instantiated as one of the base model classes of the library when created
with the [`~AutoModel.from_pretrained`] class method or the [`~AutoModel.from_config`] class
method.
This class cannot be instantiated directly using `__init__()` (throws an error).
ForAudioClassification
|
212_65_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#automodelforaudioframeclassification
|
.md
|
No docstring available for TFAutoModelForAudioClassification
|
212_66_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#tfautomodelforaudioframeclassification
|
.md
|
AutoModel
This is a generic model class that will be instantiated as one of the base model classes of the library when created
with the [`~AutoModel.from_pretrained`] class method or the [`~AutoModel.from_config`] class
method.
This class cannot be instantiated directly using `__init__()` (throws an error).
ForAudioFrameClassification
|
212_67_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#automodelforctc
|
.md
|
AutoModel
This is a generic model class that will be instantiated as one of the base model classes of the library when created
with the [`~AutoModel.from_pretrained`] class method or the [`~AutoModel.from_config`] class
method.
This class cannot be instantiated directly using `__init__()` (throws an error).
ForCTC
|
212_68_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#automodelforspeechseq2seq
|
.md
|
AutoModel
This is a generic model class that will be instantiated as one of the base model classes of the library when created
with the [`~AutoModel.from_pretrained`] class method or the [`~AutoModel.from_config`] class
method.
This class cannot be instantiated directly using `__init__()` (throws an error).
ForSpeechSeq2Seq
|
212_69_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#tfautomodelforspeechseq2seq
|
.md
|
No docstring available for TFAutoModelForSpeechSeq2Seq
|
212_70_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#flaxautomodelforspeechseq2seq
|
.md
|
No docstring available for FlaxAutoModelForSpeechSeq2Seq
|
212_71_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#automodelforaudioxvector
|
.md
|
AutoModel
This is a generic model class that will be instantiated as one of the base model classes of the library when created
with the [`~AutoModel.from_pretrained`] class method or the [`~AutoModel.from_config`] class
method.
This class cannot be instantiated directly using `__init__()` (throws an error).
ForAudioXVector
|
212_72_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#automodelfortexttospectrogram
|
.md
|
AutoModel
This is a generic model class that will be instantiated as one of the base model classes of the library when created
with the [`~AutoModel.from_pretrained`] class method or the [`~AutoModel.from_config`] class
method.
This class cannot be instantiated directly using `__init__()` (throws an error).
ForTextToSpectrogram
|
212_73_0
|
/Users/nielsrogge/Documents/python_projecten/transformers/docs/source/en/model_doc/auto.md
|
https://huggingface.co/docs/transformers/en/model_doc/auto/#automodelfortexttowaveform
|
.md
|
AutoModel
This is a generic model class that will be instantiated as one of the base model classes of the library when created
with the [`~AutoModel.from_pretrained`] class method or the [`~AutoModel.from_config`] class
method.
This class cannot be instantiated directly using `__init__()` (throws an error).
ForTextToWaveform
|
212_74_0
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.