From afbbab074b7ae426e59db10ee47acbecfe6ae59c Mon Sep 17 00:00:00 2001
From: Wauplin <11801849+Wauplin@users.noreply.github.com>
Date: Tue, 22 Apr 2025 03:21:50 +0000
Subject: [PATCH 1/2] Update Inference Providers documentation (automated)
---
.../inference-providers/providers/cerebras.md | 10 +++
docs/inference-providers/providers/fal-ai.md | 2 +-
.../providers/hf-inference.md | 66 +++----------------
docs/inference-providers/providers/novita.md | 14 +---
.../providers/sambanova.md | 10 +++
.../tasks/audio-classification.md | 8 +--
.../tasks/automatic-speech-recognition.md | 3 +-
.../tasks/chat-completion.md | 8 +--
.../tasks/feature-extraction.md | 3 +-
docs/inference-providers/tasks/fill-mask.md | 6 +-
.../tasks/image-classification.md | 3 -
.../tasks/image-segmentation.md | 7 +-
.../tasks/image-to-image.md | 5 +-
.../tasks/question-answering.md | 8 +--
.../tasks/summarization.md | 1 -
.../tasks/table-question-answering.md | 2 -
.../tasks/text-classification.md | 6 +-
.../tasks/text-generation.md | 1 -
.../tasks/text-to-image.md | 2 +-
.../tasks/text-to-video.md | 2 +-
.../tasks/token-classification.md | 9 +--
docs/inference-providers/tasks/translation.md | 4 +-
scripts/inference-providers/package.json | 4 +-
scripts/inference-providers/pnpm-lock.yaml | 30 ++++-----
24 files changed, 68 insertions(+), 146 deletions(-)
diff --git a/docs/inference-providers/providers/cerebras.md b/docs/inference-providers/providers/cerebras.md
index 66f589ca4..43b736c69 100644
--- a/docs/inference-providers/providers/cerebras.md
+++ b/docs/inference-providers/providers/cerebras.md
@@ -47,3 +47,13 @@ Find out more about Chat Completion (LLM) [here](../tasks/chat-completion).
providersMapping={ {"cerebras":{"modelId":"meta-llama/Llama-3.3-70B-Instruct","providerModelId":"llama-3.3-70b"} } }
conversational />
+
+### Chat Completion (VLM)
+
+Find out more about Chat Completion (VLM) [here](../tasks/chat-completion).
+
+
+
diff --git a/docs/inference-providers/providers/fal-ai.md b/docs/inference-providers/providers/fal-ai.md
index 3d083063a..279dd74a5 100644
--- a/docs/inference-providers/providers/fal-ai.md
+++ b/docs/inference-providers/providers/fal-ai.md
@@ -54,7 +54,7 @@ Find out more about Text To Image [here](../tasks/text_to_image).
diff --git a/docs/inference-providers/providers/hf-inference.md b/docs/inference-providers/providers/hf-inference.md
index 1d5da29c1..de14bf2cd 100644
--- a/docs/inference-providers/providers/hf-inference.md
+++ b/docs/inference-providers/providers/hf-inference.md
@@ -39,16 +39,6 @@ If you are interested in deploying models to a dedicated and autoscaling infrast
## Supported tasks
-### Audio Classification
-
-Find out more about Audio Classification [here](../tasks/audio_classification).
-
-
-
-
### Automatic Speech Recognition
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).
@@ -85,17 +75,7 @@ Find out more about Feature Extraction [here](../tasks/feature_extraction).
-
-
-### Fill Mask
-
-Find out more about Fill Mask [here](../tasks/fill_mask).
-
-
@@ -109,13 +89,13 @@ Find out more about Image Classification [here](../tasks/image_classification).
/>
-### Image To Image
+### Image Segmentation
-Find out more about Image To Image [here](../tasks/image_to_image).
+Find out more about Image Segmentation [here](../tasks/image_segmentation).
@@ -129,16 +109,6 @@ Find out more about Object Detection [here](../tasks/object_detection).
/>
-### Question Answering
-
-Find out more about Question Answering [here](../tasks/question_answering).
-
-
-
-
### Summarization
Find out more about Summarization [here](../tasks/summarization).
@@ -155,7 +125,7 @@ Find out more about Text Classification [here](../tasks/text_classification).
@@ -179,33 +149,13 @@ Find out more about Text To Image [here](../tasks/text_to_image).
/>
-### Text To Video
-
-Find out more about Text To Video [here](../tasks/text_to_video).
-
-
-
-
-### Token Classification
-
-Find out more about Token Classification [here](../tasks/token_classification).
-
-
-
-
### Translation
Find out more about Translation [here](../tasks/translation).
diff --git a/docs/inference-providers/providers/novita.md b/docs/inference-providers/providers/novita.md
index 8465ba517..cc62d789f 100644
--- a/docs/inference-providers/providers/novita.md
+++ b/docs/inference-providers/providers/novita.md
@@ -33,7 +33,9 @@ For more details, check out the `generate.ts` script: https://github.com/hugging
-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.
+[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.
+
+Offering 200+ APIs (LLMs, image, video, audio) with fully managed deployment — enterprise-grade, scalable, and maintenance-free.
## Supported tasks
@@ -57,13 +59,3 @@ Find out more about Chat Completion (VLM) [here](../tasks/chat-completion).
providersMapping={ {"novita":{"modelId":"meta-llama/Llama-4-Scout-17B-16E-Instruct","providerModelId":"meta-llama/llama-4-scout-17b-16e-instruct"} } }
conversational />
-
-### Text To Video
-
-Find out more about Text To Video [here](../tasks/text_to_video).
-
-
-
diff --git a/docs/inference-providers/providers/sambanova.md b/docs/inference-providers/providers/sambanova.md
index 53eb87486..8d319d5e2 100644
--- a/docs/inference-providers/providers/sambanova.md
+++ b/docs/inference-providers/providers/sambanova.md
@@ -39,6 +39,16 @@ Customers are turning to SambaNova to quickly deploy state-of-the-art AI and dee
## Supported tasks
+### Automatic Speech Recognition
+
+Find out more about Automatic Speech Recognition [here](../tasks/automatic_speech_recognition).
+
+
+
+
### Chat Completion (LLM)
Find out more about Chat Completion (LLM) [here](../tasks/chat-completion).
diff --git a/docs/inference-providers/tasks/audio-classification.md b/docs/inference-providers/tasks/audio-classification.md
index 5d015ff4d..ff2190015 100644
--- a/docs/inference-providers/tasks/audio-classification.md
+++ b/docs/inference-providers/tasks/audio-classification.md
@@ -29,19 +29,13 @@ For more details about the `audio-classification` task, check out its [dedicated
### Recommended models
-- [speechbrain/google_speech_command_xvector](https://huggingface.co/speechbrain/google_speech_command_xvector): An easy-to-use model for command recognition.
-- [ehcalabres/wav2vec2-lg-xlsr-en-speech-emotion-recognition](https://huggingface.co/ehcalabres/wav2vec2-lg-xlsr-en-speech-emotion-recognition): An emotion recognition model.
-- [facebook/mms-lid-126](https://huggingface.co/facebook/mms-lid-126): A language identification model.
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).
### Using the API
-
+No snippet available for this task.
diff --git a/docs/inference-providers/tasks/automatic-speech-recognition.md b/docs/inference-providers/tasks/automatic-speech-recognition.md
index f9bcdbdb3..e939c8eca 100644
--- a/docs/inference-providers/tasks/automatic-speech-recognition.md
+++ b/docs/inference-providers/tasks/automatic-speech-recognition.md
@@ -30,7 +30,6 @@ For more details about the `automatic-speech-recognition` task, check out its [d
### Recommended models
- [openai/whisper-large-v3](https://huggingface.co/openai/whisper-large-v3): A powerful ASR model by OpenAI.
-- [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.
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).
@@ -39,7 +38,7 @@ Explore all available models and find the one that suits you best [here](https:/
diff --git a/docs/inference-providers/tasks/chat-completion.md b/docs/inference-providers/tasks/chat-completion.md
index 184d5ba29..b8eb02904 100644
--- a/docs/inference-providers/tasks/chat-completion.md
+++ b/docs/inference-providers/tasks/chat-completion.md
@@ -69,7 +69,7 @@ conversational />
@@ -104,7 +104,7 @@ conversational />
| ** (#2)** | _object_ | |
| ** tool_calls*** | _object[]_ | |
| ** function*** | _object_ | |
-| ** arguments*** | _unknown_ | |
+| ** parameters*** | _unknown_ | |
| ** description** | _string_ | |
| ** name*** | _string_ | |
| ** id*** | _string_ | |
@@ -136,7 +136,7 @@ conversational />
| **tool_prompt** | _string_ | A prompt to be appended before the tools |
| **tools** | _object[]_ | A list of tools the model may call. Currently, only functions are supported as a tool. Use this to provide a list of functions the model may generate JSON inputs for. |
| ** function*** | _object_ | |
-| ** arguments*** | _unknown_ | |
+| ** parameters*** | _unknown_ | |
| ** description** | _string_ | |
| ** name*** | _string_ | |
| ** type*** | _string_ | |
@@ -170,7 +170,7 @@ If `stream` is `false` (default), the response will be a JSON object with the fo
| ** role** | _string_ | |
| ** tool_calls** | _object[]_ | |
| ** function** | _object_ | |
-| ** arguments** | _unknown_ | |
+| ** arguments** | _string_ | |
| ** description** | _string_ | |
| ** name** | _string_ | |
| ** id** | _string_ | |
diff --git a/docs/inference-providers/tasks/feature-extraction.md b/docs/inference-providers/tasks/feature-extraction.md
index 3d9e60fd0..f726a7e15 100644
--- a/docs/inference-providers/tasks/feature-extraction.md
+++ b/docs/inference-providers/tasks/feature-extraction.md
@@ -29,7 +29,6 @@ For more details about the `feature-extraction` task, check out its [dedicated p
### Recommended models
-- [thenlper/gte-large](https://huggingface.co/thenlper/gte-large): A powerful feature extraction model for natural language processing tasks.
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).
@@ -38,7 +37,7 @@ Explore all available models and find the one that suits you best [here](https:/
diff --git a/docs/inference-providers/tasks/fill-mask.md b/docs/inference-providers/tasks/fill-mask.md
index d527ce0df..6b14e7f91 100644
--- a/docs/inference-providers/tasks/fill-mask.md
+++ b/docs/inference-providers/tasks/fill-mask.md
@@ -24,17 +24,13 @@ 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).
### Using the API
-
+No snippet available for this task.
diff --git a/docs/inference-providers/tasks/image-classification.md b/docs/inference-providers/tasks/image-classification.md
index cc68b01fd..e7115ff26 100644
--- a/docs/inference-providers/tasks/image-classification.md
+++ b/docs/inference-providers/tasks/image-classification.md
@@ -24,9 +24,6 @@ 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.
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).
diff --git a/docs/inference-providers/tasks/image-segmentation.md b/docs/inference-providers/tasks/image-segmentation.md
index 7ef9459af..35f13221e 100644
--- a/docs/inference-providers/tasks/image-segmentation.md
+++ b/docs/inference-providers/tasks/image-segmentation.md
@@ -24,15 +24,16 @@ For more details about the `image-segmentation` task, check out its [dedicated p
### Recommended models
-- [openmmlab/upernet-convnext-small](https://huggingface.co/openmmlab/upernet-convnext-small): Solid semantic segmentation model trained on ADE20k.
-- [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).
### Using the API
-No snippet available for this task.
+
diff --git a/docs/inference-providers/tasks/image-to-image.md b/docs/inference-providers/tasks/image-to-image.md
index a594c0940..20f4ac1b7 100644
--- a/docs/inference-providers/tasks/image-to-image.md
+++ b/docs/inference-providers/tasks/image-to-image.md
@@ -35,10 +35,7 @@ Explore all available models and find the one that suits you best [here](https:/
### Using the API
-
+No snippet available for this task.
diff --git a/docs/inference-providers/tasks/question-answering.md b/docs/inference-providers/tasks/question-answering.md
index c3dc27504..9ee508f45 100644
--- a/docs/inference-providers/tasks/question-answering.md
+++ b/docs/inference-providers/tasks/question-answering.md
@@ -24,19 +24,13 @@ 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).
### Using the API
-
+No snippet available for this task.
diff --git a/docs/inference-providers/tasks/summarization.md b/docs/inference-providers/tasks/summarization.md
index 6d3994406..6e0ff5ead 100644
--- a/docs/inference-providers/tasks/summarization.md
+++ b/docs/inference-providers/tasks/summarization.md
@@ -25,7 +25,6 @@ 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).
diff --git a/docs/inference-providers/tasks/table-question-answering.md b/docs/inference-providers/tasks/table-question-answering.md
index 4a13fc72b..82ea04bb1 100644
--- a/docs/inference-providers/tasks/table-question-answering.md
+++ b/docs/inference-providers/tasks/table-question-answering.md
@@ -24,8 +24,6 @@ For more details about the `table-question-answering` task, check out its [dedic
### Recommended models
-- [microsoft/tapex-base](https://huggingface.co/microsoft/tapex-base): A table question answering model that is capable of neural SQL execution, i.e., employ TAPEX to execute a SQL query on a given table.
-- [google/tapas-base-finetuned-wtq](https://huggingface.co/google/tapas-base-finetuned-wtq): A robust table question answering model.
Explore all available models and find the one that suits you best [here](https://huggingface.co/models?inference=warm&pipeline_tag=table-question-answering&sort=trending).
diff --git a/docs/inference-providers/tasks/text-classification.md b/docs/inference-providers/tasks/text-classification.md
index 61d9d7ca4..6ecaefc66 100644
--- a/docs/inference-providers/tasks/text-classification.md
+++ b/docs/inference-providers/tasks/text-classification.md
@@ -25,10 +25,6 @@ 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.
-- [cardiffnlp/twitter-roberta-base-sentiment-latest](https://huggingface.co/cardiffnlp/twitter-roberta-base-sentiment-latest): A sentiment analysis model specialized in analyzing tweets.
-- [papluca/xlm-roberta-base-language-detection](https://huggingface.co/papluca/xlm-roberta-base-language-detection): A model that can classify languages.
-- [meta-llama/Prompt-Guard-86M](https://huggingface.co/meta-llama/Prompt-Guard-86M): A model that can classify text generation attacks.
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).
@@ -37,7 +33,7 @@ Explore all available models and find the one that suits you best [here](https:/
diff --git a/docs/inference-providers/tasks/text-generation.md b/docs/inference-providers/tasks/text-generation.md
index a09065657..da5df1e0f 100644
--- a/docs/inference-providers/tasks/text-generation.md
+++ b/docs/inference-providers/tasks/text-generation.md
@@ -27,7 +27,6 @@ For more details about the `text-generation` task, check out its [dedicated page
### Recommended models
- [google/gemma-2-2b-it](https://huggingface.co/google/gemma-2-2b-it): A text-generation model trained to follow instructions.
-- [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.
- [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.
- [microsoft/phi-4](https://huggingface.co/microsoft/phi-4): Powerful text generation model by Microsoft.
- [Qwen/Qwen2.5-Coder-32B-Instruct](https://huggingface.co/Qwen/Qwen2.5-Coder-32B-Instruct): Text generation model used to write code.
diff --git a/docs/inference-providers/tasks/text-to-image.md b/docs/inference-providers/tasks/text-to-image.md
index bddb510b3..094e6730e 100644
--- a/docs/inference-providers/tasks/text-to-image.md
+++ b/docs/inference-providers/tasks/text-to-image.md
@@ -35,7 +35,7 @@ Explore all available models and find the one that suits you best [here](https:/
diff --git a/docs/inference-providers/tasks/text-to-video.md b/docs/inference-providers/tasks/text-to-video.md
index ab963469c..27cf71b5e 100644
--- a/docs/inference-providers/tasks/text-to-video.md
+++ b/docs/inference-providers/tasks/text-to-video.md
@@ -35,7 +35,7 @@ Explore all available models and find the one that suits you best [here](https:/
diff --git a/docs/inference-providers/tasks/token-classification.md b/docs/inference-providers/tasks/token-classification.md
index db78159c3..868b30064 100644
--- a/docs/inference-providers/tasks/token-classification.md
+++ b/docs/inference-providers/tasks/token-classification.md
@@ -24,20 +24,13 @@ 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.
-- [flair/ner-english](https://huggingface.co/flair/ner-english): Flair models are typically the state of the art in named entity recognition tasks.
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).
### Using the API
-
+No snippet available for this task.
diff --git a/docs/inference-providers/tasks/translation.md b/docs/inference-providers/tasks/translation.md
index 148ebfd08..b5d292d5e 100644
--- a/docs/inference-providers/tasks/translation.md
+++ b/docs/inference-providers/tasks/translation.md
@@ -24,8 +24,6 @@ For more details about the `translation` task, check out its [dedicated page](ht
### Recommended models
-- [facebook/nllb-200-1.3B](https://huggingface.co/facebook/nllb-200-1.3B): Very powerful model that can translate many languages between each other, especially low-resource languages.
-- [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.
Explore all available models and find the one that suits you best [here](https://huggingface.co/models?inference=warm&pipeline_tag=translation&sort=trending).
@@ -34,7 +32,7 @@ Explore all available models and find the one that suits you best [here](https:/
diff --git a/scripts/inference-providers/package.json b/scripts/inference-providers/package.json
index 4fe4043b1..502c5110e 100644
--- a/scripts/inference-providers/package.json
+++ b/scripts/inference-providers/package.json
@@ -14,8 +14,8 @@
"author": "",
"license": "ISC",
"dependencies": {
- "@huggingface/inference": "^3.7.1",
- "@huggingface/tasks": "^0.18.7",
+ "@huggingface/inference": "^3.8.1",
+ "@huggingface/tasks": "^0.18.8",
"@types/node": "^22.5.0",
"handlebars": "^4.7.8",
"node": "^20.17.0",
diff --git a/scripts/inference-providers/pnpm-lock.yaml b/scripts/inference-providers/pnpm-lock.yaml
index b1eff82fc..648c60eff 100644
--- a/scripts/inference-providers/pnpm-lock.yaml
+++ b/scripts/inference-providers/pnpm-lock.yaml
@@ -9,11 +9,11 @@ importers:
.:
dependencies:
'@huggingface/inference':
- specifier: ^3.7.1
- version: 3.7.1
+ specifier: ^3.8.1
+ version: 3.8.1
'@huggingface/tasks':
- specifier: ^0.18.7
- version: 0.18.7
+ specifier: ^0.18.8
+ version: 0.18.8
'@types/node':
specifier: ^22.5.0
version: 22.5.0
@@ -189,16 +189,16 @@ packages:
cpu: [x64]
os: [win32]
- '@huggingface/inference@3.7.1':
- resolution: {integrity: sha512-xDAVfT3YOiz8+pExrFEFRp+93ptw9alU2bwj5Jg7F60dbCU26nH55260M5maXUj83btr/46XQVZgPWYLD/ea7w==}
+ '@huggingface/inference@3.8.1':
+ resolution: {integrity: sha512-Kq+EvWAAWOa0oWrVrHZZzRmiqw0edr6UUCM6+ZvvHUDbcokc33aUqr8djsUSf6iNDnpBobdswYAJ+hwGo//i3A==}
engines: {node: '>=18'}
- '@huggingface/jinja@0.3.3':
- resolution: {integrity: sha512-vQQr2JyWvVFba3Lj9es4q9vCl1sAc74fdgnEMoX8qHrXtswap9ge9uO3ONDzQB0cQ0PUyaKY2N6HaVbTBvSXvw==}
+ '@huggingface/jinja@0.3.4':
+ resolution: {integrity: sha512-kFFQWJiWwvxezKQnvH1X7GjsECcMljFx+UZK9hx6P26aVHwwidJVTB0ptLfRVZQvVkOGHoMmTGvo4nT0X9hHOA==}
engines: {node: '>=18'}
- '@huggingface/tasks@0.18.7':
- resolution: {integrity: sha512-ZzwifnFo4onuIs7cIzm/1G8MFZPQeMhQplG/Ru5Xnnm4TDwxrtThHfhrCZrdS8vEKpy+XBH9INoNelnWox8UQQ==}
+ '@huggingface/tasks@0.18.8':
+ resolution: {integrity: sha512-sgrONypSZDOwUKpvBxfzO/cfKU5lKhErG1souoyE7G7QAH+dQDshMFL8h7phTkbu3GR5+f4koAD8tWk0LSDc3w==}
'@jridgewell/resolve-uri@3.1.2':
resolution: {integrity: sha512-bRISgCIjP20/tbWSPWMEi54QVPRZExkuD9lJL+UIxUKtwVJA8wW1Trb1jMs1RFXo1CBTNZ/5hpC9QvmKWdopKw==}
@@ -415,14 +415,14 @@ snapshots:
'@esbuild/win32-x64@0.23.1':
optional: true
- '@huggingface/inference@3.7.1':
+ '@huggingface/inference@3.8.1':
dependencies:
- '@huggingface/jinja': 0.3.3
- '@huggingface/tasks': 0.18.7
+ '@huggingface/jinja': 0.3.4
+ '@huggingface/tasks': 0.18.8
- '@huggingface/jinja@0.3.3': {}
+ '@huggingface/jinja@0.3.4': {}
- '@huggingface/tasks@0.18.7': {}
+ '@huggingface/tasks@0.18.8': {}
'@jridgewell/resolve-uri@3.1.2': {}
From b2da2fed57e20cb124f538fb629b9487724e7a1d Mon Sep 17 00:00:00 2001
From: Wauplin
Date: Tue, 22 Apr 2025 11:06:53 +0200
Subject: [PATCH 2/2] rerun script
---
.../providers/hf-inference.md | 24 +++++++++----------
.../tasks/chat-completion.md | 1 +
.../tasks/feature-extraction.md | 2 +-
.../tasks/image-segmentation.md | 5 +---
.../tasks/text-classification.md | 5 +++-
.../tasks/text-generation.md | 1 +
.../tasks/token-classification.md | 7 +++++-
7 files changed, 26 insertions(+), 19 deletions(-)
diff --git a/docs/inference-providers/providers/hf-inference.md b/docs/inference-providers/providers/hf-inference.md
index de14bf2cd..1aef9b925 100644
--- a/docs/inference-providers/providers/hf-inference.md
+++ b/docs/inference-providers/providers/hf-inference.md
@@ -75,7 +75,7 @@ Find out more about Feature Extraction [here](../tasks/feature_extraction).
@@ -89,16 +89,6 @@ Find out more about Image Classification [here](../tasks/image_classification).
/>
-### Image Segmentation
-
-Find out more about Image Segmentation [here](../tasks/image_segmentation).
-
-
-
-
### Object Detection
Find out more about Object Detection [here](../tasks/object_detection).
@@ -125,7 +115,7 @@ Find out more about Text Classification [here](../tasks/text_classification).
@@ -149,6 +139,16 @@ Find out more about Text To Image [here](../tasks/text_to_image).
/>
+### Token Classification
+
+Find out more about Token Classification [here](../tasks/token_classification).
+
+
+
+
### Translation
Find out more about Translation [here](../tasks/translation).
diff --git a/docs/inference-providers/tasks/chat-completion.md b/docs/inference-providers/tasks/chat-completion.md
index b8eb02904..1138ebec9 100644
--- a/docs/inference-providers/tasks/chat-completion.md
+++ b/docs/inference-providers/tasks/chat-completion.md
@@ -22,6 +22,7 @@ This is a subtask of [`text-generation`](https://huggingface.co/docs/inference-p
#### Conversational Large Language Models (LLMs)
- [google/gemma-2-2b-it](https://huggingface.co/google/gemma-2-2b-it): A text-generation model trained to follow instructions.
+- [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.
- [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.
- [microsoft/phi-4](https://huggingface.co/microsoft/phi-4): Powerful text generation model by Microsoft.
- [Qwen/Qwen2.5-Coder-32B-Instruct](https://huggingface.co/Qwen/Qwen2.5-Coder-32B-Instruct): Text generation model used to write code.
diff --git a/docs/inference-providers/tasks/feature-extraction.md b/docs/inference-providers/tasks/feature-extraction.md
index f726a7e15..4300989f8 100644
--- a/docs/inference-providers/tasks/feature-extraction.md
+++ b/docs/inference-providers/tasks/feature-extraction.md
@@ -37,7 +37,7 @@ Explore all available models and find the one that suits you best [here](https:/
diff --git a/docs/inference-providers/tasks/image-segmentation.md b/docs/inference-providers/tasks/image-segmentation.md
index 35f13221e..f71ab3e55 100644
--- a/docs/inference-providers/tasks/image-segmentation.md
+++ b/docs/inference-providers/tasks/image-segmentation.md
@@ -30,10 +30,7 @@ Explore all available models and find the one that suits you best [here](https:/
### Using the API
-
+No snippet available for this task.
diff --git a/docs/inference-providers/tasks/text-classification.md b/docs/inference-providers/tasks/text-classification.md
index 6ecaefc66..1db2eb701 100644
--- a/docs/inference-providers/tasks/text-classification.md
+++ b/docs/inference-providers/tasks/text-classification.md
@@ -25,6 +25,9 @@ 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.
+- [cardiffnlp/twitter-roberta-base-sentiment-latest](https://huggingface.co/cardiffnlp/twitter-roberta-base-sentiment-latest): A sentiment analysis model specialized in analyzing tweets.
+- [papluca/xlm-roberta-base-language-detection](https://huggingface.co/papluca/xlm-roberta-base-language-detection): A model that can classify languages.
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).
@@ -33,7 +36,7 @@ Explore all available models and find the one that suits you best [here](https:/
diff --git a/docs/inference-providers/tasks/text-generation.md b/docs/inference-providers/tasks/text-generation.md
index da5df1e0f..a09065657 100644
--- a/docs/inference-providers/tasks/text-generation.md
+++ b/docs/inference-providers/tasks/text-generation.md
@@ -27,6 +27,7 @@ For more details about the `text-generation` task, check out its [dedicated page
### Recommended models
- [google/gemma-2-2b-it](https://huggingface.co/google/gemma-2-2b-it): A text-generation model trained to follow instructions.
+- [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.
- [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.
- [microsoft/phi-4](https://huggingface.co/microsoft/phi-4): Powerful text generation model by Microsoft.
- [Qwen/Qwen2.5-Coder-32B-Instruct](https://huggingface.co/Qwen/Qwen2.5-Coder-32B-Instruct): Text generation model used to write code.
diff --git a/docs/inference-providers/tasks/token-classification.md b/docs/inference-providers/tasks/token-classification.md
index 868b30064..1107bff18 100644
--- a/docs/inference-providers/tasks/token-classification.md
+++ b/docs/inference-providers/tasks/token-classification.md
@@ -24,13 +24,18 @@ 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.
+- [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).
### Using the API
-No snippet available for this task.
+