Skip to content

Commit 91973b4

Browse files
HuggingFaceInfraWauplinhanouticelina
authored
[Bot] Update Inference Providers documentation (#1713)
* Update Inference Providers documentation (automated) * Update Inference Providers documentation (automated) * regenerate --------- Co-authored-by: Wauplin <[email protected]> Co-authored-by: Celina Hanouti <[email protected]>
1 parent de7b94e commit 91973b4

18 files changed

+52
-74
lines changed

docs/inference-providers/providers/hf-inference.md

Lines changed: 16 additions & 26 deletions
Original file line numberDiff line numberDiff line change
@@ -75,37 +75,37 @@ Find out more about Feature Extraction [here](../tasks/feature_extraction).
7575

7676
<InferenceSnippet
7777
pipeline=feature-extraction
78-
providersMapping={ {"hf-inference":{"modelId":"intfloat/multilingual-e5-large-instruct","providerModelId":"intfloat/multilingual-e5-large-instruct"} } }
78+
providersMapping={ {"hf-inference":{"modelId":"kyutai/mimi","providerModelId":"kyutai/mimi"} } }
7979
/>
8080

8181

82-
### Image Classification
82+
### Fill Mask
8383

84-
Find out more about Image Classification [here](../tasks/image_classification).
84+
Find out more about Fill Mask [here](../tasks/fill_mask).
8585

8686
<InferenceSnippet
87-
pipeline=image-classification
88-
providersMapping={ {"hf-inference":{"modelId":"Falconsai/nsfw_image_detection","providerModelId":"Falconsai/nsfw_image_detection"} } }
87+
pipeline=fill-mask
88+
providersMapping={ {"hf-inference":{"modelId":"google-bert/bert-base-uncased","providerModelId":"google-bert/bert-base-uncased"} } }
8989
/>
9090

9191

92-
### Object Detection
92+
### Image Classification
9393

94-
Find out more about Object Detection [here](../tasks/object_detection).
94+
Find out more about Image Classification [here](../tasks/image_classification).
9595

9696
<InferenceSnippet
97-
pipeline=object-detection
98-
providersMapping={ {"hf-inference":{"modelId":"facebook/detr-resnet-50","providerModelId":"facebook/detr-resnet-50"} } }
97+
pipeline=image-classification
98+
providersMapping={ {"hf-inference":{"modelId":"google/vit-base-patch16-224","providerModelId":"google/vit-base-patch16-224"} } }
9999
/>
100100

101101

102-
### Question Answering
102+
### Image Segmentation
103103

104-
Find out more about Question Answering [here](../tasks/question_answering).
104+
Find out more about Image Segmentation [here](../tasks/image_segmentation).
105105

106106
<InferenceSnippet
107-
pipeline=question-answering
108-
providersMapping={ {"hf-inference":{"modelId":"deepset/bert-large-uncased-whole-word-masking-squad2","providerModelId":"deepset/bert-large-uncased-whole-word-masking-squad2"} } }
107+
pipeline=image-segmentation
108+
providersMapping={ {"hf-inference":{"modelId":"jonathandinu/face-parsing","providerModelId":"jonathandinu/face-parsing"} } }
109109
/>
110110

111111

@@ -115,7 +115,7 @@ Find out more about Summarization [here](../tasks/summarization).
115115

116116
<InferenceSnippet
117117
pipeline=summarization
118-
providersMapping={ {"hf-inference":{"modelId":"facebook/bart-large-cnn","providerModelId":"facebook/bart-large-cnn"} } }
118+
providersMapping={ {"hf-inference":{"modelId":"pszemraj/led-base-book-summary","providerModelId":"pszemraj/led-base-book-summary"} } }
119119
/>
120120

121121

@@ -125,7 +125,7 @@ Find out more about Text Classification [here](../tasks/text_classification).
125125

126126
<InferenceSnippet
127127
pipeline=text-classification
128-
providersMapping={ {"hf-inference":{"modelId":"j-hartmann/emotion-english-distilroberta-base","providerModelId":"j-hartmann/emotion-english-distilroberta-base"} } }
128+
providersMapping={ {"hf-inference":{"modelId":"NousResearch/Minos-v1","providerModelId":"NousResearch/Minos-v1"} } }
129129
/>
130130

131131

@@ -155,16 +155,6 @@ Find out more about Translation [here](../tasks/translation).
155155

156156
<InferenceSnippet
157157
pipeline=translation
158-
providersMapping={ {"hf-inference":{"modelId":"facebook/nllb-200-distilled-600M","providerModelId":"facebook/nllb-200-distilled-600M"} } }
159-
/>
160-
161-
162-
### Zero Shot Classification
163-
164-
Find out more about Zero Shot Classification [here](../tasks/zero_shot_classification).
165-
166-
<InferenceSnippet
167-
pipeline=zero-shot-classification
168-
providersMapping={ {"hf-inference":{"modelId":"facebook/bart-large-mnli","providerModelId":"facebook/bart-large-mnli"} } }
158+
providersMapping={ {"hf-inference":{"modelId":"google-t5/t5-base","providerModelId":"google-t5/t5-base"} } }
169159
/>
170160

docs/inference-providers/providers/sambanova.md

Lines changed: 0 additions & 10 deletions
Original file line numberDiff line numberDiff line change
@@ -39,16 +39,6 @@ Customers are turning to SambaNova to quickly deploy state-of-the-art AI and dee
3939
## Supported tasks
4040

4141

42-
### Automatic Speech Recognition
43-
44-
Find out more about Automatic Speech Recognition [here](../tasks/automatic_speech_recognition).
45-
46-
<InferenceSnippet
47-
pipeline=automatic-speech-recognition
48-
providersMapping={ {"sambanova":{"modelId":"openai/whisper-large-v3","providerModelId":"Whisper-Large-v3"} } }
49-
/>
50-
51-
5242
### Chat Completion (LLM)
5343

5444
Find out more about Chat Completion (LLM) [here](../tasks/chat-completion).

docs/inference-providers/tasks/automatic-speech-recognition.md

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -38,7 +38,7 @@ Explore all available models and find the one that suits you best [here](https:/
3838

3939
<InferenceSnippet
4040
pipeline=automatic-speech-recognition
41-
providersMapping={ {"fal-ai":{"modelId":"openai/whisper-large-v3","providerModelId":"fal-ai/whisper"},"hf-inference":{"modelId":"openai/whisper-large-v3-turbo","providerModelId":"openai/whisper-large-v3-turbo"},"sambanova":{"modelId":"openai/whisper-large-v3","providerModelId":"Whisper-Large-v3"}} }
41+
providersMapping={ {"fal-ai":{"modelId":"openai/whisper-large-v3","providerModelId":"fal-ai/whisper"},"hf-inference":{"modelId":"openai/whisper-large-v3-turbo","providerModelId":"openai/whisper-large-v3-turbo"}} }
4242
/>
4343

4444

docs/inference-providers/tasks/chat-completion.md

Lines changed: 0 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -22,7 +22,6 @@ This is a subtask of [`text-generation`](https://huggingface.co/docs/inference-p
2222
#### Conversational Large Language Models (LLMs)
2323

2424
- [google/gemma-2-2b-it](https://huggingface.co/google/gemma-2-2b-it): A text-generation model trained to follow instructions.
25-
- [deepseek-ai/DeepSeek-R1-Distill-Qwen-1.5B](https://huggingface.co/deepseek-ai/DeepSeek-R1-Distill-Qwen-1.5B): Smaller variant of one of the most powerful models.
2625
- [meta-llama/Meta-Llama-3.1-8B-Instruct](https://huggingface.co/meta-llama/Meta-Llama-3.1-8B-Instruct): Very powerful text generation model trained to follow instructions.
2726
- [microsoft/phi-4](https://huggingface.co/microsoft/phi-4): Powerful text generation model by Microsoft.
2827
- [Qwen/Qwen2.5-Coder-32B-Instruct](https://huggingface.co/Qwen/Qwen2.5-Coder-32B-Instruct): Text generation model used to write code.

docs/inference-providers/tasks/feature-extraction.md

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -37,7 +37,7 @@ Explore all available models and find the one that suits you best [here](https:/
3737

3838
<InferenceSnippet
3939
pipeline=feature-extraction
40-
providersMapping={ {"hf-inference":{"modelId":"intfloat/multilingual-e5-large-instruct","providerModelId":"intfloat/multilingual-e5-large-instruct"},"sambanova":{"modelId":"intfloat/e5-mistral-7b-instruct","providerModelId":"E5-Mistral-7B-Instruct"}} }
40+
providersMapping={ {"hf-inference":{"modelId":"kyutai/mimi","providerModelId":"kyutai/mimi"},"sambanova":{"modelId":"intfloat/e5-mistral-7b-instruct","providerModelId":"E5-Mistral-7B-Instruct"}} }
4141
/>
4242

4343

docs/inference-providers/tasks/fill-mask.md

Lines changed: 4 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -30,7 +30,10 @@ Explore all available models and find the one that suits you best [here](https:/
3030
### Using the API
3131

3232

33-
No snippet available for this task.
33+
<InferenceSnippet
34+
pipeline=fill-mask
35+
providersMapping={ {"hf-inference":{"modelId":"google-bert/bert-base-uncased","providerModelId":"google-bert/bert-base-uncased"}} }
36+
/>
3437

3538

3639

docs/inference-providers/tasks/image-classification.md

Lines changed: 2 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -24,6 +24,7 @@ For more details about the `image-classification` task, check out its [dedicated
2424

2525
### Recommended models
2626

27+
- [google/vit-base-patch16-224](https://huggingface.co/google/vit-base-patch16-224): A strong image classification model.
2728

2829
Explore all available models and find the one that suits you best [here](https://huggingface.co/models?inference=warm&pipeline_tag=image-classification&sort=trending).
2930

@@ -32,7 +33,7 @@ Explore all available models and find the one that suits you best [here](https:/
3233

3334
<InferenceSnippet
3435
pipeline=image-classification
35-
providersMapping={ {"hf-inference":{"modelId":"Falconsai/nsfw_image_detection","providerModelId":"Falconsai/nsfw_image_detection"}} }
36+
providersMapping={ {"hf-inference":{"modelId":"google/vit-base-patch16-224","providerModelId":"google/vit-base-patch16-224"}} }
3637
/>
3738

3839

docs/inference-providers/tasks/image-segmentation.md

Lines changed: 4 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -30,7 +30,10 @@ Explore all available models and find the one that suits you best [here](https:/
3030
### Using the API
3131

3232

33-
No snippet available for this task.
33+
<InferenceSnippet
34+
pipeline=image-segmentation
35+
providersMapping={ {"hf-inference":{"modelId":"jonathandinu/face-parsing","providerModelId":"jonathandinu/face-parsing"}} }
36+
/>
3437

3538

3639

docs/inference-providers/tasks/object-detection.md

Lines changed: 1 addition & 5 deletions
Original file line numberDiff line numberDiff line change
@@ -24,17 +24,13 @@ For more details about the `object-detection` task, check out its [dedicated pag
2424

2525
### Recommended models
2626

27-
- [facebook/detr-resnet-50](https://huggingface.co/facebook/detr-resnet-50): Solid object detection model pre-trained on the COCO 2017 dataset.
2827

2928
Explore all available models and find the one that suits you best [here](https://huggingface.co/models?inference=warm&pipeline_tag=object-detection&sort=trending).
3029

3130
### Using the API
3231

3332

34-
<InferenceSnippet
35-
pipeline=object-detection
36-
providersMapping={ {"hf-inference":{"modelId":"facebook/detr-resnet-50","providerModelId":"facebook/detr-resnet-50"}} }
37-
/>
33+
No snippet available for this task.
3834

3935

4036

docs/inference-providers/tasks/question-answering.md

Lines changed: 1 addition & 4 deletions
Original file line numberDiff line numberDiff line change
@@ -30,10 +30,7 @@ Explore all available models and find the one that suits you best [here](https:/
3030
### Using the API
3131

3232

33-
<InferenceSnippet
34-
pipeline=question-answering
35-
providersMapping={ {"hf-inference":{"modelId":"deepset/bert-large-uncased-whole-word-masking-squad2","providerModelId":"deepset/bert-large-uncased-whole-word-masking-squad2"}} }
36-
/>
33+
No snippet available for this task.
3734

3835

3936

docs/inference-providers/tasks/summarization.md

Lines changed: 1 addition & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -24,7 +24,6 @@ For more details about the `summarization` task, check out its [dedicated page](
2424

2525
### Recommended models
2626

27-
- [facebook/bart-large-cnn](https://huggingface.co/facebook/bart-large-cnn): A strong summarization model trained on English news articles. Excels at generating factual summaries.
2827

2928
Explore all available models and find the one that suits you best [here](https://huggingface.co/models?inference=warm&pipeline_tag=summarization&sort=trending).
3029

@@ -33,7 +32,7 @@ Explore all available models and find the one that suits you best [here](https:/
3332

3433
<InferenceSnippet
3534
pipeline=summarization
36-
providersMapping={ {"hf-inference":{"modelId":"facebook/bart-large-cnn","providerModelId":"facebook/bart-large-cnn"}} }
35+
providersMapping={ {"hf-inference":{"modelId":"pszemraj/led-base-book-summary","providerModelId":"pszemraj/led-base-book-summary"}} }
3736
/>
3837

3938

docs/inference-providers/tasks/text-classification.md

Lines changed: 4 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -24,6 +24,9 @@ For more details about the `text-classification` task, check out its [dedicated
2424

2525
### Recommended models
2626

27+
- [distilbert/distilbert-base-uncased-finetuned-sst-2-english](https://huggingface.co/distilbert/distilbert-base-uncased-finetuned-sst-2-english): A robust model trained for sentiment analysis.
28+
- [ProsusAI/finbert](https://huggingface.co/ProsusAI/finbert): A sentiment analysis model specialized in financial sentiment.
29+
- [cardiffnlp/twitter-roberta-base-sentiment-latest](https://huggingface.co/cardiffnlp/twitter-roberta-base-sentiment-latest): A sentiment analysis model specialized in analyzing tweets.
2730

2831
Explore all available models and find the one that suits you best [here](https://huggingface.co/models?inference=warm&pipeline_tag=text-classification&sort=trending).
2932

@@ -32,7 +35,7 @@ Explore all available models and find the one that suits you best [here](https:/
3235

3336
<InferenceSnippet
3437
pipeline=text-classification
35-
providersMapping={ {"hf-inference":{"modelId":"j-hartmann/emotion-english-distilroberta-base","providerModelId":"j-hartmann/emotion-english-distilroberta-base"}} }
38+
providersMapping={ {"hf-inference":{"modelId":"NousResearch/Minos-v1","providerModelId":"NousResearch/Minos-v1"}} }
3639
/>
3740

3841

docs/inference-providers/tasks/text-generation.md

Lines changed: 0 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -27,7 +27,6 @@ For more details about the `text-generation` task, check out its [dedicated page
2727
### Recommended models
2828

2929
- [google/gemma-2-2b-it](https://huggingface.co/google/gemma-2-2b-it): A text-generation model trained to follow instructions.
30-
- [deepseek-ai/DeepSeek-R1-Distill-Qwen-1.5B](https://huggingface.co/deepseek-ai/DeepSeek-R1-Distill-Qwen-1.5B): Smaller variant of one of the most powerful models.
3130
- [meta-llama/Meta-Llama-3.1-8B-Instruct](https://huggingface.co/meta-llama/Meta-Llama-3.1-8B-Instruct): Very powerful text generation model trained to follow instructions.
3231
- [microsoft/phi-4](https://huggingface.co/microsoft/phi-4): Powerful text generation model by Microsoft.
3332
- [Qwen/Qwen2.5-Coder-32B-Instruct](https://huggingface.co/Qwen/Qwen2.5-Coder-32B-Instruct): Text generation model used to write code.

docs/inference-providers/tasks/text-to-image.md

Lines changed: 1 addition & 0 deletions
Original file line numberDiff line numberDiff line change
@@ -25,6 +25,7 @@ For more details about the `text-to-image` task, check out its [dedicated page](
2525
### Recommended models
2626

2727
- [black-forest-labs/FLUX.1-dev](https://huggingface.co/black-forest-labs/FLUX.1-dev): One of the most powerful image generation models that can generate realistic outputs.
28+
- [latent-consistency/lcm-lora-sdxl](https://huggingface.co/latent-consistency/lcm-lora-sdxl): A powerful yet fast image generation model.
2829
- [Kwai-Kolors/Kolors](https://huggingface.co/Kwai-Kolors/Kolors): Text-to-image model for photorealistic generation.
2930
- [stabilityai/stable-diffusion-3-medium-diffusers](https://huggingface.co/stabilityai/stable-diffusion-3-medium-diffusers): A powerful text-to-image model.
3031

docs/inference-providers/tasks/translation.md

Lines changed: 2 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -24,6 +24,7 @@ For more details about the `translation` task, check out its [dedicated page](ht
2424

2525
### Recommended models
2626

27+
- [google-t5/t5-base](https://huggingface.co/google-t5/t5-base): A general-purpose Transformer that can be used to translate from English to German, French, or Romanian.
2728

2829
Explore all available models and find the one that suits you best [here](https://huggingface.co/models?inference=warm&pipeline_tag=translation&sort=trending).
2930

@@ -32,7 +33,7 @@ Explore all available models and find the one that suits you best [here](https:/
3233

3334
<InferenceSnippet
3435
pipeline=translation
35-
providersMapping={ {"hf-inference":{"modelId":"facebook/nllb-200-distilled-600M","providerModelId":"facebook/nllb-200-distilled-600M"}} }
36+
providersMapping={ {"hf-inference":{"modelId":"google-t5/t5-base","providerModelId":"google-t5/t5-base"}} }
3637
/>
3738

3839

docs/inference-providers/tasks/zero-shot-classification.md

Lines changed: 1 addition & 5 deletions
Original file line numberDiff line numberDiff line change
@@ -24,17 +24,13 @@ For more details about the `zero-shot-classification` task, check out its [dedic
2424

2525
### Recommended models
2626

27-
- [facebook/bart-large-mnli](https://huggingface.co/facebook/bart-large-mnli): Powerful zero-shot text classification model.
2827

2928
Explore all available models and find the one that suits you best [here](https://huggingface.co/models?inference=warm&pipeline_tag=zero-shot-classification&sort=trending).
3029

3130
### Using the API
3231

3332

34-
<InferenceSnippet
35-
pipeline=zero-shot-classification
36-
providersMapping={ {"hf-inference":{"modelId":"facebook/bart-large-mnli","providerModelId":"facebook/bart-large-mnli"}} }
37-
/>
33+
No snippet available for this task.
3834

3935

4036

scripts/inference-providers/package.json

Lines changed: 2 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -14,8 +14,8 @@
1414
"author": "",
1515
"license": "ISC",
1616
"dependencies": {
17-
"@huggingface/inference": "^3.8.1",
18-
"@huggingface/tasks": "^0.18.9",
17+
"@huggingface/inference": "^3.9.2",
18+
"@huggingface/tasks": "^0.18.11",
1919
"@types/node": "^22.5.0",
2020
"handlebars": "^4.7.8",
2121
"node": "^20.17.0",

scripts/inference-providers/pnpm-lock.yaml

Lines changed: 11 additions & 11 deletions
Some generated files are not rendered by default. Learn more about customizing how changed files appear on GitHub.

0 commit comments

Comments
 (0)