Skip to content

Commit 1e3babb

Browse files
Wauplingithub-actions[bot]
authored andcommitted
Update Inference Providers documentation (automated)
1 parent 3e14618 commit 1e3babb

24 files changed

+56
-118
lines changed

docs/inference-providers/providers/cerebras.md

Lines changed: 10 additions & 0 deletions
Original file line numberDiff line numberDiff line change
@@ -47,3 +47,13 @@ Find out more about Chat Completion (LLM) [here](../tasks/chat-completion).
4747
providersMapping={ {"cerebras":{"modelId":"meta-llama/Llama-3.3-70B-Instruct","providerModelId":"llama-3.3-70b"} } }
4848
conversational />
4949

50+
51+
### Chat Completion (VLM)
52+
53+
Find out more about Chat Completion (VLM) [here](../tasks/chat-completion).
54+
55+
<InferenceSnippet
56+
pipeline=image-text-to-text
57+
providersMapping={ {"cerebras":{"modelId":"meta-llama/Llama-4-Scout-17B-16E-Instruct","providerModelId":"llama-4-scout-17b-16e-instruct"} } }
58+
conversational />
59+

docs/inference-providers/providers/fal-ai.md

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -54,7 +54,7 @@ Find out more about Text To Image [here](../tasks/text_to_image).
5454

5555
<InferenceSnippet
5656
pipeline=text-to-image
57-
providersMapping={ {"fal-ai":{"modelId":"black-forest-labs/FLUX.1-dev","providerModelId":"fal-ai/flux/dev"} } }
57+
providersMapping={ {"fal-ai":{"modelId":"HiDream-ai/HiDream-I1-Full","providerModelId":"fal-ai/hidream-i1-full"} } }
5858
/>
5959

6060

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

Lines changed: 10 additions & 40 deletions
Original file line numberDiff line numberDiff line change
@@ -39,16 +39,6 @@ If you are interested in deploying models to a dedicated and autoscaling infrast
3939
## Supported tasks
4040

4141

42-
### Audio Classification
43-
44-
Find out more about Audio Classification [here](../tasks/audio_classification).
45-
46-
<InferenceSnippet
47-
pipeline=audio-classification
48-
providersMapping={ {"hf-inference":{"modelId":"ehcalabres/wav2vec2-lg-xlsr-en-speech-emotion-recognition","providerModelId":"ehcalabres/wav2vec2-lg-xlsr-en-speech-emotion-recognition"} } }
49-
/>
50-
51-
5242
### Automatic Speech Recognition
5343

5444
Find out more about Automatic Speech Recognition [here](../tasks/automatic_speech_recognition).
@@ -75,7 +65,7 @@ Find out more about Chat Completion (VLM) [here](../tasks/chat-completion).
7565

7666
<InferenceSnippet
7767
pipeline=image-text-to-text
78-
providersMapping={ {"hf-inference":{"modelId":"google/gemma-3-27b-it","providerModelId":"google/gemma-3-27b-it"} } }
68+
providersMapping={ {"hf-inference":{"modelId":"meta-llama/Llama-3.2-11B-Vision-Instruct","providerModelId":"meta-llama/Llama-3.2-11B-Vision-Instruct"} } }
7969
conversational />
8070

8171

@@ -85,17 +75,7 @@ Find out more about Feature Extraction [here](../tasks/feature_extraction).
8575

8676
<InferenceSnippet
8777
pipeline=feature-extraction
88-
providersMapping={ {"hf-inference":{"modelId":"intfloat/multilingual-e5-large-instruct","providerModelId":"intfloat/multilingual-e5-large-instruct"} } }
89-
/>
90-
91-
92-
### Fill Mask
93-
94-
Find out more about Fill Mask [here](../tasks/fill_mask).
95-
96-
<InferenceSnippet
97-
pipeline=fill-mask
98-
providersMapping={ {"hf-inference":{"modelId":"google-bert/bert-base-uncased","providerModelId":"google-bert/bert-base-uncased"} } }
78+
providersMapping={ {"hf-inference":{"modelId":"mixedbread-ai/mxbai-embed-large-v1","providerModelId":"mixedbread-ai/mxbai-embed-large-v1"} } }
9979
/>
10080

10181

@@ -109,13 +89,13 @@ Find out more about Image Classification [here](../tasks/image_classification).
10989
/>
11090

11191

112-
### Image To Image
92+
### Image Segmentation
11393

114-
Find out more about Image To Image [here](../tasks/image_to_image).
94+
Find out more about Image Segmentation [here](../tasks/image_segmentation).
11595

