Skip to content
Merged
Show file tree
Hide file tree
Changes from all commits
Commits
File filter

Filter by extension

Filter by extension

Conversations
Failed to load comments.
Loading
Jump to
Jump to file
Failed to load files.
Loading
Diff view
Diff view
2 changes: 1 addition & 1 deletion docs/inference-providers/providers/fireworks-ai.md
Original file line number Diff line number Diff line change
Expand Up @@ -49,7 +49,7 @@ Find out more about Chat Completion (LLM) [here](../tasks/chat-completion).

<InferenceSnippet
pipeline=text-generation
providersMapping={ {"fireworks-ai":{"modelId":"openai/gpt-oss-120b","providerModelId":"accounts/fireworks/models/gpt-oss-120b"} } }
providersMapping={ {"fireworks-ai":{"modelId":"openai/gpt-oss-20b","providerModelId":"accounts/fireworks/models/gpt-oss-20b"} } }
conversational />


Expand Down
2 changes: 1 addition & 1 deletion docs/inference-providers/providers/groq.md
Original file line number Diff line number Diff line change
Expand Up @@ -60,7 +60,7 @@ Find out more about Chat Completion (LLM) [here](../tasks/chat-completion).

<InferenceSnippet
pipeline=text-generation
providersMapping={ {"groq":{"modelId":"openai/gpt-oss-120b","providerModelId":"openai/gpt-oss-120b"} } }
providersMapping={ {"groq":{"modelId":"openai/gpt-oss-20b","providerModelId":"openai/gpt-oss-20b"} } }
conversational />


