mirror of
https://github.com/huggingface/transformers.git
synced 2025-07-31 02:02:21 +06:00
fix(docs): fix task guide links in model docs (#22226)
fix(docs): task guide links in model docs
This commit is contained in:
parent
314cdf7c25
commit
074490b2c2
@ -58,11 +58,11 @@ This model was contributed by [lysandre](https://huggingface.co/lysandre). This
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Text classification task guide](./tasks/sequence_classification)
|
||||
- [Token classification task guide](./tasks/token_classification)
|
||||
- [Question answering task guide](./tasks/question_answering)
|
||||
- [Masked language modeling task guide](./tasks/masked_language_modeling)
|
||||
- [Multiple choice task guide](./tasks/multiple_choice)
|
||||
- [Text classification task guide](../tasks/sequence_classification)
|
||||
- [Token classification task guide](../tasks/token_classification)
|
||||
- [Question answering task guide](../tasks/question_answering)
|
||||
- [Masked language modeling task guide](../tasks/masked_language_modeling)
|
||||
- [Multiple choice task guide](../tasks/multiple_choice)
|
||||
|
||||
## AlbertConfig
|
||||
|
||||
|
@ -47,7 +47,7 @@ A list of official Hugging Face and community (indicated by 🌎) resources to h
|
||||
|
||||
- A notebook illustrating inference with AST for audio classification can be found [here](https://github.com/NielsRogge/Transformers-Tutorials/tree/master/AST).
|
||||
- [`ASTForAudioClassification`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/pytorch/audio-classification) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/audio_classification.ipynb).
|
||||
- See also: [Audio classification](./tasks/audio_classification).
|
||||
- See also: [Audio classification](../tasks/audio_classification).
|
||||
|
||||
If you're interested in submitting a resource to be included here, please feel free to open a Pull Request and we'll review it! The resource should ideally demonstrate something new instead of duplicating an existing resource.
|
||||
|
||||
|
@ -109,7 +109,7 @@ A list of official Hugging Face and community (indicated by 🌎) resources to h
|
||||
- [`TFBartForConditionalGeneration`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/tensorflow/summarization) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/summarization-tf.ipynb).
|
||||
- [`FlaxBartForConditionalGeneration`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/flax/summarization).
|
||||
- [Summarization](https://huggingface.co/course/chapter7/5?fw=pt#summarization) chapter of the 🤗 Hugging Face course.
|
||||
- [Summarization task guide](./tasks/summarization)
|
||||
- [Summarization task guide](../tasks/summarization)
|
||||
|
||||
<PipelineTag pipeline="fill-mask"/>
|
||||
|
||||
@ -117,19 +117,19 @@ A list of official Hugging Face and community (indicated by 🌎) resources to h
|
||||
- [`TFBartForConditionalGeneration`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/tensorflow/language-modeling#run_mlmpy) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/language_modeling-tf.ipynb).
|
||||
- [`FlaxBartForConditionalGeneration`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/flax/language-modeling#masked-language-modeling) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/masked_language_modeling_flax.ipynb).
|
||||
- [Masked language modeling](https://huggingface.co/course/chapter7/3?fw=pt) chapter of the 🤗 Hugging Face Course.
|
||||
- [Masked language modeling task guide](./tasks/masked_language_modeling)
|
||||
- [Masked language modeling task guide](../tasks/masked_language_modeling)
|
||||
|
||||
<PipelineTag pipeline="translation"/>
|
||||
|
||||
- A notebook on how to [finetune mBART using Seq2SeqTrainer for Hindi to English translation](https://colab.research.google.com/github/vasudevgupta7/huggingface-tutorials/blob/main/translation_training.ipynb). 🌎
|
||||
- [`BartForConditionalGeneration`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/pytorch/translation) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/translation.ipynb).
|
||||
- [`TFBartForConditionalGeneration`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/tensorflow/translation) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/translation-tf.ipynb).
|
||||
- [Translation task guide](./tasks/translation)
|
||||
- [Translation task guide](../tasks/translation)
|
||||
|
||||
See also:
|
||||
- [Text classification task guide](./tasks/sequence_classification)
|
||||
- [Question answering task guide](./tasks/question_answering)
|
||||
- [Causal language modeling task guide](./tasks/language_modeling)
|
||||
- [Text classification task guide](../tasks/sequence_classification)
|
||||
- [Question answering task guide](../tasks/question_answering)
|
||||
- [Causal language modeling task guide](../tasks/language_modeling)
|
||||
|
||||
## BartConfig
|
||||
|
||||
|
@ -74,10 +74,10 @@ A list of official Hugging Face and community (indicated by 🌎) resources to h
|
||||
<PipelineTag pipeline="image-classification"/>
|
||||
|
||||
- [`BeitForImageClassification`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/pytorch/image-classification) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/image_classification.ipynb).
|
||||
- See also: [Image classification task guide](./tasks/image_classification)
|
||||
- See also: [Image classification task guide](../tasks/image_classification)
|
||||
|
||||
**Semantic segmentation**
|
||||
- [Semantic segmentation task guide](./tasks/semantic_segmentation)
|
||||
- [Semantic segmentation task guide](../tasks/semantic_segmentation)
|
||||
|
||||
If you're interested in submitting a resource to be included here, please feel free to open a Pull Request and we'll review it! The resource should ideally demonstrate something new instead of duplicating an existing resource.
|
||||
|
||||
|
@ -72,7 +72,7 @@ A list of official Hugging Face and community (indicated by 🌎) resources to h
|
||||
- [`BertForSequenceClassification`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/pytorch/text-classification) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/text_classification.ipynb).
|
||||
- [`TFBertForSequenceClassification`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/tensorflow/text-classification) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/text_classification-tf.ipynb).
|
||||
- [`FlaxBertForSequenceClassification`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/flax/text-classification) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/text_classification_flax.ipynb).
|
||||
- [Text classification task guide](./tasks/sequence_classification)
|
||||
- [Text classification task guide](../tasks/sequence_classification)
|
||||
|
||||
<PipelineTag pipeline="token-classification"/>
|
||||
|
||||
@ -82,7 +82,7 @@ A list of official Hugging Face and community (indicated by 🌎) resources to h
|
||||
- [`TFBertForTokenClassification`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/tensorflow/token-classification) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/token_classification-tf.ipynb).
|
||||
- [`FlaxBertForTokenClassification`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/flax/token-classification).
|
||||
- [Token classification](https://huggingface.co/course/chapter7/2?fw=pt) chapter of the 🤗 Hugging Face Course.
|
||||
- [Token classification task guide](./tasks/token_classification)
|
||||
- [Token classification task guide](../tasks/token_classification)
|
||||
|
||||
<PipelineTag pipeline="fill-mask"/>
|
||||
|
||||
@ -90,7 +90,7 @@ A list of official Hugging Face and community (indicated by 🌎) resources to h
|
||||
- [`TFBertForMaskedLM`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/tensorflow/language-modeling#run_mlmpy) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/language_modeling-tf.ipynb).
|
||||
- [`FlaxBertForMaskedLM`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/flax/language-modeling#masked-language-modeling) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/masked_language_modeling_flax.ipynb).
|
||||
- [Masked language modeling](https://huggingface.co/course/chapter7/3?fw=pt) chapter of the 🤗 Hugging Face Course.
|
||||
- [Masked language modeling task guide](./tasks/masked_language_modeling)
|
||||
- [Masked language modeling task guide](../tasks/masked_language_modeling)
|
||||
|
||||
<PipelineTag pipeline="question-answering"/>
|
||||
|
||||
@ -98,12 +98,12 @@ A list of official Hugging Face and community (indicated by 🌎) resources to h
|
||||
- [`TFBertForQuestionAnswering`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/tensorflow/question-answering) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/question_answering-tf.ipynb).
|
||||
- [`FlaxBertForQuestionAnswering`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/flax/question-answering).
|
||||
- [Question answering](https://huggingface.co/course/chapter7/7?fw=pt) chapter of the 🤗 Hugging Face Course.
|
||||
- [Question answering task guide](./tasks/question_answering)
|
||||
- [Question answering task guide](../tasks/question_answering)
|
||||
|
||||
**Multiple choice**
|
||||
- [`BertForMultipleChoice`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/pytorch/multiple-choice) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/multiple_choice.ipynb).
|
||||
- [`TFBertForMultipleChoice`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/tensorflow/multiple-choice) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/multiple_choice-tf.ipynb).
|
||||
- [Multiple choice task guide](./tasks/multiple_choice)
|
||||
- [Multiple choice task guide](../tasks/multiple_choice)
|
||||
|
||||
⚡️ **Inference**
|
||||
- A blog post on how to [Accelerate BERT inference with Hugging Face Transformers and AWS Inferentia](https://huggingface.co/blog/bert-inferentia-sagemaker).
|
||||
|
@ -54,12 +54,12 @@ This model was contributed by [vasudevgupta](https://huggingface.co/vasudevgupta
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Text classification task guide](./tasks/sequence_classification)
|
||||
- [Token classification task guide](./tasks/token_classification)
|
||||
- [Question answering task guide](./tasks/question_answering)
|
||||
- [Causal language modeling task guide](./tasks/language_modeling)
|
||||
- [Masked language modeling task guide](./tasks/masked_language_modeling)
|
||||
- [Multiple choice task guide](./tasks/multiple_choice)
|
||||
- [Text classification task guide](../tasks/sequence_classification)
|
||||
- [Token classification task guide](../tasks/token_classification)
|
||||
- [Question answering task guide](../tasks/question_answering)
|
||||
- [Causal language modeling task guide](../tasks/language_modeling)
|
||||
- [Masked language modeling task guide](../tasks/masked_language_modeling)
|
||||
- [Multiple choice task guide](../tasks/multiple_choice)
|
||||
|
||||
## BigBirdConfig
|
||||
|
||||
|
@ -54,11 +54,11 @@ The original code can be found [here](https://github.com/google-research/bigbird
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Text classification task guide](./tasks/sequence_classification)
|
||||
- [Question answering task guide](./tasks/question_answering)
|
||||
- [Causal language modeling task guide](./tasks/language_modeling)
|
||||
- [Translation task guide](./tasks/translation)
|
||||
- [Summarization task guide](./tasks/summarization)
|
||||
- [Text classification task guide](../tasks/sequence_classification)
|
||||
- [Question answering task guide](../tasks/question_answering)
|
||||
- [Causal language modeling task guide](../tasks/language_modeling)
|
||||
- [Translation task guide](../tasks/translation)
|
||||
- [Summarization task guide](../tasks/summarization)
|
||||
|
||||
## BigBirdPegasusConfig
|
||||
|
||||
|
@ -31,7 +31,7 @@ This model was contributed by [kamalkraj](https://huggingface.co/kamalkraj). The
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Causal language modeling task guide](./tasks/language_modeling)
|
||||
- [Causal language modeling task guide](../tasks/language_modeling)
|
||||
|
||||
## BioGptConfig
|
||||
|
||||
|
@ -37,7 +37,7 @@ A list of official Hugging Face and community (indicated by 🌎) resources to h
|
||||
<PipelineTag pipeline="image-classification"/>
|
||||
|
||||
- [`BitForImageClassification`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/pytorch/image-classification) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/image_classification.ipynb).
|
||||
- See also: [Image classification task guide](./tasks/image_classification)
|
||||
- See also: [Image classification task guide](../tasks/image_classification)
|
||||
|
||||
If you're interested in submitting a resource to be included here, please feel free to open a Pull Request and we'll review it! The resource should ideally demonstrate something new instead of duplicating an existing resource.
|
||||
|
||||
|
@ -46,9 +46,9 @@ found [here](https://github.com/facebookresearch/ParlAI).
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Causal language modeling task guide](./tasks/language_modeling)
|
||||
- [Translation task guide](./tasks/translation)
|
||||
- [Summarization task guide](./tasks/summarization)
|
||||
- [Causal language modeling task guide](../tasks/language_modeling)
|
||||
- [Translation task guide](../tasks/translation)
|
||||
- [Summarization task guide](../tasks/summarization)
|
||||
|
||||
## BlenderbotSmallConfig
|
||||
|
||||
|
@ -68,9 +68,9 @@ Here is an example of model usage:
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Causal language modeling task guide](./tasks/language_modeling)
|
||||
- [Translation task guide](./tasks/translation)
|
||||
- [Summarization task guide](./tasks/summarization)
|
||||
- [Causal language modeling task guide](../tasks/language_modeling)
|
||||
- [Translation task guide](../tasks/translation)
|
||||
- [Summarization task guide](../tasks/summarization)
|
||||
|
||||
## BlenderbotConfig
|
||||
|
||||
|
@ -34,10 +34,10 @@ A list of official Hugging Face and community (indicated by 🌎) resources to h
|
||||
- [`BloomForCausalLM`] is supported by this [causal language modeling example script](https://github.com/huggingface/transformers/tree/main/examples/pytorch/language-modeling#gpt-2gpt-and-causal-language-modeling) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/language_modeling.ipynb).
|
||||
|
||||
See also:
|
||||
- [Causal language modeling task guide](./tasks/language_modeling)
|
||||
- [Text classification task guide](./tasks/sequence_classification)
|
||||
- [Token classification task guide](./tasks/token_classification)
|
||||
- [Question answering task guide](./tasks/question_answering)
|
||||
- [Causal language modeling task guide](../tasks/language_modeling)
|
||||
- [Text classification task guide](../tasks/sequence_classification)
|
||||
- [Token classification task guide](../tasks/token_classification)
|
||||
- [Question answering task guide](../tasks/question_answering)
|
||||
|
||||
|
||||
⚡️ Inference
|
||||
|
@ -39,12 +39,12 @@ This model was contributed by [camembert](https://huggingface.co/camembert). The
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Text classification task guide](./tasks/sequence_classification)
|
||||
- [Token classification task guide](./tasks/token_classification)
|
||||
- [Question answering task guide](./tasks/question_answering)
|
||||
- [Causal language modeling task guide](./tasks/language_modeling)
|
||||
- [Masked language modeling task guide](./tasks/masked_language_modeling)
|
||||
- [Multiple choice task guide](./tasks/multiple_choice)
|
||||
- [Text classification task guide](../tasks/sequence_classification)
|
||||
- [Token classification task guide](../tasks/token_classification)
|
||||
- [Question answering task guide](../tasks/question_answering)
|
||||
- [Causal language modeling task guide](../tasks/language_modeling)
|
||||
- [Masked language modeling task guide](../tasks/masked_language_modeling)
|
||||
- [Multiple choice task guide](../tasks/multiple_choice)
|
||||
|
||||
## CamembertConfig
|
||||
|
||||
|
@ -94,10 +94,10 @@ sequences to the same length):
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Text classification task guide](./tasks/sequence_classification)
|
||||
- [Token classification task guide](./tasks/token_classification)
|
||||
- [Question answering task guide](./tasks/question_answering)
|
||||
- [Multiple choice task guide](./tasks/multiple_choice)
|
||||
- [Text classification task guide](../tasks/sequence_classification)
|
||||
- [Token classification task guide](../tasks/token_classification)
|
||||
- [Question answering task guide](../tasks/question_answering)
|
||||
- [Multiple choice task guide](../tasks/multiple_choice)
|
||||
|
||||
## CANINE specific outputs
|
||||
|
||||
|
@ -58,7 +58,7 @@ hello_world()
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Causal language modeling task guide](./tasks/language_modeling)
|
||||
- [Causal language modeling task guide](../tasks/language_modeling)
|
||||
|
||||
## CodeGenConfig
|
||||
|
||||
|
@ -29,7 +29,7 @@ This model was contributed by [DepuMeng](https://huggingface.co/DepuMeng). The o
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Object detection task guide](./tasks/object_detection)
|
||||
- [Object detection task guide](../tasks/object_detection)
|
||||
|
||||
## ConditionalDetrConfig
|
||||
|
||||
|
@ -47,11 +47,11 @@ here: https://github.com/yitu-opensource/ConvBert
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Text classification task guide](./tasks/sequence_classification)
|
||||
- [Token classification task guide](./tasks/token_classification)
|
||||
- [Question answering task guide](./tasks/question_answering)
|
||||
- [Masked language modeling task guide](./tasks/masked_language_modeling)
|
||||
- [Multiple choice task guide](./tasks/multiple_choice)
|
||||
- [Text classification task guide](../tasks/sequence_classification)
|
||||
- [Token classification task guide](../tasks/token_classification)
|
||||
- [Question answering task guide](../tasks/question_answering)
|
||||
- [Masked language modeling task guide](../tasks/masked_language_modeling)
|
||||
- [Multiple choice task guide](../tasks/multiple_choice)
|
||||
|
||||
## ConvBertConfig
|
||||
|
||||
|
@ -47,7 +47,7 @@ A list of official Hugging Face and community (indicated by 🌎) resources to h
|
||||
<PipelineTag pipeline="image-classification"/>
|
||||
|
||||
- [`ConvNextForImageClassification`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/pytorch/image-classification) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/image_classification.ipynb).
|
||||
- See also: [Image classification task guide](./tasks/image_classification)
|
||||
- See also: [Image classification task guide](../tasks/image_classification)
|
||||
|
||||
If you're interested in submitting a resource to be included here, please feel free to open a Pull Request and we'll review it! The resource should ideally demonstrate something new instead of duplicating an existing resource.
|
||||
|
||||
|
@ -57,8 +57,8 @@ This model was contributed by [keskarnitishr](https://huggingface.co/keskarnitis
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Text classification task guide](./tasks/sequence_classification)
|
||||
- [Causal language modeling task guide](./tasks/language_modeling)
|
||||
- [Text classification task guide](../tasks/sequence_classification)
|
||||
- [Causal language modeling task guide](../tasks/language_modeling)
|
||||
|
||||
## CTRLConfig
|
||||
|
||||
|
@ -45,7 +45,7 @@ A list of official Hugging Face and community (indicated by 🌎) resources to h
|
||||
<PipelineTag pipeline="image-classification"/>
|
||||
|
||||
- [`CvtForImageClassification`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/pytorch/image-classification) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/image_classification.ipynb).
|
||||
- See also: [Image classification task guide](./tasks/image_classification)
|
||||
- See also: [Image classification task guide](../tasks/image_classification)
|
||||
|
||||
If you're interested in submitting a resource to be included here, please feel free to open a Pull Request and we'll review it! The resource should ideally demonstrate something new instead of duplicating an existing resource.
|
||||
|
||||
|
@ -55,20 +55,20 @@ A list of official Hugging Face and community (indicated by 🌎) resources to h
|
||||
- To fine-tune [`TFData2VecVisionForImageClassification`] on a custom dataset, see [this notebook](https://colab.research.google.com/github/sayakpaul/TF-2.0-Hacks/blob/master/data2vec_vision_image_classification.ipynb).
|
||||
|
||||
**Data2VecText documentation resources**
|
||||
- [Text classification task guide](./tasks/sequence_classification)
|
||||
- [Token classification task guide](./tasks/token_classification)
|
||||
- [Question answering task guide](./tasks/question_answering)
|
||||
- [Causal language modeling task guide](./tasks/language_modeling)
|
||||
- [Masked language modeling task guide](./tasks/masked_language_modeling)
|
||||
- [Multiple choice task guide](./tasks/multiple_choice)
|
||||
- [Text classification task guide](../tasks/sequence_classification)
|
||||
- [Token classification task guide](../tasks/token_classification)
|
||||
- [Question answering task guide](../tasks/question_answering)
|
||||
- [Causal language modeling task guide](../tasks/language_modeling)
|
||||
- [Masked language modeling task guide](../tasks/masked_language_modeling)
|
||||
- [Multiple choice task guide](../tasks/multiple_choice)
|
||||
|
||||
**Data2VecAudio documentation resources**
|
||||
- [Audio classification task guide](./tasks/audio_classification)
|
||||
- [Automatic speech recognition task guide](./tasks/asr)
|
||||
- [Audio classification task guide](../tasks/audio_classification)
|
||||
- [Automatic speech recognition task guide](../tasks/asr)
|
||||
|
||||
**Data2VecVision documentation resources**
|
||||
- [Image classification](./tasks/image_classification)
|
||||
- [Semantic segmentation](./tasks/semantic_segmentation)
|
||||
- [Image classification](../tasks/image_classification)
|
||||
- [Semantic segmentation](../tasks/semantic_segmentation)
|
||||
|
||||
If you're interested in submitting a resource to be included here, please feel free to open a Pull Request and we'll review it! The resource should ideally demonstrate something new instead of duplicating an existing resource.
|
||||
|
||||
|
@ -60,11 +60,11 @@ contributed by [kamalkraj](https://huggingface.co/kamalkraj). The original code
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Text classification task guide](./tasks/sequence_classification)
|
||||
- [Token classification task guide](./tasks/token_classification)
|
||||
- [Question answering task guide](./tasks/question_answering)
|
||||
- [Masked language modeling task guide](./tasks/masked_language_modeling)
|
||||
- [Multiple choice task guide](./tasks/multiple_choice)
|
||||
- [Text classification task guide](../tasks/sequence_classification)
|
||||
- [Token classification task guide](../tasks/token_classification)
|
||||
- [Question answering task guide](../tasks/question_answering)
|
||||
- [Masked language modeling task guide](../tasks/masked_language_modeling)
|
||||
- [Multiple choice task guide](../tasks/multiple_choice)
|
||||
|
||||
## DebertaV2Config
|
||||
|
||||
|
@ -48,7 +48,7 @@ A list of official Hugging Face and community (indicated by 🌎) resources to h
|
||||
- A blog post on [Supercharged Customer Service with Machine Learning](https://huggingface.co/blog/supercharge-customer-service-with-machine-learning) with DeBERTa.
|
||||
- [`DebertaForSequenceClassification`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/pytorch/text-classification) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/text_classification.ipynb).
|
||||
- [`TFDebertaForSequenceClassification`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/tensorflow/text-classification) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/text_classification-tf.ipynb).
|
||||
- [Text classification task guide](./tasks/sequence_classification)
|
||||
- [Text classification task guide](../tasks/sequence_classification)
|
||||
|
||||
<PipelineTag pipeline="token-classification" />
|
||||
|
||||
@ -56,21 +56,21 @@ A list of official Hugging Face and community (indicated by 🌎) resources to h
|
||||
- [`TFDebertaForTokenClassification`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/tensorflow/token-classification) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/token_classification-tf.ipynb).
|
||||
- [Token classification](https://huggingface.co/course/chapter7/2?fw=pt) chapter of the 🤗 Hugging Face Course.
|
||||
- [Byte-Pair Encoding tokenization](https://huggingface.co/course/chapter6/5?fw=pt) chapter of the 🤗 Hugging Face Course.
|
||||
- [Token classification task guide](./tasks/token_classification)
|
||||
- [Token classification task guide](../tasks/token_classification)
|
||||
|
||||
<PipelineTag pipeline="fill-mask"/>
|
||||
|
||||
- [`DebertaForMaskedLM`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/pytorch/language-modeling#robertabertdistilbert-and-masked-language-modeling) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/language_modeling.ipynb).
|
||||
- [`TFDebertaForMaskedLM`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/tensorflow/language-modeling#run_mlmpy) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/language_modeling-tf.ipynb).
|
||||
- [Masked language modeling](https://huggingface.co/course/chapter7/3?fw=pt) chapter of the 🤗 Hugging Face Course.
|
||||
- [Masked language modeling task guide](./tasks/masked_language_modeling)
|
||||
- [Masked language modeling task guide](../tasks/masked_language_modeling)
|
||||
|
||||
<PipelineTag pipeline="question-answering"/>
|
||||
|
||||
- [`DebertaForQuestionAnswering`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/pytorch/question-answering) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/question_answering.ipynb).
|
||||
- [`TFDebertaForQuestionAnswering`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/tensorflow/question-answering) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/question_answering-tf.ipynb).
|
||||
- [Question answering](https://huggingface.co/course/chapter7/7?fw=pt) chapter of the 🤗 Hugging Face Course.
|
||||
- [Question answering task guide](./tasks/question_answering)
|
||||
- [Question answering task guide](../tasks/question_answering)
|
||||
|
||||
## DebertaConfig
|
||||
|
||||
|
@ -40,7 +40,7 @@ A list of official Hugging Face and community (indicated by 🌎) resources to h
|
||||
<PipelineTag pipeline="object-detection"/>
|
||||
|
||||
- Demo notebooks regarding inference + fine-tuning on a custom dataset for [`DeformableDetrForObjectDetection`] can be found [here](https://github.com/NielsRogge/Transformers-Tutorials/tree/master/Deformable-DETR).
|
||||
- See also: [Object detection task guide](./tasks/object_detection).
|
||||
- See also: [Object detection task guide](../tasks/object_detection).
|
||||
|
||||
If you're interested in submitting a resource to be included here, please feel free to open a Pull Request and we'll review it! The resource should ideally demonstrate something new instead of duplicating an existing resource.
|
||||
|
||||
|
@ -78,7 +78,7 @@ A list of official Hugging Face and community (indicated by 🌎) resources to h
|
||||
<PipelineTag pipeline="image-classification"/>
|
||||
|
||||
- [`DeiTForImageClassification`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/pytorch/image-classification) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/image_classification.ipynb).
|
||||
- See also: [Image classification task guide](./tasks/image_classification)
|
||||
- See also: [Image classification task guide](../tasks/image_classification)
|
||||
|
||||
Besides that:
|
||||
|
||||
|
@ -39,7 +39,7 @@ The original code can be found [here](https://github.com/jozhang97/DETA).
|
||||
A list of official Hugging Face and community (indicated by 🌎) resources to help you get started with DETA.
|
||||
|
||||
- Demo notebooks for DETA can be found [here](https://github.com/NielsRogge/Transformers-Tutorials/tree/master/DETA).
|
||||
- See also: [Object detection task guide](./tasks/object_detection)
|
||||
- See also: [Object detection task guide](../tasks/object_detection)
|
||||
|
||||
If you're interested in submitting a resource to be included here, please feel free to open a Pull Request and we'll review it! The resource should ideally demonstrate something new instead of duplicating an existing resource.
|
||||
|
||||
|
@ -157,7 +157,7 @@ A list of official Hugging Face and community (indicated by 🌎) resources to h
|
||||
<PipelineTag pipeline="object-detection"/>
|
||||
|
||||
- All example notebooks illustrating fine-tuning [`DetrForObjectDetection`] and [`DetrForSegmentation`] on a custom dataset an be found [here](https://github.com/NielsRogge/Transformers-Tutorials/tree/master/DETR).
|
||||
- See also: [Object detection task guide](./tasks/object_detection)
|
||||
- See also: [Object detection task guide](../tasks/object_detection)
|
||||
|
||||
If you're interested in submitting a resource to be included here, please feel free to open a Pull Request and we'll review it! The resource should ideally demonstrate something new instead of duplicating an existing resource.
|
||||
|
||||
|
@ -68,7 +68,7 @@ A list of official Hugging Face and community (indicated by 🌎) resources to h
|
||||
<PipelineTag pipeline="image-classification"/>
|
||||
|
||||
- [`DinatForImageClassification`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/pytorch/image-classification) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/image_classification.ipynb).
|
||||
- See also: [Image classification task guide](./tasks/image_classification)
|
||||
- See also: [Image classification task guide](../tasks/image_classification)
|
||||
|
||||
If you're interested in submitting a resource to be included here, please feel free to open a Pull Request and we'll review it! The resource should ideally demonstrate something new instead of duplicating an existing resource.
|
||||
|
||||
|
@ -75,7 +75,7 @@ A list of official Hugging Face and community (indicated by 🌎) resources to h
|
||||
- [`DistilBertForSequenceClassification`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/pytorch/text-classification) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/text_classification.ipynb).
|
||||
- [`TFDistilBertForSequenceClassification`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/tensorflow/text-classification) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/text_classification-tf.ipynb).
|
||||
- [`FlaxDistilBertForSequenceClassification`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/flax/text-classification) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/text_classification_flax.ipynb).
|
||||
- [Text classification task guide](./tasks/sequence_classification)
|
||||
- [Text classification task guide](../tasks/sequence_classification)
|
||||
|
||||
|
||||
<PipelineTag pipeline="token-classification"/>
|
||||
@ -84,7 +84,7 @@ A list of official Hugging Face and community (indicated by 🌎) resources to h
|
||||
- [`TFDistilBertForTokenClassification`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/tensorflow/token-classification) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/token_classification-tf.ipynb).
|
||||
- [`FlaxDistilBertForTokenClassification`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/flax/token-classification).
|
||||
- [Token classification](https://huggingface.co/course/chapter7/2?fw=pt) chapter of the 🤗 Hugging Face Course.
|
||||
- [Token classification task guide](./tasks/token_classification)
|
||||
- [Token classification task guide](../tasks/token_classification)
|
||||
|
||||
|
||||
<PipelineTag pipeline="fill-mask"/>
|
||||
@ -93,7 +93,7 @@ A list of official Hugging Face and community (indicated by 🌎) resources to h
|
||||
- [`TFDistilBertForMaskedLM`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/tensorflow/language-modeling#run_mlmpy) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/language_modeling-tf.ipynb).
|
||||
- [`FlaxDistilBertForMaskedLM`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/flax/language-modeling#masked-language-modeling) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/masked_language_modeling_flax.ipynb).
|
||||
- [Masked language modeling](https://huggingface.co/course/chapter7/3?fw=pt) chapter of the 🤗 Hugging Face Course.
|
||||
- [Masked language modeling task guide](./tasks/masked_language_modeling)
|
||||
- [Masked language modeling task guide](../tasks/masked_language_modeling)
|
||||
|
||||
<PipelineTag pipeline="question-answering"/>
|
||||
|
||||
@ -101,12 +101,12 @@ A list of official Hugging Face and community (indicated by 🌎) resources to h
|
||||
- [`TFDistilBertForQuestionAnswering`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/tensorflow/question-answering) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/question_answering-tf.ipynb).
|
||||
- [`FlaxDistilBertForQuestionAnswering`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/flax/question-answering).
|
||||
- [Question answering](https://huggingface.co/course/chapter7/7?fw=pt) chapter of the 🤗 Hugging Face Course.
|
||||
- [Question answering task guide](./tasks/question_answering)
|
||||
- [Question answering task guide](../tasks/question_answering)
|
||||
|
||||
**Multiple choice**
|
||||
- [`DistilBertForMultipleChoice`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/pytorch/multiple-choice) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/multiple_choice.ipynb).
|
||||
- [`TFDistilBertForMultipleChoice`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/tensorflow/multiple-choice) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/multiple_choice-tf.ipynb).
|
||||
- [Multiple choice task guide](./tasks/multiple_choice)
|
||||
- [Multiple choice task guide](../tasks/multiple_choice)
|
||||
|
||||
⚗️ Optimization
|
||||
|
||||
|
@ -33,6 +33,7 @@ This model was contributed by [nielsr](https://huggingface.co/nielsr). The origi
|
||||
A list of official Hugging Face and community (indicated by 🌎) resources to help you get started with DPT.
|
||||
|
||||
- Demo notebooks for [`DPTForDepthEstimation`] can be found [here](https://github.com/NielsRogge/Transformers-Tutorials/tree/master/DPT).
|
||||
|
||||
- [Semantic segmentation task guide](../tasks/semantic_segmentation)
|
||||
- [Monocular depth estimation task guide](../tasks/monocular_depth_estimation)
|
||||
|
||||
|
@ -41,7 +41,7 @@ The original code can be found [here](https://github.com/snap-research/Efficient
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Image classification task guide](./tasks/image_classification)
|
||||
- [Image classification task guide](../tasks/image_classification)
|
||||
|
||||
## EfficientFormerConfig
|
||||
|
||||
|
@ -66,12 +66,12 @@ This model was contributed by [lysandre](https://huggingface.co/lysandre). The o
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Text classification task guide](./tasks/sequence_classification)
|
||||
- [Token classification task guide](./tasks/token_classification)
|
||||
- [Question answering task guide](./tasks/question_answering)
|
||||
- [Causal language modeling task guide](./tasks/language_modeling)
|
||||
- [Masked language modeling task guide](./tasks/masked_language_modeling)
|
||||
- [Multiple choice task guide](./tasks/multiple_choice)
|
||||
- [Text classification task guide](../tasks/sequence_classification)
|
||||
- [Token classification task guide](../tasks/token_classification)
|
||||
- [Question answering task guide](../tasks/question_answering)
|
||||
- [Causal language modeling task guide](../tasks/language_modeling)
|
||||
- [Masked language modeling task guide](../tasks/masked_language_modeling)
|
||||
- [Multiple choice task guide](../tasks/multiple_choice)
|
||||
|
||||
## ElectraConfig
|
||||
|
||||
|
@ -49,12 +49,12 @@ and [ERNIE](https://github.com/PaddlePaddle/ERNIE/blob/repro).
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Text classification task guide](./tasks/sequence_classification)
|
||||
- [Token classification task guide](./tasks/token_classification)
|
||||
- [Question answering task guide](./tasks/question_answering)
|
||||
- [Causal language modeling task guide](./tasks/language_modeling)
|
||||
- [Masked language modeling task guide](./tasks/masked_language_modeling)
|
||||
- [Multiple choice task guide](./tasks/multiple_choice)
|
||||
- [Text classification task guide](../tasks/sequence_classification)
|
||||
- [Token classification task guide](../tasks/token_classification)
|
||||
- [Question answering task guide](../tasks/question_answering)
|
||||
- [Causal language modeling task guide](../tasks/language_modeling)
|
||||
- [Masked language modeling task guide](../tasks/masked_language_modeling)
|
||||
- [Multiple choice task guide](../tasks/multiple_choice)
|
||||
|
||||
## ErnieConfig
|
||||
|
||||
|
@ -34,10 +34,10 @@ This model was contributed by [Susnato Dhar](https://huggingface.co/susnato). Th
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Text classification task guide](./tasks/sequence_classification)
|
||||
- [Token classification task guide](./tasks/token_classification)
|
||||
- [Question answering task guide](./tasks/question_answering)
|
||||
- [Multiple choice task guide](./tasks/multiple_choice)
|
||||
- [Text classification task guide](../tasks/sequence_classification)
|
||||
- [Token classification task guide](../tasks/token_classification)
|
||||
- [Question answering task guide](../tasks/question_answering)
|
||||
- [Multiple choice task guide](../tasks/multiple_choice)
|
||||
|
||||
## ErnieMConfig
|
||||
|
||||
|
@ -88,9 +88,9 @@ The `openfold` library is licensed under the Apache License 2.0.
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Text classification task guide](./tasks/sequence_classification)
|
||||
- [Token classification task guide](./tasks/token_classification)
|
||||
- [Masked language modeling task guide](./tasks/masked_language_modeling)
|
||||
- [Text classification task guide](../tasks/sequence_classification)
|
||||
- [Token classification task guide](../tasks/token_classification)
|
||||
- [Masked language modeling task guide](../tasks/masked_language_modeling)
|
||||
|
||||
## EsmConfig
|
||||
|
||||
|
@ -48,11 +48,11 @@ Tips:
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Text classification task guide](./tasks/sequence_classification)
|
||||
- [Token classification task guide](./tasks/token_classification)
|
||||
- [Question answering task guide](./tasks/question_answering)
|
||||
- [Masked language modeling task guide](./tasks/masked_language_modeling)
|
||||
- [Multiple choice task guide](./tasks/multiple_choice)
|
||||
- [Text classification task guide](../tasks/sequence_classification)
|
||||
- [Token classification task guide](../tasks/token_classification)
|
||||
- [Question answering task guide](../tasks/question_answering)
|
||||
- [Masked language modeling task guide](../tasks/masked_language_modeling)
|
||||
- [Multiple choice task guide](../tasks/multiple_choice)
|
||||
|
||||
## FlaubertConfig
|
||||
|
||||
|
@ -43,11 +43,11 @@ This model was contributed by [gchhablani](https://huggingface.co/gchhablani). T
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Text classification task guide](./tasks/sequence_classification)
|
||||
- [Token classification task guide](./tasks/token_classification)
|
||||
- [Question answering task guide](./tasks/question_answering)
|
||||
- [Masked language modeling task guide](./tasks/masked_language_modeling)
|
||||
- [Multiple choice task guide](./tasks/multiple_choice)
|
||||
- [Text classification task guide](../tasks/sequence_classification)
|
||||
- [Token classification task guide](../tasks/token_classification)
|
||||
- [Question answering task guide](../tasks/question_answering)
|
||||
- [Masked language modeling task guide](../tasks/masked_language_modeling)
|
||||
- [Multiple choice task guide](../tasks/multiple_choice)
|
||||
|
||||
## FNetConfig
|
||||
|
||||
|
@ -62,11 +62,11 @@ This model was contributed by [sgugger](https://huggingface.co/sgugger). The ori
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Text classification task guide](./tasks/sequence_classification)
|
||||
- [Token classification task guide](./tasks/token_classification)
|
||||
- [Question answering task guide](./tasks/question_answering)
|
||||
- [Masked language modeling task guide](./tasks/masked_language_modeling)
|
||||
- [Multiple choice task guide](./tasks/multiple_choice)
|
||||
- [Text classification task guide](../tasks/sequence_classification)
|
||||
- [Token classification task guide](../tasks/token_classification)
|
||||
- [Question answering task guide](../tasks/question_answering)
|
||||
- [Masked language modeling task guide](../tasks/masked_language_modeling)
|
||||
- [Multiple choice task guide](../tasks/multiple_choice)
|
||||
|
||||
|
||||
## FunnelConfig
|
||||
|
@ -41,7 +41,7 @@ The original code can be found [here](https://github.com/microsoft/GenerativeIma
|
||||
A list of official Hugging Face and community (indicated by 🌎) resources to help you get started with GIT.
|
||||
|
||||
- Demo notebooks regarding inference + fine-tuning GIT on custom data can be found [here](https://github.com/NielsRogge/Transformers-Tutorials/tree/master/GIT).
|
||||
- See also: [Causal language modeling task guide](./tasks/language_modeling)
|
||||
- See also: [Causal language modeling task guide](../tasks/language_modeling)
|
||||
|
||||
If you're interested in submitting a resource to be included here, please feel free to open a Pull Request and we will review it.
|
||||
The resource should ideally demonstrate something new instead of duplicating an existing resource.
|
||||
|
@ -50,9 +50,9 @@ Träd är fina för att de är färgstarka. Men ibland är det fint
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Text classification task guide](./tasks/sequence_classification)
|
||||
- [Token classification task guide](./tasks/token_classification)
|
||||
- [Causal language modeling task guide](./tasks/language_modeling)
|
||||
- [Text classification task guide](../tasks/sequence_classification)
|
||||
- [Token classification task guide](../tasks/token_classification)
|
||||
- [Causal language modeling task guide](../tasks/language_modeling)
|
||||
|
||||
## GPTSw3Tokenizer
|
||||
|
||||
|
@ -73,9 +73,9 @@ A list of official Hugging Face and community (indicated by 🌎) resources to h
|
||||
- [`GPT2LMHeadModel`] is supported by this [causal language modeling example script](https://github.com/huggingface/transformers/tree/main/examples/pytorch/language-modeling#gpt-2gpt-and-causal-language-modeling), [text generation example script](https://github.com/huggingface/transformers/tree/main/examples/pytorch/text-generation), and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/language_modeling.ipynb).
|
||||
- [`TFGPT2LMHeadModel`] is supported by this [causal language modeling example script](https://github.com/huggingface/transformers/tree/main/examples/tensorflow/language-modeling#run_clmpy) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/language_modeling-tf.ipynb).
|
||||
- [`FlaxGPT2LMHeadModel`] is supported by this [causal language modeling example script](https://github.com/huggingface/transformers/tree/main/examples/flax/language-modeling#causal-language-modeling) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/causal_language_modeling_flax.ipynb).
|
||||
- [Text classification task guide](./tasks/sequence_classification)
|
||||
- [Token classification task guide](./tasks/token_classification)
|
||||
- [Causal language modeling task guide](./tasks/language_modeling)
|
||||
- [Text classification task guide](../tasks/sequence_classification)
|
||||
- [Token classification task guide](../tasks/token_classification)
|
||||
- [Causal language modeling task guide](../tasks/language_modeling)
|
||||
|
||||
## GPT2Config
|
||||
|
||||
|
@ -52,8 +52,8 @@ The `generate()` method can be used to generate text using GPT Neo model.
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Text classification task guide](./tasks/sequence_classification)
|
||||
- [Causal language modeling task guide](./tasks/language_modeling)
|
||||
- [Text classification task guide](../tasks/sequence_classification)
|
||||
- [Causal language modeling task guide](../tasks/language_modeling)
|
||||
|
||||
## GPTNeoConfig
|
||||
|
||||
|
@ -59,7 +59,7 @@ The `generate()` method can be used to generate text using GPT Neo model.
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Causal language modeling task guide](./tasks/language_modeling)
|
||||
- [Causal language modeling task guide](../tasks/language_modeling)
|
||||
|
||||
## GPTNeoXConfig
|
||||
|
||||
|
@ -49,7 +49,7 @@ The `generate()` method can be used to generate text using GPT NeoX Japanese mod
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Causal language modeling task guide](./tasks/language_modeling)
|
||||
- [Causal language modeling task guide](../tasks/language_modeling)
|
||||
|
||||
## GPTNeoXJapaneseConfig
|
||||
|
||||
|
@ -125,9 +125,9 @@ A list of official Hugging Face and community (indicated by 🌎) resources to h
|
||||
- [`FlaxGPTJForCausalLM`] is supported by this [causal language modeling example script](https://github.com/huggingface/transformers/tree/main/examples/flax/language-modeling#causal-language-modeling) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/causal_language_modeling_flax.ipynb).
|
||||
|
||||
**Documentation resources**
|
||||
- [Text classification task guide](./tasks/sequence_classification)
|
||||
- [Question answering task guide](./tasks/question_answering)
|
||||
- [Causal language modeling task guide](./tasks/language_modeling)
|
||||
- [Text classification task guide](../tasks/sequence_classification)
|
||||
- [Question answering task guide](../tasks/question_answering)
|
||||
- [Causal language modeling task guide](../tasks/language_modeling)
|
||||
|
||||
## GPTJConfig
|
||||
|
||||
|
@ -42,8 +42,8 @@ This model was contributed by [patrickvonplaten](https://huggingface.co/patrickv
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Audio classification task guide](./tasks/audio_classification)
|
||||
- [Automatic speech recognition task guide](./tasks/asr)
|
||||
- [Audio classification task guide](../tasks/audio_classification)
|
||||
- [Automatic speech recognition task guide](../tasks/asr)
|
||||
|
||||
## HubertConfig
|
||||
|
||||
|
@ -38,11 +38,11 @@ This model was contributed by [kssteven](https://huggingface.co/kssteven). The o
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Text classification task guide](./tasks/sequence_classification)
|
||||
- [Token classification task guide](./tasks/token_classification)
|
||||
- [Question answering task guide](./tasks/question_answering)
|
||||
- [Masked language modeling task guide](./tasks/masked_language_modeling)
|
||||
- [Multiple choice task guide](./tasks/masked_language_modeling)
|
||||
- [Text classification task guide](../tasks/sequence_classification)
|
||||
- [Token classification task guide](../tasks/token_classification)
|
||||
- [Question answering task guide](../tasks/question_answering)
|
||||
- [Masked language modeling task guide](../tasks/masked_language_modeling)
|
||||
- [Multiple choice task guide](../tasks/masked_language_modeling)
|
||||
|
||||
## IBertConfig
|
||||
|
||||
|
@ -77,7 +77,7 @@ A list of official Hugging Face and community (indicated by 🌎) resources to h
|
||||
|
||||
- Demo notebooks for ImageGPT can be found [here](https://github.com/NielsRogge/Transformers-Tutorials/tree/master/ImageGPT).
|
||||
- [`ImageGPTForImageClassification`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/pytorch/image-classification) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/image_classification.ipynb).
|
||||
- See also: [Image classification task guide](./tasks/image_classification)
|
||||
- See also: [Image classification task guide](../tasks/image_classification)
|
||||
|
||||
If you're interested in submitting a resource to be included here, please feel free to open a Pull Request and we'll review it! The resource should ideally demonstrate something new instead of duplicating an existing resource.
|
||||
|
||||
|
@ -88,20 +88,20 @@ A list of official Hugging Face and community (indicated by 🌎) resources to h
|
||||
|
||||
- A notebook on how to [fine-tune LayoutLM on the FUNSD dataset with image embeddings](https://colab.research.google.com/github/NielsRogge/Transformers-Tutorials/blob/master/LayoutLM/Add_image_embeddings_to_LayoutLM.ipynb).
|
||||
|
||||
- See also: [Document question answering task guide](./tasks/document_question_answering)
|
||||
- See also: [Document question answering task guide](../tasks/document_question_answering)
|
||||
|
||||
<PipelineTag pipeline="text-classification" />
|
||||
|
||||
- A notebook on how to [fine-tune LayoutLM for sequence classification on the RVL-CDIP dataset](https://colab.research.google.com/github/NielsRogge/Transformers-Tutorials/blob/master/LayoutLM/Fine_tuning_LayoutLMForSequenceClassification_on_RVL_CDIP.ipynb).
|
||||
- [Text classification task guide](./tasks/sequence_classification)
|
||||
- [Text classification task guide](../tasks/sequence_classification)
|
||||
|
||||
<PipelineTag pipeline="token-classification" />
|
||||
|
||||
- A notebook on how to [ fine-tune LayoutLM for token classification on the FUNSD dataset](https://github.com/NielsRogge/Transformers-Tutorials/blob/master/LayoutLM/Fine_tuning_LayoutLMForTokenClassification_on_FUNSD.ipynb).
|
||||
- [Token classification task guide](./tasks/token_classification)
|
||||
- [Token classification task guide](../tasks/token_classification)
|
||||
|
||||
**Other resources**
|
||||
- [Masked language modeling task guide](./tasks/masked_language_modeling)
|
||||
- [Masked language modeling task guide](../tasks/masked_language_modeling)
|
||||
|
||||
🚀 Deploy
|
||||
|
||||
|
@ -268,10 +268,10 @@ print(encoding.keys())
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Document question answering task guide](./tasks/document_question_answering)
|
||||
- [Text classification task guide](./tasks/sequence_classification)
|
||||
- [Token classification task guide](./tasks/token_classification)
|
||||
- [Question answering task guide](./tasks/question_answering)
|
||||
- [Document question answering task guide](../tasks/document_question_answering)
|
||||
- [Text classification task guide](../tasks/sequence_classification)
|
||||
- [Token classification task guide](../tasks/token_classification)
|
||||
- [Question answering task guide](../tasks/question_answering)
|
||||
|
||||
## LayoutLMv2Config
|
||||
|
||||
|
@ -52,22 +52,22 @@ LayoutLMv3 is nearly identical to LayoutLMv2, so we've also included LayoutLMv2
|
||||
<PipelineTag pipeline="text-classification"/>
|
||||
|
||||
- [`LayoutLMv2ForSequenceClassification`] is supported by this [notebook](https://colab.research.google.com/github/NielsRogge/Transformers-Tutorials/blob/master/LayoutLMv2/RVL-CDIP/Fine_tuning_LayoutLMv2ForSequenceClassification_on_RVL_CDIP.ipynb).
|
||||
- [Text classification task guide](./tasks/sequence_classification)
|
||||
- [Text classification task guide](../tasks/sequence_classification)
|
||||
|
||||
<PipelineTag pipeline="token-classification"/>
|
||||
|
||||
- [`LayoutLMv3ForTokenClassification`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/research_projects/layoutlmv3) and [notebook](https://colab.research.google.com/github/NielsRogge/Transformers-Tutorials/blob/master/LayoutLMv3/Fine_tune_LayoutLMv3_on_FUNSD_(HuggingFace_Trainer).ipynb).
|
||||
- A [notebook](https://colab.research.google.com/github/NielsRogge/Transformers-Tutorials/blob/master/LayoutLMv2/FUNSD/Inference_with_LayoutLMv2ForTokenClassification.ipynb) for how to perform inference with [`LayoutLMv2ForTokenClassification`] and a [notebook](https://colab.research.google.com/github/NielsRogge/Transformers-Tutorials/blob/master/LayoutLMv2/FUNSD/True_inference_with_LayoutLMv2ForTokenClassification_%2B_Gradio_demo.ipynb) for how to perform inference when no labels are available with [`LayoutLMv2ForTokenClassification`].
|
||||
- A [notebook](https://colab.research.google.com/github/NielsRogge/Transformers-Tutorials/blob/master/LayoutLMv2/FUNSD/Fine_tuning_LayoutLMv2ForTokenClassification_on_FUNSD_using_HuggingFace_Trainer.ipynb) for how to finetune [`LayoutLMv2ForTokenClassification`] with the 🤗 Trainer.
|
||||
- [Token classification task guide](./tasks/token_classification)
|
||||
- [Token classification task guide](../tasks/token_classification)
|
||||
|
||||
<PipelineTag pipeline="question-answering"/>
|
||||
|
||||
- [`LayoutLMv2ForQuestionAnswering`] is supported by this [notebook](https://colab.research.google.com/github/NielsRogge/Transformers-Tutorials/blob/master/LayoutLMv2/DocVQA/Fine_tuning_LayoutLMv2ForQuestionAnswering_on_DocVQA.ipynb).
|
||||
- [Question answering task guide](./tasks/question_answering)
|
||||
- [Question answering task guide](../tasks/question_answering)
|
||||
|
||||
**Document question answering**
|
||||
- [Document question answering task guide](./tasks/document_question_answering)
|
||||
- [Document question answering task guide](../tasks/document_question_answering)
|
||||
|
||||
## LayoutLMv3Config
|
||||
|
||||
|
@ -57,10 +57,10 @@ This model was contributed by [patrickvonplaten](https://huggingface.co/patrickv
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Text classification task guide](./tasks/sequence_classification)
|
||||
- [Question answering task guide](./tasks/question_answering)
|
||||
- [Translation task guide](./tasks/translation)
|
||||
- [Summarization task guide](./tasks/summarization)
|
||||
- [Text classification task guide](../tasks/sequence_classification)
|
||||
- [Question answering task guide](../tasks/question_answering)
|
||||
- [Translation task guide](../tasks/translation)
|
||||
- [Summarization task guide](../tasks/summarization)
|
||||
|
||||
## LEDConfig
|
||||
|
||||
|
@ -68,7 +68,7 @@ A list of official Hugging Face and community (indicated by 🌎) resources to h
|
||||
<PipelineTag pipeline="image-classification"/>
|
||||
|
||||
- [`LevitForImageClassification`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/pytorch/image-classification) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/image_classification.ipynb).
|
||||
- See also: [Image classification task guide](./tasks/image_classification)
|
||||
- See also: [Image classification task guide](../tasks/image_classification)
|
||||
|
||||
If you're interested in submitting a resource to be included here, please feel free to open a Pull Request and we'll review it! The resource should ideally demonstrate something new instead of duplicating an existing resource.
|
||||
|
||||
|
@ -53,9 +53,9 @@ A list of official Hugging Face and community (indicated by 🌎) resources to h
|
||||
- Demo notebooks for LiLT can be found [here](https://github.com/NielsRogge/Transformers-Tutorials/tree/master/LiLT).
|
||||
|
||||
**Documentation resources**
|
||||
- [Text classification task guide](./tasks/sequence_classification)
|
||||
- [Token classification task guide](./tasks/token_classification)
|
||||
- [Question answering task guide](./tasks/question_answering)
|
||||
- [Text classification task guide](../tasks/sequence_classification)
|
||||
- [Token classification task guide](../tasks/token_classification)
|
||||
- [Question answering task guide](../tasks/question_answering)
|
||||
|
||||
If you're interested in submitting a resource to be included here, please feel free to open a Pull Request and we'll review it! The resource should ideally demonstrate something new instead of duplicating an existing resource.
|
||||
|
||||
|
@ -91,11 +91,11 @@ loss = model(input_ids, labels=input_ids, masked_lm_labels=mlm_labels)[0]
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Text classification task guide](./tasks/sequence_classification)
|
||||
- [Token classification task guide](./tasks/token_classification)
|
||||
- [Question answering task guide](./tasks/question_answering)
|
||||
- [Masked language modeling task guide](./tasks/masked_language_modeling)
|
||||
- [Multiple choice task guide](./tasks/multiple_choice)
|
||||
- [Text classification task guide](../tasks/sequence_classification)
|
||||
- [Token classification task guide](../tasks/token_classification)
|
||||
- [Question answering task guide](../tasks/question_answering)
|
||||
- [Masked language modeling task guide](../tasks/masked_language_modeling)
|
||||
- [Multiple choice task guide](../tasks/multiple_choice)
|
||||
|
||||
## LongformerConfig
|
||||
|
||||
|
@ -88,8 +88,8 @@ The original code can be found [here](https://github.com/google-research/longt5)
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Translation task guide](./tasks/translation)
|
||||
- [Summarization task guide](./tasks/summarization)
|
||||
- [Translation task guide](../tasks/translation)
|
||||
- [Summarization task guide](../tasks/summarization)
|
||||
|
||||
## LongT5Config
|
||||
|
||||
|
@ -119,11 +119,11 @@ This model was contributed by [ikuyamada](https://huggingface.co/ikuyamada) and
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Text classification task guide](./tasks/sequence_classification)
|
||||
- [Token classification task guide](./tasks/token_classification)
|
||||
- [Question answering task guide](./tasks/question_answering)
|
||||
- [Masked language modeling task guide](./tasks/masked_language_modeling)
|
||||
- [Multiple choice task guide](./tasks/multiple_choice)
|
||||
- [Text classification task guide](../tasks/sequence_classification)
|
||||
- [Token classification task guide](../tasks/token_classification)
|
||||
- [Question answering task guide](../tasks/question_answering)
|
||||
- [Masked language modeling task guide](../tasks/masked_language_modeling)
|
||||
- [Multiple choice task guide](../tasks/multiple_choice)
|
||||
|
||||
## LukeConfig
|
||||
|
||||
|
@ -53,7 +53,7 @@ This model was contributed by [eltoto1219](https://huggingface.co/eltoto1219). T
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Question answering task guide](./tasks/question_answering)
|
||||
- [Question answering task guide](../tasks/question_answering)
|
||||
|
||||
## LxmertConfig
|
||||
|
||||
|
@ -93,8 +93,8 @@ loss = model(**model_inputs).loss # forward pass
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Translation task guide](./tasks/translation)
|
||||
- [Summarization task guide](./tasks/summarization)
|
||||
- [Translation task guide](../tasks/translation)
|
||||
- [Summarization task guide](../tasks/summarization)
|
||||
|
||||
## M2M100Config
|
||||
|
||||
|
@ -163,9 +163,9 @@ Example of translating english to many romance languages, using old-style 2 char
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Translation task guide](./tasks/translation)
|
||||
- [Summarization task guide](./tasks/summarization)
|
||||
- [Causal language modeling task guide](./tasks/language_modeling)
|
||||
- [Translation task guide](../tasks/translation)
|
||||
- [Summarization task guide](../tasks/summarization)
|
||||
- [Causal language modeling task guide](../tasks/language_modeling)
|
||||
|
||||
## MarianConfig
|
||||
|
||||
|
@ -195,9 +195,9 @@ dict_keys(['input_ids', 'token_type_ids', 'attention_mask', 'xpath_tags_seq', 'x
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Text classification task guide](./tasks/sequence_classification)
|
||||
- [Token classification task guide](./tasks/token_classification)
|
||||
- [Question answering task guide](./tasks/question_answering)
|
||||
- [Text classification task guide](../tasks/sequence_classification)
|
||||
- [Token classification task guide](../tasks/token_classification)
|
||||
- [Question answering task guide](../tasks/question_answering)
|
||||
|
||||
## MarkupLMConfig
|
||||
|
||||
|
@ -154,12 +154,12 @@ tokenizer.batch_decode(generated_tokens, skip_special_tokens=True)
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Text classification task guide](./tasks/sequence_classification)
|
||||
- [Question answering task guide](./tasks/question_answering)
|
||||
- [Causal language modeling task guide](./tasks/language_modeling)
|
||||
- [Masked language modeling task guide](./tasks/masked_language_modeling)
|
||||
- [Translation task guide](./tasks/translation)
|
||||
- [Summarization task guide](./tasks/summarization)
|
||||
- [Text classification task guide](../tasks/sequence_classification)
|
||||
- [Question answering task guide](../tasks/question_answering)
|
||||
- [Causal language modeling task guide](../tasks/language_modeling)
|
||||
- [Masked language modeling task guide](../tasks/masked_language_modeling)
|
||||
- [Translation task guide](../tasks/translation)
|
||||
- [Summarization task guide](../tasks/summarization)
|
||||
|
||||
## MBartConfig
|
||||
|
||||
|
@ -33,7 +33,7 @@ This model was contributed by [cwkeam](https://huggingface.co/cwkeam). The origi
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Automatic speech recognition task guide](./tasks/asr)
|
||||
- [Automatic speech recognition task guide](../tasks/asr)
|
||||
|
||||
Tips:
|
||||
|
||||
|
@ -80,12 +80,12 @@ Megatron Language models. In particular, it contains a hybrid model parallel app
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Text classification task guide](./tasks/sequence_classification)
|
||||
- [Token classification task guide](./tasks/token_classification)
|
||||
- [Question answering task guide](./tasks/question_answering)
|
||||
- [Causal language modeling task guide](./tasks/language_modeling)
|
||||
- [Masked language modeling task guide](./tasks/masked_language_modeling)
|
||||
- [Multiple choice task guide](./tasks/multiple_choice)
|
||||
- [Text classification task guide](../tasks/sequence_classification)
|
||||
- [Token classification task guide](../tasks/token_classification)
|
||||
- [Question answering task guide](../tasks/question_answering)
|
||||
- [Causal language modeling task guide](../tasks/language_modeling)
|
||||
- [Masked language modeling task guide](../tasks/masked_language_modeling)
|
||||
- [Multiple choice task guide](../tasks/multiple_choice)
|
||||
|
||||
## MegatronBertConfig
|
||||
|
||||
|
@ -45,11 +45,11 @@ This model was contributed by [vshampor](https://huggingface.co/vshampor). The o
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Text classification task guide](./tasks/sequence_classification)
|
||||
- [Token classification task guide](./tasks/token_classification)
|
||||
- [Question answering task guide](./tasks/question_answering)
|
||||
- [Masked language modeling task guide](./tasks/masked_language_modeling)
|
||||
- [Multiple choice task guide](./tasks/multiple_choice)
|
||||
- [Text classification task guide](../tasks/sequence_classification)
|
||||
- [Token classification task guide](../tasks/token_classification)
|
||||
- [Question answering task guide](../tasks/question_answering)
|
||||
- [Masked language modeling task guide](../tasks/masked_language_modeling)
|
||||
- [Multiple choice task guide](../tasks/multiple_choice)
|
||||
|
||||
## MobileBertConfig
|
||||
|
||||
|
@ -51,7 +51,7 @@ A list of official Hugging Face and community (indicated by 🌎) resources to h
|
||||
<PipelineTag pipeline="image-classification"/>
|
||||
|
||||
- [`MobileNetV1ForImageClassification`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/pytorch/image-classification) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/image_classification.ipynb).
|
||||
- See also: [Image classification task guide](./tasks/image_classification)
|
||||
- See also: [Image classification task guide](../tasks/image_classification)
|
||||
|
||||
If you're interested in submitting a resource to be included here, please feel free to open a Pull Request and we'll review it! The resource should ideally demonstrate something new instead of duplicating an existing resource.
|
||||
|
||||
|
@ -55,10 +55,10 @@ A list of official Hugging Face and community (indicated by 🌎) resources to h
|
||||
<PipelineTag pipeline="image-classification"/>
|
||||
|
||||
- [`MobileNetV2ForImageClassification`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/pytorch/image-classification) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/image_classification.ipynb).
|
||||
- See also: [Image classification task guide](./tasks/image_classification)
|
||||
- See also: [Image classification task guide](../tasks/image_classification)
|
||||
|
||||
**Semantic segmentation**
|
||||
- [Semantic segmentation task guide](./tasks/semantic_segmentation)
|
||||
- [Semantic segmentation task guide](../tasks/semantic_segmentation)
|
||||
|
||||
If you're interested in submitting a resource to be included here, please feel free to open a Pull Request and we'll review it! The resource should ideally demonstrate something new instead of duplicating an existing resource.
|
||||
|
||||
|
@ -64,10 +64,10 @@ A list of official Hugging Face and community (indicated by 🌎) resources to h
|
||||
<PipelineTag pipeline="image-classification"/>
|
||||
|
||||
- [`MobileViTForImageClassification`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/pytorch/image-classification) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/image_classification.ipynb).
|
||||
- See also: [Image classification task guide](./tasks/image_classification)
|
||||
- See also: [Image classification task guide](../tasks/image_classification)
|
||||
|
||||
**Semantic segmentation**
|
||||
- [Semantic segmentation task guide](./tasks/semantic_segmentation)
|
||||
- [Semantic segmentation task guide](../tasks/semantic_segmentation)
|
||||
|
||||
If you're interested in submitting a resource to be included here, please feel free to open a Pull Request and we'll review it! The resource should ideally demonstrate something new instead of duplicating an existing resource.
|
||||
|
||||
|
@ -42,11 +42,11 @@ The original code can be found [here](https://github.com/microsoft/MPNet).
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Text classification task guide](./tasks/sequence_classification)
|
||||
- [Token classification task guide](./tasks/token_classification)
|
||||
- [Question answering task guide](./tasks/question_answering)
|
||||
- [Masked language modeling task guide](./tasks/masked_language_modeling)
|
||||
- [Multiple choice task guide](./tasks/multiple_choice)
|
||||
- [Text classification task guide](../tasks/sequence_classification)
|
||||
- [Token classification task guide](../tasks/token_classification)
|
||||
- [Question answering task guide](../tasks/question_answering)
|
||||
- [Masked language modeling task guide](../tasks/masked_language_modeling)
|
||||
- [Multiple choice task guide](../tasks/multiple_choice)
|
||||
|
||||
## MPNetConfig
|
||||
|
||||
|
@ -58,8 +58,8 @@ found [here](https://github.com/google-research/multilingual-t5).
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Translation task guide](./tasks/translation)
|
||||
- [Summarization task guide](./tasks/summarization)
|
||||
- [Translation task guide](../tasks/translation)
|
||||
- [Summarization task guide](../tasks/summarization)
|
||||
|
||||
## MT5Config
|
||||
|
||||
|
@ -102,12 +102,12 @@ For lightweight tuning, *i.e.*, fixing the model and only tuning prompts, you ca
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Text classification task guide](./tasks/sequence_classification)
|
||||
- [Question answering task guide](./tasks/question_answering)
|
||||
- [Causal language modeling task guide](./tasks/language_modeling)
|
||||
- [Masked language modeling task guide](./tasks/masked_language_modeling)
|
||||
- [Translation task guide](./tasks/translation)
|
||||
- [Summarization task guide](./tasks/summarization)
|
||||
- [Text classification task guide](../tasks/sequence_classification)
|
||||
- [Question answering task guide](../tasks/question_answering)
|
||||
- [Causal language modeling task guide](../tasks/language_modeling)
|
||||
- [Masked language modeling task guide](../tasks/masked_language_modeling)
|
||||
- [Translation task guide](../tasks/translation)
|
||||
- [Summarization task guide](../tasks/summarization)
|
||||
|
||||
## MvpConfig
|
||||
|
||||
|
@ -63,7 +63,7 @@ A list of official Hugging Face and community (indicated by 🌎) resources to h
|
||||
<PipelineTag pipeline="image-classification"/>
|
||||
|
||||
- [`NatForImageClassification`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/pytorch/image-classification) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/image_classification.ipynb).
|
||||
- See also: [Image classification task guide](./tasks/image_classification)
|
||||
- See also: [Image classification task guide](../tasks/image_classification)
|
||||
|
||||
If you're interested in submitting a resource to be included here, please feel free to open a Pull Request and we'll review it! The resource should ideally demonstrate something new instead of duplicating an existing resource.
|
||||
|
||||
|
@ -33,11 +33,11 @@ This model was contributed by [sijunhe](https://huggingface.co/sijunhe). The ori
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Text classification task guide](./tasks/sequence_classification)
|
||||
- [Token classification task guide](./tasks/token_classification)
|
||||
- [Question answering task guide](./tasks/question_answering)
|
||||
- [Masked language modeling task guide](./tasks/masked_language_modeling)
|
||||
- [Multiple choice task guide](./tasks/multiple_choice)
|
||||
- [Text classification task guide](../tasks/sequence_classification)
|
||||
- [Token classification task guide](../tasks/token_classification)
|
||||
- [Question answering task guide](../tasks/question_answering)
|
||||
- [Masked language modeling task guide](../tasks/masked_language_modeling)
|
||||
- [Multiple choice task guide](../tasks/multiple_choice)
|
||||
|
||||
## NezhaConfig
|
||||
|
||||
|
@ -90,8 +90,8 @@ UN-Chef sagt, es gibt keine militärische Lösung in Syrien
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Translation task guide](./tasks/translation)
|
||||
- [Summarization task guide](./tasks/summarization)
|
||||
- [Translation task guide](../tasks/translation)
|
||||
- [Summarization task guide](../tasks/summarization)
|
||||
|
||||
## NllbTokenizer
|
||||
|
||||
|
@ -35,11 +35,11 @@ This model was contributed by [novice03](https://huggingface.co/novice03). The o
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Text classification task guide](./tasks/sequence_classification)
|
||||
- [Token classification task guide](./tasks/token_classification)
|
||||
- [Question answering task guide](./tasks/question_answering)
|
||||
- [Masked language modeling task guide](./tasks/masked_language_modeling)
|
||||
- [Multiple choice task guide](./tasks/multiple_choice)
|
||||
- [Text classification task guide](../tasks/sequence_classification)
|
||||
- [Token classification task guide](../tasks/token_classification)
|
||||
- [Question answering task guide](../tasks/question_answering)
|
||||
- [Masked language modeling task guide](../tasks/masked_language_modeling)
|
||||
- [Multiple choice task guide](../tasks/multiple_choice)
|
||||
|
||||
## NystromformerConfig
|
||||
|
||||
|
@ -73,7 +73,7 @@ A list of official Hugging Face and community (indicated by 🌎) resources to h
|
||||
<PipelineTag pipeline="text-classification"/>
|
||||
|
||||
- A blog post on [outperforming OpenAI GPT-3 with SetFit for text-classification](https://www.philschmid.de/getting-started-setfit).
|
||||
- See also: [Text classification task guide](./tasks/sequence_classification)
|
||||
- See also: [Text classification task guide](../tasks/sequence_classification)
|
||||
|
||||
<PipelineTag pipeline="text-generation"/>
|
||||
|
||||
@ -87,7 +87,7 @@ A list of official Hugging Face and community (indicated by 🌎) resources to h
|
||||
- [Causal language modeling](https://huggingface.co/course/en/chapter7/6?fw=pt#training-a-causal-language-model-from-scratch) chapter of the 🤗 Hugging Face Course.
|
||||
- [`OpenAIGPTLMHeadModel`] is supported by this [causal language modeling example script](https://github.com/huggingface/transformers/tree/main/examples/pytorch/language-modeling#gpt-2gpt-and-causal-language-modeling), [text generation example script](https://github.com/huggingface/transformers/blob/main/examples/pytorch/text-generation/run_generation.py) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/language_modeling.ipynb).
|
||||
- [`TFOpenAIGPTLMHeadModel`] is supported by this [causal language modeling example script](https://github.com/huggingface/transformers/tree/main/examples/tensorflow/language-modeling#run_clmpy) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/language_modeling-tf.ipynb).
|
||||
- See also: [Causal language modeling task guide](./tasks/language_modeling)
|
||||
- See also: [Causal language modeling task guide](../tasks/language_modeling)
|
||||
|
||||
<PipelineTag pipeline="token-classification"/>
|
||||
|
||||
|
@ -104,9 +104,9 @@ All the [checkpoints](https://huggingface.co/models?search=pegasus) are fine-tun
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Causal language modeling task guide](./tasks/language_modeling)
|
||||
- [Translation task guide](./tasks/translation)
|
||||
- [Summarization task guide](./tasks/summarization)
|
||||
- [Causal language modeling task guide](../tasks/language_modeling)
|
||||
- [Translation task guide](../tasks/translation)
|
||||
- [Summarization task guide](../tasks/summarization)
|
||||
|
||||
## PegasusConfig
|
||||
|
||||
|
@ -30,8 +30,8 @@ This model was contributed by [zphang](<https://huggingface.co/zphang). The orig
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Translation task guide](./tasks/translation)
|
||||
- [Summarization task guide](./tasks/summarization)
|
||||
- [Translation task guide](../tasks/translation)
|
||||
- [Summarization task guide](../tasks/summarization)
|
||||
|
||||
## PegasusXConfig
|
||||
|
||||
|
@ -92,9 +92,9 @@ audio classification, video classification, etc.
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Text classification task guide](./tasks/sequence_classification)
|
||||
- [Masked language modeling task guide](./tasks/masked_language_modeling)
|
||||
- [Image classification task guide](./tasks/image_classification)
|
||||
- [Text classification task guide](../tasks/sequence_classification)
|
||||
- [Masked language modeling task guide](../tasks/masked_language_modeling)
|
||||
- [Image classification task guide](../tasks/image_classification)
|
||||
|
||||
## Perceiver specific outputs
|
||||
|
||||
|
@ -80,10 +80,10 @@ it's passed with the `text_target` keyword argument.
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Text classification task guide](./tasks/sequence_classification)
|
||||
- [Causal language modeling task guide](./tasks/language_modeling)
|
||||
- [Translation task guide](./tasks/translation)
|
||||
- [Summarization task guide](./tasks/summarization)
|
||||
- [Text classification task guide](../tasks/sequence_classification)
|
||||
- [Causal language modeling task guide](../tasks/language_modeling)
|
||||
- [Translation task guide](../tasks/translation)
|
||||
- [Summarization task guide](../tasks/summarization)
|
||||
|
||||
## PLBartConfig
|
||||
|
||||
|
@ -48,7 +48,7 @@ A list of official Hugging Face and community (indicated by 🌎) resources to h
|
||||
<PipelineTag pipeline="image-classification"/>
|
||||
|
||||
- [`PoolFormerForImageClassification`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/pytorch/image-classification) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/image_classification.ipynb).
|
||||
- See also: [Image classification task guide](./tasks/image_classification)
|
||||
- See also: [Image classification task guide](../tasks/image_classification)
|
||||
|
||||
If you're interested in submitting a resource to be included here, please feel free to open a Pull Request and we'll review it! The resource should ideally demonstrate something new instead of duplicating an existing resource.
|
||||
|
||||
|
@ -55,9 +55,9 @@ The Authors' code can be found [here](https://github.com/microsoft/ProphetNet).
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Causal language modeling task guide](./tasks/language_modeling)
|
||||
- [Translation task guide](./tasks/translation)
|
||||
- [Summarization task guide](./tasks/summarization)
|
||||
- [Causal language modeling task guide](../tasks/language_modeling)
|
||||
- [Translation task guide](../tasks/translation)
|
||||
- [Summarization task guide](../tasks/summarization)
|
||||
|
||||
## ProphetNetConfig
|
||||
|
||||
|
@ -116,12 +116,12 @@ the instructions in [torch.onnx](https://pytorch.org/docs/stable/onnx.html). Exa
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Text classification task guide](./tasks/sequence_classification)
|
||||
- [Token classification task guide](./tasks/token_classification)
|
||||
- [Question answering task guide](./tasks/question_answering)
|
||||
- [Causal language modeling task guide](./tasks/language_modeling)
|
||||
- [Masked language modeling task guide](./tasks/masked_language_modeling)
|
||||
- [Multiple choice task guide](./tasks/multiple_choice)
|
||||
- [Text classification task guide](../tasks/sequence_classification)
|
||||
- [Token classification task guide](../tasks/token_classification)
|
||||
- [Question answering task guide](../tasks/question_answering)
|
||||
- [Causal language modeling task guide](../tasks/language_modeling)
|
||||
- [Masked language modeling task guide](../tasks/masked_language_modeling)
|
||||
- [Multiple choice task guide](../tasks/multiple_choice)
|
||||
|
||||
## QDQBertConfig
|
||||
|
||||
|
@ -153,10 +153,10 @@ loss = model(input_ids, labels=input_ids)[0]
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Text classification task guide](./tasks/sequence_classification)
|
||||
- [Question answering task guide](./tasks/question_answering)
|
||||
- [Causal language modeling task guide](./tasks/language_modeling)
|
||||
- [Masked language modeling task guide](./tasks/masked_language_modeling)
|
||||
- [Text classification task guide](../tasks/sequence_classification)
|
||||
- [Question answering task guide](../tasks/question_answering)
|
||||
- [Causal language modeling task guide](../tasks/language_modeling)
|
||||
- [Masked language modeling task guide](../tasks/masked_language_modeling)
|
||||
|
||||
## ReformerConfig
|
||||
|
||||
|
@ -38,7 +38,7 @@ A list of official Hugging Face and community (indicated by 🌎) resources to h
|
||||
<PipelineTag pipeline="image-classification"/>
|
||||
|
||||
- [`RegNetForImageClassification`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/pytorch/image-classification) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/image_classification.ipynb).
|
||||
- See also: [Image classification task guide](./tasks/image_classification)
|
||||
- See also: [Image classification task guide](../tasks/image_classification)
|
||||
|
||||
If you're interested in submitting a resource to be included here, please feel free to open a Pull Request and we'll review it! The resource should ideally demonstrate something new instead of duplicating an existing resource.
|
||||
|
||||
|
@ -39,12 +39,12 @@ also similar to the Albert one rather than the BERT one.
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Text classification task guide](./tasks/sequence_classification)
|
||||
- [Token classification task guide](./tasks/token_classification)
|
||||
- [Question answering task guide](./tasks/question_answering)
|
||||
- [Causal language modeling task guide](./tasks/language_modeling)
|
||||
- [Masked language modeling task guide](./tasks/masked_language_modeling)
|
||||
- [Multiple choice task guide](./tasks/multiple_choice)
|
||||
- [Text classification task guide](../tasks/sequence_classification)
|
||||
- [Token classification task guide](../tasks/token_classification)
|
||||
- [Question answering task guide](../tasks/question_answering)
|
||||
- [Causal language modeling task guide](../tasks/language_modeling)
|
||||
- [Masked language modeling task guide](../tasks/masked_language_modeling)
|
||||
- [Multiple choice task guide](../tasks/multiple_choice)
|
||||
|
||||
## RemBertConfig
|
||||
|
||||
|
@ -40,7 +40,7 @@ A list of official Hugging Face and community (indicated by 🌎) resources to h
|
||||
<PipelineTag pipeline="image-classification"/>
|
||||
|
||||
- [`ResNetForImageClassification`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/pytorch/image-classification) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/image_classification.ipynb).
|
||||
- See also: [Image classification task guide](./tasks/image_classification)
|
||||
- See also: [Image classification task guide](../tasks/image_classification)
|
||||
|
||||
If you're interested in submitting a resource to be included here, please feel free to open a Pull Request and we'll review it! The resource should ideally demonstrate something new instead of duplicating an existing resource.
|
||||
|
||||
|
@ -31,12 +31,12 @@ The original code can be found [here](https://github.com/princeton-nlp/DinkyTrai
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Text classification task guide](./tasks/sequence_classification)
|
||||
- [Token classification task guide](./tasks/token_classification)
|
||||
- [Question answering task guide](./tasks/question_answering)
|
||||
- [Causal language modeling task guide](./tasks/language_modeling)
|
||||
- [Masked language modeling task guide](./tasks/masked_language_modeling)
|
||||
- [Multiple choice task guide](./tasks/multiple_choice)
|
||||
- [Text classification task guide](../tasks/sequence_classification)
|
||||
- [Token classification task guide](../tasks/token_classification)
|
||||
- [Question answering task guide](../tasks/question_answering)
|
||||
- [Causal language modeling task guide](../tasks/language_modeling)
|
||||
- [Masked language modeling task guide](../tasks/masked_language_modeling)
|
||||
- [Multiple choice task guide](../tasks/multiple_choice)
|
||||
|
||||
## RobertaPreLayerNormConfig
|
||||
|
||||
|
@ -70,7 +70,7 @@ A list of official Hugging Face and community (indicated by 🌎) resources to h
|
||||
- [`RobertaForSequenceClassification`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/pytorch/text-classification) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/text_classification.ipynb).
|
||||
- [`TFRobertaForSequenceClassification`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/tensorflow/text-classification) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/text_classification-tf.ipynb).
|
||||
- [`FlaxRobertaForSequenceClassification`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/flax/text-classification) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/text_classification_flax.ipynb).
|
||||
- [Text classification task guide](./tasks/sequence_classification)
|
||||
- [Text classification task guide](../tasks/sequence_classification)
|
||||
|
||||
<PipelineTag pipeline="token-classification"/>
|
||||
|
||||
@ -78,7 +78,7 @@ A list of official Hugging Face and community (indicated by 🌎) resources to h
|
||||
- [`TFRobertaForTokenClassification`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/tensorflow/token-classification) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/token_classification-tf.ipynb).
|
||||
- [`FlaxRobertaForTokenClassification`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/flax/token-classification).
|
||||
- [Token classification](https://huggingface.co/course/chapter7/2?fw=pt) chapter of the 🤗 Hugging Face Course.
|
||||
- [Token classification task guide](./tasks/token_classification)
|
||||
- [Token classification task guide](../tasks/token_classification)
|
||||
|
||||
<PipelineTag pipeline="fill-mask"/>
|
||||
|
||||
@ -87,7 +87,7 @@ A list of official Hugging Face and community (indicated by 🌎) resources to h
|
||||
- [`TFRobertaForMaskedLM`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/tensorflow/language-modeling#run_mlmpy) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/language_modeling-tf.ipynb).
|
||||
- [`FlaxRobertaForMaskedLM`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/flax/language-modeling#masked-language-modeling) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/masked_language_modeling_flax.ipynb).
|
||||
- [Masked language modeling](https://huggingface.co/course/chapter7/3?fw=pt) chapter of the 🤗 Hugging Face Course.
|
||||
- [Masked language modeling task guide](./tasks/masked_language_modeling)
|
||||
- [Masked language modeling task guide](../tasks/masked_language_modeling)
|
||||
|
||||
<PipelineTag pipeline="question-answering"/>
|
||||
|
||||
@ -96,12 +96,12 @@ A list of official Hugging Face and community (indicated by 🌎) resources to h
|
||||
- [`TFRobertaForQuestionAnswering`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/tensorflow/question-answering) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/question_answering-tf.ipynb).
|
||||
- [`FlaxRobertaForQuestionAnswering`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/flax/question-answering).
|
||||
- [Question answering](https://huggingface.co/course/chapter7/7?fw=pt) chapter of the 🤗 Hugging Face Course.
|
||||
- [Question answering task guide](./tasks/question_answering)
|
||||
- [Question answering task guide](../tasks/question_answering)
|
||||
|
||||
**Multiple choice**
|
||||
- [`RobertaForMultipleChoice`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/pytorch/multiple-choice) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/multiple_choice.ipynb).
|
||||
- [`TFRobertaForMultipleChoice`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/tensorflow/multiple-choice) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/multiple_choice-tf.ipynb).
|
||||
- [Multiple choice task guide](./tasks/multiple_choice)
|
||||
- [Multiple choice task guide](../tasks/multiple_choice)
|
||||
|
||||
## RobertaConfig
|
||||
|
||||
|
@ -33,12 +33,12 @@ This model was contributed by [weiweishi](https://huggingface.co/weiweishi).
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Text classification task guide](./tasks/sequence_classification)
|
||||
- [Token classification task guide](./tasks/token_classification)
|
||||
- [Question answering task guide](./tasks/question_answering)
|
||||
- [Causal language modeling task guide](./tasks/language_modeling)
|
||||
- [Masked language modeling task guide](./tasks/masked_language_modeling)
|
||||
- [Multiple choice task guide](./tasks/multiple_choice)
|
||||
- [Text classification task guide](../tasks/sequence_classification)
|
||||
- [Token classification task guide](../tasks/token_classification)
|
||||
- [Question answering task guide](../tasks/question_answering)
|
||||
- [Causal language modeling task guide](../tasks/language_modeling)
|
||||
- [Masked language modeling task guide](../tasks/masked_language_modeling)
|
||||
- [Multiple choice task guide](../tasks/multiple_choice)
|
||||
|
||||
## RoCBertConfig
|
||||
|
||||
|
@ -39,12 +39,12 @@ This model was contributed by [junnyu](https://huggingface.co/junnyu). The origi
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Text classification task guide](./tasks/sequence_classification)
|
||||
- [Token classification task guide](./tasks/token_classification)
|
||||
- [Question answering task guide](./tasks/question_answering)
|
||||
- [Causal language modeling task guide](./tasks/language_modeling)
|
||||
- [Masked language modeling task guide](./tasks/masked_language_modeling)
|
||||
- [Multiple choice task guide](./tasks/multiple_choice)
|
||||
- [Text classification task guide](../tasks/sequence_classification)
|
||||
- [Token classification task guide](../tasks/token_classification)
|
||||
- [Question answering task guide](../tasks/question_answering)
|
||||
- [Causal language modeling task guide](../tasks/language_modeling)
|
||||
- [Masked language modeling task guide](../tasks/masked_language_modeling)
|
||||
- [Multiple choice task guide](../tasks/multiple_choice)
|
||||
|
||||
## RoFormerConfig
|
||||
|
||||
|
@ -91,7 +91,7 @@ A list of official Hugging Face and community (indicated by 🌎) resources to h
|
||||
<PipelineTag pipeline="image-classification"/>
|
||||
|
||||
- [`SegformerForImageClassification`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/pytorch/image-classification) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/image_classification.ipynb).
|
||||
- [Image classification task guide](./tasks/image_classification)
|
||||
- [Image classification task guide](../tasks/image_classification)
|
||||
|
||||
Semantic segmentation:
|
||||
|
||||
@ -99,7 +99,7 @@ Semantic segmentation:
|
||||
- A blog on fine-tuning SegFormer on a custom dataset can be found [here](https://huggingface.co/blog/fine-tune-segformer).
|
||||
- More demo notebooks on SegFormer (both inference + fine-tuning on a custom dataset) can be found [here](https://github.com/NielsRogge/Transformers-Tutorials/tree/master/SegFormer).
|
||||
- [`TFSegformerForSemanticSegmentation`] is supported by this [example notebook](https://github.com/huggingface/notebooks/blob/main/examples/semantic_segmentation-tf.ipynb).
|
||||
- [Semantic segmentation task guide](./tasks/semantic_segmentation)
|
||||
- [Semantic segmentation task guide](../tasks/semantic_segmentation)
|
||||
|
||||
If you're interested in submitting a resource to be included here, please feel free to open a Pull Request and we'll review it! The resource should ideally demonstrate something new instead of duplicating an existing resource.
|
||||
|
||||
|
@ -38,8 +38,8 @@ This model was contributed by [anton-l](https://huggingface.co/anton-l).
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Audio classification task guide](./tasks/audio_classification)
|
||||
- [Automatic speech recognition task guide](./tasks/asr)
|
||||
- [Audio classification task guide](../tasks/audio_classification)
|
||||
- [Automatic speech recognition task guide](../tasks/asr)
|
||||
|
||||
## SEWDConfig
|
||||
|
||||
|
@ -38,8 +38,8 @@ This model was contributed by [anton-l](https://huggingface.co/anton-l).
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Audio classification task guide](./tasks/audio_classification)
|
||||
- [Automatic speech recognition task guide](./tasks/asr)
|
||||
- [Audio classification task guide](../tasks/audio_classification)
|
||||
- [Automatic speech recognition task guide](../tasks/asr)
|
||||
|
||||
## SEWConfig
|
||||
|
||||
|
@ -96,7 +96,7 @@ See [model hub](https://huggingface.co/models?filter=speech2text2) to look for S
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Causal language modeling task guide](./tasks/language_modeling)
|
||||
- [Causal language modeling task guide](../tasks/language_modeling)
|
||||
|
||||
## Speech2Text2Config
|
||||
|
||||
|
@ -49,7 +49,7 @@ This model was contributed by [yuvalkirstain](https://huggingface.co/yuvalkirsta
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Question answering task guide](./tasks/question-answering)
|
||||
- [Question answering task guide](../tasks/question-answering)
|
||||
|
||||
## SplinterConfig
|
||||
|
||||
|
@ -48,11 +48,11 @@ This model was contributed by [forresti](https://huggingface.co/forresti).
|
||||
|
||||
## Documentation resources
|
||||
|
||||
- [Text classification task guide](./tasks/sequence_classification)
|
||||
- [Token classification task guide](./tasks/token_classification)
|
||||
- [Question answering task guide](./tasks/question_answering)
|
||||
- [Masked language modeling task guide](./tasks/masked_language_modeling)
|
||||
- [Multiple choice task guide](./tasks/multiple_choice)
|
||||
- [Text classification task guide](../tasks/sequence_classification)
|
||||
- [Token classification task guide](../tasks/token_classification)
|
||||
- [Question answering task guide](../tasks/question_answering)
|
||||
- [Masked language modeling task guide](../tasks/masked_language_modeling)
|
||||
- [Multiple choice task guide](../tasks/multiple_choice)
|
||||
|
||||
## SqueezeBertConfig
|
||||
|
||||
|
@ -52,7 +52,7 @@ A list of official Hugging Face and community (indicated by 🌎) resources to h
|
||||
<PipelineTag pipeline="image-classification"/>
|
||||
|
||||
- [`SwinForImageClassification`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/pytorch/image-classification) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/image_classification.ipynb).
|
||||
- See also: [Image classification task guide](./tasks/image_classification)
|
||||
- See also: [Image classification task guide](../tasks/image_classification)
|
||||
|
||||
Besides that:
|
||||
|
||||
|
@ -33,7 +33,7 @@ A list of official Hugging Face and community (indicated by 🌎) resources to h
|
||||
<PipelineTag pipeline="image-classification"/>
|
||||
|
||||
- [`Swinv2ForImageClassification`] is supported by this [example script](https://github.com/huggingface/transformers/tree/main/examples/pytorch/image-classification) and [notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/examples/image_classification.ipynb).
|
||||
- See also: [Image classification task guide](./tasks/image_classification)
|
||||
- See also: [Image classification task guide](../tasks/image_classification)
|
||||
|
||||
Besides that:
|
||||
|
||||
|
@ -34,8 +34,8 @@ The original code can be found [here](https://github.com/google/flaxformer/tree/
|
||||
|
||||
## Resources
|
||||
|
||||
- [Translation task guide](./tasks/translation)
|
||||
- [Summarization task guide](./tasks/summarization)
|
||||
- [Translation task guide](../tasks/translation)
|
||||
- [Summarization task guide](../tasks/summarization)
|
||||
|
||||
## SwitchTransformersConfig
|
||||
|
||||
|
Some files were not shown because too many files have changed in this diff Show More
Loading…
Reference in New Issue
Block a user