11696
<InferenceSnippet
117-
pipeline=image-to-image
118-
providersMapping={ {"hf-inference":{"modelId":"enhanceaiteam/Flux-Uncensored-V2","providerModelId":"black-forest-labs/FLUX.1-dev"} } }
97+
pipeline=image-segmentation
98+
providersMapping={ {"hf-inference":{"modelId":"jonathandinu/face-parsing","providerModelId":"jonathandinu/face-parsing"} } }
11999
/>
120100

121101

@@ -125,7 +105,7 @@ Find out more about Object Detection [here](../tasks/object_detection).
125105

126106
<InferenceSnippet
127107
pipeline=object-detection
128-
providersMapping={ {"hf-inference":{"modelId":"facebook/detr-resnet-50","providerModelId":"facebook/detr-resnet-50"} } }
108+
providersMapping={ {"hf-inference":{"modelId":"Matthieu68857/pokemon-cards-detection","providerModelId":"Matthieu68857/pokemon-cards-detection"} } }
129109
/>
130110

131111

@@ -135,7 +115,7 @@ Find out more about Question Answering [here](../tasks/question_answering).
135115

136116
<InferenceSnippet
137117
pipeline=question-answering
138-
providersMapping={ {"hf-inference":{"modelId":"deepset/gelectra-large-germanquad","providerModelId":"deepset/gelectra-large-germanquad"} } }
118+
providersMapping={ {"hf-inference":{"modelId":"google-bert/bert-large-uncased-whole-word-masking-finetuned-squad","providerModelId":"google-bert/bert-large-uncased-whole-word-masking-finetuned-squad"} } }
139119
/>
140120

141121

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

156136
<InferenceSnippet
157137
pipeline=text-classification
158-
providersMapping={ {"hf-inference":{"modelId":"ProsusAI/finbert","providerModelId":"ProsusAI/finbert"} } }
138+
providersMapping={ {"hf-inference":{"modelId":"distilbert/distilbert-base-uncased-finetuned-sst-2-english","providerModelId":"distilbert/distilbert-base-uncased-finetuned-sst-2-english"} } }
159139
/>
160140

161141

@@ -179,23 +159,13 @@ Find out more about Text To Image [here](../tasks/text_to_image).
179159
/>
180160

181161

182-
### Text To Video
183-
184-
Find out more about Text To Video [here](../tasks/text_to_video).
185-
186-
<InferenceSnippet
187-
pipeline=text-to-video
188-
providersMapping={ {"hf-inference":{"modelId":"AdamLucek/Wan2.1-T2V-14B-OldBookIllustrations","providerModelId":"black-forest-labs/FLUX.1-dev"} } }
189-
/>
190-
191-
192162
### Token Classification
193163

194164
Find out more about Token Classification [here](../tasks/token_classification).
195165

196166
<InferenceSnippet
197167
pipeline=token-classification
198-
providersMapping={ {"hf-inference":{"modelId":"dbmdz/bert-large-cased-finetuned-conll03-english","providerModelId":"dbmdz/bert-large-cased-finetuned-conll03-english"} } }
168+
providersMapping={ {"hf-inference":{"modelId":"dslim/bert-base-NER","providerModelId":"dslim/bert-base-NER"} } }
199169
/>
200170

201171

docs/inference-providers/providers/nebius.md

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -54,7 +54,7 @@ Find out more about Chat Completion (VLM) [here](../tasks/chat-completion).
5454

5555
<InferenceSnippet
5656
pipeline=image-text-to-text
57-
providersMapping={ {"nebius":{"modelId":"google/gemma-3-27b-it","providerModelId":"google/gemma-3-27b-it-fast"} } }
57+
providersMapping={ {"nebius":{"modelId":"mistralai/Mistral-Small-3.1-24B-Instruct-2503","providerModelId":"mistralai/Mistral-Small-3.1-24B-Instruct-2503"} } }
5858
conversational />
5959

6060

docs/inference-providers/providers/novita.md

Lines changed: 3 additions & 11 deletions
Original file line numberDiff line numberDiff line change
@@ -33,7 +33,9 @@ For more details, check out the `generate.ts` script: https://github.com/hugging
3333
</a>
3434
</div>
3535