Expand Down
32 changes: 26 additions & 6 deletions docs/inference-providers/providers/hf-inference.md
Original file line number Diff line number Diff line change
Expand Up @@ -57,6 +57,16 @@ Find out more about Automatic Speech Recognition [here](../tasks/automatic_speec
/>


### Chat Completion (LLM)

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

<InferenceSnippet
pipeline=text-generation
providersMapping={ {"hf-inference":{"modelId":"HuggingFaceTB/SmolLM3-3B","providerModelId":"HuggingFaceTB/SmolLM3-3B"} } }
conversational />


### Feature Extraction

Find out more about Feature Extraction [here](../tasks/feature_extraction).
Expand All @@ -83,7 +93,7 @@ Find out more about Image Classification [here](../tasks/image_classification).

<InferenceSnippet
pipeline=image-classification
providersMapping={ {"hf-inference":{"modelId":"dima806/fairface_age_image_detection","providerModelId":"dima806/fairface_age_image_detection"} } }
providersMapping={ {"hf-inference":{"modelId":"Falconsai/nsfw_image_detection","providerModelId":"Falconsai/nsfw_image_detection"} } }
/>


Expand All @@ -93,7 +103,7 @@ Find out more about Image Segmentation [here](../tasks/image_segmentation).

<InferenceSnippet
pipeline=image-segmentation
providersMapping={ {"hf-inference":{"modelId":"facebook/mask2former-swin-small-ade-semantic","providerModelId":"facebook/mask2former-swin-small-ade-semantic"} } }
providersMapping={ {"hf-inference":{"modelId":"mattmdjaga/segformer_b2_clothes","providerModelId":"mattmdjaga/segformer_b2_clothes"} } }
/>


Expand Down Expand Up @@ -143,7 +153,17 @@ Find out more about Text Classification [here](../tasks/text_classification).

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


### Text Generation

Find out more about Text Generation [here](../tasks/text_generation).

<InferenceSnippet
pipeline=text-generation
providersMapping={ {"hf-inference":{"modelId":"HuggingFaceTB/SmolLM3-3B","providerModelId":"HuggingFaceTB/SmolLM3-3B"} } }
/>


Expand All @@ -163,7 +183,7 @@ Find out more about Token Classification [here](../tasks/token_classification).

<InferenceSnippet
pipeline=token-classification
providersMapping={ {"hf-inference":{"modelId":"microsoft/llmlingua-2-bert-base-multilingual-cased-meetingbank","providerModelId":"microsoft/llmlingua-2-bert-base-multilingual-cased-meetingbank"} } }
providersMapping={ {"hf-inference":{"modelId":"iiiorg/piiranha-v1-detect-personal-information","providerModelId":"iiiorg/piiranha-v1-detect-personal-information"} } }
/>


Expand All @@ -173,7 +193,7 @@ Find out more about Translation [here](../tasks/translation).

<InferenceSnippet
pipeline=translation
providersMapping={ {"hf-inference":{"modelId":"google-t5/t5-base","providerModelId":"google-t5/t5-base"} } }
providersMapping={ {"hf-inference":{"modelId":"google-t5/t5-small","providerModelId":"google-t5/t5-small"} } }
/>


Expand All @@ -183,6 +203,6 @@ Find out more about Zero Shot Classification [here](../tasks/zero_shot_classific

<InferenceSnippet
pipeline=zero-shot-classification
providersMapping={ {"hf-inference":{"modelId":"joeddav/xlm-roberta-large-xnli","providerModelId":"joeddav/xlm-roberta-large-xnli"} } }
providersMapping={ {"hf-inference":{"modelId":"facebook/bart-large-mnli","providerModelId":"facebook/bart-large-mnli"} } }
/>

2 changes: 1 addition & 1 deletion docs/inference-providers/providers/hyperbolic.md
Original file line number Diff line number Diff line change
Expand Up @@ -88,7 +88,7 @@ Find out more about Chat Completion (LLM) [here](../tasks/chat-completion).

<InferenceSnippet
pipeline=text-generation
providersMapping={ {"hyperbolic":{"modelId":"openai/gpt-oss-120b","providerModelId":"openai/gpt-oss-120b"} } }
providersMapping={ {"hyperbolic":{"modelId":"openai/gpt-oss-20b","providerModelId":"openai/gpt-oss-20b"} } }
conversational />


Expand Down
2 changes: 1 addition & 1 deletion docs/inference-providers/providers/novita.md
Original file line number Diff line number Diff line change
Expand Up @@ -52,7 +52,7 @@ Find out more about Chat Completion (LLM) [here](../tasks/chat-completion).

<InferenceSnippet
pipeline=text-generation
providersMapping={ {"novita":{"modelId":"openai/gpt-oss-120b","providerModelId":"openai/gpt-oss-120b"} } }
providersMapping={ {"novita":{"modelId":"openai/gpt-oss-20b","providerModelId":"openai/gpt-oss-20b"} } }
conversational />


Expand Down
2 changes: 1 addition & 1 deletion docs/inference-providers/providers/nscale.md
Original file line number Diff line number Diff line change
Expand Up @@ -52,7 +52,7 @@ Find out more about Chat Completion (LLM) [here](../tasks/chat-completion).

<InferenceSnippet
pipeline=text-generation
providersMapping={ {"nscale":{"modelId":"openai/gpt-oss-120b","providerModelId":"openai/gpt-oss-120b"} } }
providersMapping={ {"nscale":{"modelId":"openai/gpt-oss-20b","providerModelId":"openai/gpt-oss-20b"} } }
conversational />


Expand Down
2 changes: 1 addition & 1 deletion docs/inference-providers/providers/replicate.md
Original file line number Diff line number Diff line change
Expand Up @@ -70,6 +70,6 @@ Find out more about Text To Video [here](../tasks/text_to_video).

<InferenceSnippet
pipeline=text-to-video
providersMapping={ {"replicate":{"modelId":"Wan-AI/Wan2.2-T2V-A14B","providerModelId":"wan-video/wan-2.2-t2v-fast"} } }
providersMapping={ {"replicate":{"modelId":"Wan-AI/Wan2.2-TI2V-5B","providerModelId":"wan-video/wan-2.2-5b-fast"} } }
/>

2 changes: 1 addition & 1 deletion docs/inference-providers/tasks/chat-completion.md
Original file line number Diff line number Diff line change
Expand Up @@ -64,7 +64,7 @@ The API supports:

<InferenceSnippet
pipeline=text-generation
providersMapping={ {"cerebras":{"modelId":"openai/gpt-oss-120b","providerModelId":"gpt-oss-120b"},"cohere":{"modelId":"CohereLabs/command-a-reasoning-08-2025","providerModelId":"command-a-reasoning-08-2025"},"featherless-ai":{"modelId":"meta-llama/Llama-3.1-8B-Instruct","providerModelId":"meta-llama/Meta-Llama-3.1-8B-Instruct"},"fireworks-ai":{"modelId":"openai/gpt-oss-120b","providerModelId":"accounts/fireworks/models/gpt-oss-120b"},"groq":{"modelId":"openai/gpt-oss-120b","providerModelId":"openai/gpt-oss-120b"},"hyperbolic":{"modelId":"openai/gpt-oss-120b","providerModelId":"openai/gpt-oss-120b"},"nebius":{"modelId":"openai/gpt-oss-20b","providerModelId":"openai/gpt-oss-20b"},"novita":{"modelId":"openai/gpt-oss-120b","providerModelId":"openai/gpt-oss-120b"},"nscale":{"modelId":"openai/gpt-oss-120b","providerModelId":"openai/gpt-oss-120b"},"sambanova":{"modelId":"meta-llama/Llama-3.1-8B-Instruct","providerModelId":"Meta-Llama-3.1-8B-Instruct"},"together":{"modelId":"openai/gpt-oss-20b","providerModelId":"OpenAI/gpt-oss-20B"}} }
providersMapping={ {"cerebras":{"modelId":"openai/gpt-oss-120b","providerModelId":"gpt-oss-120b"},"cohere":{"modelId":"CohereLabs/command-a-reasoning-08-2025","providerModelId":"command-a-reasoning-08-2025"},"featherless-ai":{"modelId":"meta-llama/Llama-3.1-8B-Instruct","providerModelId":"meta-llama/Meta-Llama-3.1-8B-Instruct"},"fireworks-ai":{"modelId":"openai/gpt-oss-20b","providerModelId":"accounts/fireworks/models/gpt-oss-20b"},"groq":{"modelId":"openai/gpt-oss-20b","providerModelId":"openai/gpt-oss-20b"},"hf-inference":{"modelId":"HuggingFaceTB/SmolLM3-3B","providerModelId":"HuggingFaceTB/SmolLM3-3B"},"hyperbolic":{"modelId":"openai/gpt-oss-20b","providerModelId":"openai/gpt-oss-20b"},"nebius":{"modelId":"openai/gpt-oss-20b","providerModelId":"openai/gpt-oss-20b"},"novita":{"modelId":"openai/gpt-oss-20b","providerModelId":"openai/gpt-oss-20b"},"nscale":{"modelId":"openai/gpt-oss-20b","providerModelId":"openai/gpt-oss-20b"},"sambanova":{"modelId":"meta-llama/Llama-3.1-8B-Instruct","providerModelId":"Meta-Llama-3.1-8B-Instruct"},"together":{"modelId":"openai/gpt-oss-20b","providerModelId":"OpenAI/gpt-oss-20B"}} }
conversational />


Expand Down
1 change: 1 addition & 0 deletions docs/inference-providers/tasks/fill-mask.md
Original file line number Diff line number Diff line change
Expand Up @@ -24,6 +24,7 @@ For more details about the `fill-mask` task, check out its [dedicated page](http

### Recommended models

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

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

Expand Down
3 changes: 2 additions & 1 deletion docs/inference-providers/tasks/image-classification.md
Original file line number Diff line number Diff line change
Expand Up @@ -24,6 +24,7 @@ For more details about the `image-classification` task, check out its [dedicated

### Recommended models

- [google/vit-base-patch16-224](https://huggingface.co/google/vit-base-patch16-224): A strong image classification model.
- [facebook/deit-base-distilled-patch16-224](https://huggingface.co/facebook/deit-base-distilled-patch16-224): A robust image classification model.
- [facebook/convnext-large-224](https://huggingface.co/facebook/convnext-large-224): A strong image classification model.

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

<InferenceSnippet
pipeline=image-classification
providersMapping={ {"hf-inference":{"modelId":"dima806/fairface_age_image_detection","providerModelId":"dima806/fairface_age_image_detection"}} }
providersMapping={ {"hf-inference":{"modelId":"Falconsai/nsfw_image_detection","providerModelId":"Falconsai/nsfw_image_detection"}} }
/>


Expand Down
3 changes: 2 additions & 1 deletion docs/inference-providers/tasks/image-segmentation.md
Original file line number Diff line number Diff line change
Expand Up @@ -24,6 +24,7 @@ For more details about the `image-segmentation` task, check out its [dedicated p

### Recommended models

- [facebook/mask2former-swin-large-coco-panoptic](https://huggingface.co/facebook/mask2former-swin-large-coco-panoptic): Panoptic segmentation model trained on the COCO (common objects) dataset.

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

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

<InferenceSnippet
pipeline=image-segmentation
providersMapping={ {"hf-inference":{"modelId":"facebook/mask2former-swin-small-ade-semantic","providerModelId":"facebook/mask2former-swin-small-ade-semantic"}} }
providersMapping={ {"hf-inference":{"modelId":"mattmdjaga/segformer_b2_clothes","providerModelId":"mattmdjaga/segformer_b2_clothes"}} }
/>


Expand Down
1 change: 1 addition & 0 deletions docs/inference-providers/tasks/question-answering.md
Original file line number Diff line number Diff line change
Expand Up @@ -25,6 +25,7 @@ For more details about the `question-answering` task, check out its [dedicated p
### Recommended models

- [deepset/roberta-base-squad2](https://huggingface.co/deepset/roberta-base-squad2): A robust baseline model for most question answering domains.
- [distilbert/distilbert-base-cased-distilled-squad](https://huggingface.co/distilbert/distilbert-base-cased-distilled-squad): Small yet robust model that can answer questions.
- [google/tapas-base-finetuned-wtq](https://huggingface.co/google/tapas-base-finetuned-wtq): A special model that can answer questions from tables.

Explore all available models and find the one that suits you best [here](https://huggingface.co/models?inference=warm&pipeline_tag=question-answering&sort=trending).
Expand Down
1 change: 1 addition & 0 deletions docs/inference-providers/tasks/summarization.md
Original file line number Diff line number Diff line change
Expand Up @@ -25,6 +25,7 @@ For more details about the `summarization` task, check out its [dedicated page](
### Recommended models

- [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.
- [Falconsai/medical_summarization](https://huggingface.co/Falconsai/medical_summarization): A summarization model trained on medical articles.

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

Expand Down
3 changes: 2 additions & 1 deletion docs/inference-providers/tasks/text-classification.md
Original file line number Diff line number Diff line change
Expand Up @@ -25,6 +25,7 @@ For more details about the `text-classification` task, check out its [dedicated
### Recommended models

- [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.
- [ProsusAI/finbert](https://huggingface.co/ProsusAI/finbert): A sentiment analysis model specialized in financial sentiment.

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

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

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


Expand Down
2 changes: 1 addition & 1 deletion docs/inference-providers/tasks/text-generation.md
Original file line number Diff line number Diff line change
Expand Up @@ -42,7 +42,7 @@ Explore all available models and find the one that suits you best [here](https:/

<InferenceSnippet
pipeline=text-generation
providersMapping={ {"featherless-ai":{"modelId":"meta-llama/Llama-3.1-8B-Instruct","providerModelId":"meta-llama/Meta-Llama-3.1-8B-Instruct"},"nebius":{"modelId":"openai/gpt-oss-20b","providerModelId":"openai/gpt-oss-20b"},"together":{"modelId":"openai/gpt-oss-20b","providerModelId":"OpenAI/gpt-oss-20B"}} }
providersMapping={ {"featherless-ai":{"modelId":"meta-llama/Llama-3.1-8B-Instruct","providerModelId":"meta-llama/Meta-Llama-3.1-8B-Instruct"},"hf-inference":{"modelId":"HuggingFaceTB/SmolLM3-3B","providerModelId":"HuggingFaceTB/SmolLM3-3B"},"nebius":{"modelId":"openai/gpt-oss-20b","providerModelId":"openai/gpt-oss-20b"},"together":{"modelId":"openai/gpt-oss-20b","providerModelId":"OpenAI/gpt-oss-20B"}} }
/>


Expand Down
2 changes: 1 addition & 1 deletion docs/inference-providers/tasks/text-to-video.md
Original file line number Diff line number Diff line change
Expand Up @@ -35,7 +35,7 @@ Explore all available models and find the one that suits you best [here](https:/

<InferenceSnippet
pipeline=text-to-video
providersMapping={ {"fal-ai":{"modelId":"Wan-AI/Wan2.2-T2V-A14B","providerModelId":"fal-ai/wan/v2.2-a14b/text-to-video"},"novita":{"modelId":"Wan-AI/Wan2.1-T2V-14B","providerModelId":"wan-t2v"},"replicate":{"modelId":"Wan-AI/Wan2.2-T2V-A14B","providerModelId":"wan-video/wan-2.2-t2v-fast"}} }
providersMapping={ {"fal-ai":{"modelId":"Wan-AI/Wan2.2-T2V-A14B","providerModelId":"fal-ai/wan/v2.2-a14b/text-to-video"},"novita":{"modelId":"Wan-AI/Wan2.1-T2V-14B","providerModelId":"wan-t2v"},"replicate":{"modelId":"Wan-AI/Wan2.2-TI2V-5B","providerModelId":"wan-video/wan-2.2-5b-fast"}} }
/>


Expand Down
5 changes: 4 additions & 1 deletion docs/inference-providers/tasks/token-classification.md
Original file line number Diff line number Diff line change
Expand Up @@ -24,6 +24,9 @@ For more details about the `token-classification` task, check out its [dedicated

### Recommended models

- [dslim/bert-base-NER](https://huggingface.co/dslim/bert-base-NER): A robust performance model to identify people, locations, organizations and names of miscellaneous entities.
- [FacebookAI/xlm-roberta-large-finetuned-conll03-english](https://huggingface.co/FacebookAI/xlm-roberta-large-finetuned-conll03-english): A strong model to identify people, locations, organizations and names in multiple languages.
- [blaze999/Medical-NER](https://huggingface.co/blaze999/Medical-NER): A token classification model specialized on medical entity recognition.

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

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

<InferenceSnippet
pipeline=token-classification
providersMapping={ {"hf-inference":{"modelId":"microsoft/llmlingua-2-bert-base-multilingual-cased-meetingbank","providerModelId":"microsoft/llmlingua-2-bert-base-multilingual-cased-meetingbank"}} }
providersMapping={ {"hf-inference":{"modelId":"iiiorg/piiranha-v1-detect-personal-information","providerModelId":"iiiorg/piiranha-v1-detect-personal-information"}} }
/>


Expand Down
2 changes: 1 addition & 1 deletion docs/inference-providers/tasks/translation.md
Original file line number Diff line number Diff line change
Expand Up @@ -33,7 +33,7 @@ Explore all available models and find the one that suits you best [here](https:/

<InferenceSnippet
pipeline=translation
providersMapping={ {"hf-inference":{"modelId":"google-t5/t5-base","providerModelId":"google-t5/t5-base"}} }
providersMapping={ {"hf-inference":{"modelId":"google-t5/t5-small","providerModelId":"google-t5/t5-small"}} }
/>


Expand Down
3 changes: 2 additions & 1 deletion docs/inference-providers/tasks/zero-shot-classification.md
Original file line number Diff line number Diff line change
Expand Up @@ -24,6 +24,7 @@ For more details about the `zero-shot-classification` task, check out its [dedic

### Recommended models

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

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

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

<InferenceSnippet
pipeline=zero-shot-classification
providersMapping={ {"hf-inference":{"modelId":"joeddav/xlm-roberta-large-xnli","providerModelId":"joeddav/xlm-roberta-large-xnli"}} }
providersMapping={ {"hf-inference":{"modelId":"facebook/bart-large-mnli","providerModelId":"facebook/bart-large-mnli"}} }
/>


Expand Down