36-
​Novita AI is a comprehensive AI cloud platform that provides developers and businesses with access to over 200 APIs for tasks such as image generation, video processing, audio synthesis, and large language models.
36+
[Novita](https://novita.ai) is the go-to inference platform for AI developers seeking a low-cost, reliable, and simple solution for shipping AI models.
37+
38+
Offering 200+ APIs (LLMs, image, video, audio) with fully managed deployment — enterprise-grade, scalable, and maintenance-free.
3739

3840
## Supported tasks
3941

@@ -57,13 +59,3 @@ Find out more about Chat Completion (VLM) [here](../tasks/chat-completion).
5759
providersMapping={ {"novita":{"modelId":"meta-llama/Llama-4-Scout-17B-16E-Instruct","providerModelId":"meta-llama/llama-4-scout-17b-16e-instruct"} } }
5860
conversational />
5961

60-
61-
### Text To Video
62-
63-
Find out more about Text To Video [here](../tasks/text_to_video).
64-
65-
<InferenceSnippet
66-
pipeline=text-to-video
67-
providersMapping={ {"novita":{"modelId":"Wan-AI/Wan2.1-T2V-14B","providerModelId":"wan-t2v"} } }
68-
/>
69-

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

Lines changed: 1 addition & 7 deletions
Original file line numberDiff line numberDiff line change
@@ -29,19 +29,13 @@ For more details about the `audio-classification` task, check out its [dedicated
2929

3030
### Recommended models
3131

32-
- [speechbrain/google_speech_command_xvector](https://huggingface.co/speechbrain/google_speech_command_xvector): An easy-to-use model for command recognition.
33-
- [ehcalabres/wav2vec2-lg-xlsr-en-speech-emotion-recognition](https://huggingface.co/ehcalabres/wav2vec2-lg-xlsr-en-speech-emotion-recognition): An emotion recognition model.
34-
- [facebook/mms-lid-126](https://huggingface.co/facebook/mms-lid-126): A language identification model.
3532

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

3835
### Using the API
3936

4037

41-
<InferenceSnippet
42-
pipeline=audio-classification
43-
providersMapping={ {"hf-inference":{"modelId":"ehcalabres/wav2vec2-lg-xlsr-en-speech-emotion-recognition","providerModelId":"ehcalabres/wav2vec2-lg-xlsr-en-speech-emotion-recognition"}} }
44-
/>
38+
No snippet available for this task.
4539

4640

4741

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

Lines changed: 0 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -30,7 +30,6 @@ For more details about the `automatic-speech-recognition` task, check out its [d
3030
### Recommended models
3131

3232
- [openai/whisper-large-v3](https://huggingface.co/openai/whisper-large-v3): A powerful ASR model by OpenAI.
33-
- [facebook/seamless-m4t-v2-large](https://huggingface.co/facebook/seamless-m4t-v2-large): An end-to-end model that performs ASR and Speech Translation by MetaAI.
3433

3534
Explore all available models and find the one that suits you best [here](https://huggingface.co/models?inference=warm&pipeline_tag=automatic-speech-recognition&sort=trending).
3635

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

Lines changed: 1 addition & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -29,7 +29,6 @@ For more details about the `feature-extraction` task, check out its [dedicated p
2929

3030
### Recommended models
3131

32-
- [thenlper/gte-large](https://huggingface.co/thenlper/gte-large): A powerful feature extraction model for natural language processing tasks.
3332

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

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

3938
<InferenceSnippet
4039
pipeline=feature-extraction
41-
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":"mixedbread-ai/mxbai-embed-large-v1","providerModelId":"mixedbread-ai/mxbai-embed-large-v1"},"sambanova":{"modelId":"intfloat/e5-mistral-7b-instruct","providerModelId":"E5-Mistral-7B-Instruct"}} }
4241
/>
4342

4443

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

Lines changed: 1 addition & 5 deletions
Original file line numberDiff line numberDiff line change
@@ -24,17 +24,13 @@ For more details about the `fill-mask` task, check out its [dedicated page](http
2424

2525
### Recommended models
2626

27-
- [FacebookAI/xlm-roberta-base](https://huggingface.co/FacebookAI/xlm-roberta-base): A multilingual model trained on 100 languages.
2827

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

3130
### Using the API
3231

3332

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

3935

4036

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

Lines changed: 0 additions & 3 deletions
Original file line numberDiff line numberDiff line change
@@ -24,9 +24,6 @@ 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.
28-
- [facebook/deit-base-distilled-patch16-224](https://huggingface.co/facebook/deit-base-distilled-patch16-224): A robust image classification model.
29-
- [facebook/convnext-large-224](https://huggingface.co/facebook/convnext-large-224): A strong image classification model.
3027

3128
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).
3229

0 commit comments

Comments
 (0)