task
string | modality
string | input_modalities
list | output_modalities
list | task_description
string | pipeline
string | default
string | model
string | task_url
string | github_url
string |
|---|---|---|---|---|---|---|---|---|---|
any-to-any
|
multimodal
|
[
"any"
] |
[
"any"
] |
Any-to-any models can understand two or more modalities and output two or more modalities.
| null | null | null |
https://huggingface.co/tasks/any-to-any
|
https://github.com/huggingface/huggingface.js/tree/main/packages/tasks/src/tasks/any-to-any
|
audio-classification
|
audio
|
[
"audio"
] |
[
"logits"
] |
Audio classification is the task of assigning a label or class to a given audio. It can be used for recognizing which command a user is giving or the emotion of a statement, as well as identifying a speaker.
|
AudioClassificationPipeline
|
superb/wav2vec2-base-superb-ks
|
['AutoModelForAudioClassification']
|
https://huggingface.co/tasks/audio-classification
|
https://github.com/huggingface/huggingface.js/tree/main/packages/tasks/src/tasks/audio-classification
|
audio-to-audio
|
audio
|
[
"audio"
] |
[
"audio"
] |
Audio-to-Audio is a family of tasks in which the input is an audio and the output is one or multiple generated audios. Some example tasks are speech enhancement and source separation.
| null | null | null |
https://huggingface.co/tasks/audio-to-audio
|
https://github.com/huggingface/huggingface.js/tree/main/packages/tasks/src/tasks/audio-to-audio
|
automatic-speech-recognition
|
multimodal
|
[
"audio"
] |
[
"text"
] |
Automatic Speech Recognition (ASR), also known as Speech to Text (STT), is the task of transcribing a given audio to text. It has many applications, such as voice user interfaces.
|
AutomaticSpeechRecognitionPipeline
|
facebook/wav2vec2-base-960h
|
['AutoModelForCTC', 'AutoModelForSpeechSeq2Seq']
|
https://huggingface.co/tasks/automatic-speech-recognition
|
https://github.com/huggingface/huggingface.js/tree/main/packages/tasks/src/tasks/automatic-speech-recognition
|
depth-estimation
|
vision
|
[
"image"
] |
[
"image"
] |
Depth estimation is the task of predicting depth of the objects present in an image.
|
DepthEstimationPipeline
|
Intel/dpt-large
|
['AutoModelForDepthEstimation']
|
https://huggingface.co/tasks/depth-estimation
|
https://github.com/huggingface/huggingface.js/tree/main/packages/tasks/src/tasks/depth-estimation
|
document-question-answering
|
multimodal
|
[
"text",
"image"
] |
[
"text"
] |
Document Question Answering (also known as Document Visual Question Answering) is the task of answering questions on document images. Document question answering models take a (document, question) pair as input and return an answer in natural language. Models usually rely on multi-modal features, combining text, position of words (bounding-boxes) and image.
|
DocumentQuestionAnsweringPipeline
|
impira/layoutlm-document-qa
|
['AutoModelForDocumentQuestionAnswering']
|
https://huggingface.co/tasks/document-question-answering
|
https://github.com/huggingface/huggingface.js/tree/main/packages/tasks/src/tasks/document-question-answering
|
feature-extraction
|
multimodal
|
[
"text"
] |
[
"embeddings"
] |
Feature extraction is the task of extracting features learnt in a model.
|
FeatureExtractionPipeline
|
distilbert/distilbert-base-cased
|
['AutoModel']
|
https://huggingface.co/tasks/feature-extraction
|
https://github.com/huggingface/huggingface.js/tree/main/packages/tasks/src/tasks/feature-extraction
|
fill-mask
|
text
|
[
"text"
] |
[
"logits"
] |
Masked language modeling is the task of masking some of the words in a sentence and predicting which words should replace those masks. These models are useful when we want to get a statistical understanding of the language in which the model is trained in.
|
FillMaskPipeline
|
distilbert/distilroberta-base
|
['AutoModelForMaskedLM']
|
https://huggingface.co/tasks/fill-mask
|
https://github.com/huggingface/huggingface.js/tree/main/packages/tasks/src/tasks/fill-mask
|
image-classification
|
vision
|
[
"image"
] |
[
"logits"
] |
Image classification is the task of assigning a label or class to an entire image. Images are expected to have only one class for each image. Image classification models take an image as input and return a prediction about which class the image belongs to.
|
ImageClassificationPipeline
|
google/vit-base-patch16-224
|
['AutoModelForImageClassification']
|
https://huggingface.co/tasks/image-classification
|
https://github.com/huggingface/huggingface.js/tree/main/packages/tasks/src/tasks/image-classification
|
image-feature-extraction
|
vision
|
[
"image"
] |
[
"embeddings"
] |
Image feature extraction is the task of extracting features learnt in a computer vision model.
|
ImageFeatureExtractionPipeline
|
google/vit-base-patch16-224
|
['AutoModel']
|
https://huggingface.co/tasks/image-feature-extraction
|
https://github.com/huggingface/huggingface.js/tree/main/packages/tasks/src/tasks/image-feature-extraction
|
image-segmentation
|
multimodal
|
[
"image"
] |
[
"image"
] |
Image Segmentation divides an image into segments where each pixel in the image is mapped to an object. This task has multiple variants such as instance segmentation, panoptic segmentation and semantic segmentation.
|
ImageSegmentationPipeline
|
facebook/detr-resnet-50-panoptic
|
['AutoModelForImageSegmentation', 'AutoModelForSemanticSegmentation']
|
https://huggingface.co/tasks/image-segmentation
|
https://github.com/huggingface/huggingface.js/tree/main/packages/tasks/src/tasks/image-segmentation
|
image-text-to-text
|
multimodal
|
[
"image",
"text"
] |
[
"text"
] |
Image-text-to-text models take in an image and text prompt and output text. These models are also called vision-language models, or VLMs. The difference from image-to-text models is that these models take an additional text input, not restricting the model to certain use cases like image captioning, and may also be trained to accept a conversation as input.
|
ImageTextToTextPipeline
|
llava-hf/llava-onevision-qwen2-0.5b-ov-hf
|
['AutoModelForImageTextToText']
|
https://huggingface.co/tasks/image-text-to-text
|
https://github.com/huggingface/huggingface.js/tree/main/packages/tasks/src/tasks/image-text-to-text
|
image-to-3d
|
vision
|
[
"image"
] |
[
"3d-model"
] |
Image-to-3D models take in image input and produce 3D output.
| null | null | null |
https://huggingface.co/tasks/image-to-3d
|
https://github.com/huggingface/huggingface.js/tree/main/packages/tasks/src/tasks/image-to-3d
|
image-to-image
|
vision
|
[
"image"
] |
[
"image"
] |
Image-to-image is the task of transforming an input image through a variety of possible manipulations and enhancements, such as super-resolution, image inpainting, colorization, and more.
|
ImageToImagePipeline
|
caidas/swin2SR-classical-sr-x2-64
|
['AutoModelForImageToImage']
|
https://huggingface.co/tasks/image-to-image
|
https://github.com/huggingface/huggingface.js/tree/main/packages/tasks/src/tasks/image-to-image
|
image-to-text
|
multimodal
|
[
"image"
] |
[
"text"
] |
Image to text models output a text from a given image. Image captioning or optical character recognition can be considered as the most common applications of image to text.
|
ImageToTextPipeline
|
ydshieh/vit-gpt2-coco-en
|
['AutoModelForVision2Seq']
|
https://huggingface.co/tasks/image-to-text
|
https://github.com/huggingface/huggingface.js/tree/main/packages/tasks/src/tasks/image-to-text
|
image-to-video
|
vision
|
[
"image",
"text"
] |
[
"video"
] |
Image-to-video models take a still image as input and generate a video. These models can be guided by text prompts to influence the content and style of the output video.
| null | null | null |
https://huggingface.co/tasks/image-to-video
|
https://github.com/huggingface/huggingface.js/tree/main/packages/tasks/src/tasks/image-to-video
|
keypoint-detection
|
vision
|
[
"image"
] |
[
"image"
] |
Keypoint detection is the task of identifying meaningful distinctive points or features in an image.
| null | null | null |
https://huggingface.co/tasks/keypoint-detection
|
https://github.com/huggingface/huggingface.js/tree/main/packages/tasks/src/tasks/keypoint-detection
|
mask-generation
|
multimodal
|
[
"image"
] |
[
"image"
] |
Mask generation is the task of generating masks that identify a specific object or region of interest in a given image. Masks are often used in segmentation tasks, where they provide a precise way to isolate the object of interest for further processing or analysis.
|
MaskGenerationPipeline
|
facebook/sam-vit-huge
|
['AutoModelForMaskGeneration']
|
https://huggingface.co/tasks/mask-generation
|
https://github.com/huggingface/huggingface.js/tree/main/packages/tasks/src/tasks/mask-generation
|
object-detection
|
multimodal
|
[
"image"
] |
[
"image"
] |
Object Detection models allow users to identify objects of certain defined classes. Object detection models receive an image as input and output the images with bounding boxes and labels on detected objects.
|
ObjectDetectionPipeline
|
facebook/detr-resnet-50
|
['AutoModelForObjectDetection']
|
https://huggingface.co/tasks/object-detection
|
https://github.com/huggingface/huggingface.js/tree/main/packages/tasks/src/tasks/object-detection
|
question-answering
|
text
|
[
"text"
] |
[
"text"
] |
Question Answering models can retrieve the answer to a question from a given text, which is useful for searching for an answer in a document. Some question answering models can generate answers without context!
|
QuestionAnsweringPipeline
|
distilbert/distilbert-base-cased-distilled-squad
|
['AutoModelForQuestionAnswering']
|
https://huggingface.co/tasks/question-answering
|
https://github.com/huggingface/huggingface.js/tree/main/packages/tasks/src/tasks/question-answering
|
reinforcement-learning
|
reinforcement-learning
|
[
"state"
] |
[
"action",
"state"
] |
Reinforcement learning is the computational approach of learning from action by interacting with an environment through trial and error and receiving rewards (negative or positive) as feedback
| null | null | null |
https://huggingface.co/tasks/reinforcement-learning
|
https://github.com/huggingface/huggingface.js/tree/main/packages/tasks/src/tasks/reinforcement-learning
|
sentence-similarity
|
text
|
[
"text"
] |
[
"logits"
] |
Sentence Similarity is the task of determining how similar two texts are. Sentence similarity models convert input texts into vectors (embeddings) that capture semantic information and calculate how close (similar) they are between them. This task is particularly useful for information retrieval and clustering/grouping.
| null | null | null |
https://huggingface.co/tasks/sentence-similarity
|
https://github.com/huggingface/huggingface.js/tree/main/packages/tasks/src/tasks/sentence-similarity
|
summarization
|
text
|
[
"text"
] |
[
"text"
] |
Summarization is the task of producing a shorter version of a document while preserving its important information. Some models can extract text from the original input, while other models can generate entirely new text.
|
SummarizationPipeline
|
sshleifer/distilbart-cnn-12-6
|
['AutoModelForSeq2SeqLM']
|
https://huggingface.co/tasks/summarization
|
https://github.com/huggingface/huggingface.js/tree/main/packages/tasks/src/tasks/summarization
|
table-question-answering
|
tabular
|
[
"tabular",
"text"
] |
[
"text"
] |
Table Question Answering (Table QA) is the answering a question about an information on a given table.
|
TableQuestionAnsweringPipeline
|
google/tapas-base-finetuned-wtq
|
['AutoModelForTableQuestionAnswering']
|
https://huggingface.co/tasks/table-question-answering
|
https://github.com/huggingface/huggingface.js/tree/main/packages/tasks/src/tasks/table-question-answering
|
tabular-classification
|
tabular
|
[
"table"
] |
[
"logits"
] |
Tabular classification is the task of classifying a target category (a group) based on set of attributes.
| null | null | null |
https://huggingface.co/tasks/tabular-classification
|
https://github.com/huggingface/huggingface.js/tree/main/packages/tasks/src/tasks/tabular-classification
|
tabular-regression
|
tabular
|
[
"table"
] |
[
"numeric"
] |
Tabular regression is the task of predicting a numerical value given a set of attributes.
| null | null | null |
https://huggingface.co/tasks/tabular-regression
|
https://github.com/huggingface/huggingface.js/tree/main/packages/tasks/src/tasks/tabular-regression
|
text-classification
|
text
|
[
"text"
] |
[
"logits"
] |
Text Classification is the task of assigning a label or class to a given text. Some use cases are sentiment analysis, natural language inference, and assessing grammatical correctness.
|
TextClassificationPipeline
|
distilbert/distilbert-base-uncased-finetuned-sst-2-english
|
['AutoModelForSequenceClassification']
|
https://huggingface.co/tasks/text-classification
|
https://github.com/huggingface/huggingface.js/tree/main/packages/tasks/src/tasks/text-classification
|
text-generation
|
text
|
[
"text"
] |
[
"text"
] |
Generating text is the task of generating new text given another text. These models can, for example, fill in incomplete text or paraphrase.
|
TextGenerationPipeline
|
openai-community/gpt2
|
['AutoModelForCausalLM']
|
https://huggingface.co/tasks/text-generation
|
https://github.com/huggingface/huggingface.js/tree/main/packages/tasks/src/tasks/text-generation
|
text-ranking
|
text
|
[
"text"
] |
[
"logits"
] |
Text Ranking is the task of ranking a set of texts based on their relevance to a query. Text ranking models are trained on large datasets of queries and relevant documents to learn how to rank documents based on their relevance to the query. This task is particularly useful for search engines and information retrieval systems.
| null | null | null |
https://huggingface.co/tasks/text-ranking
|
https://github.com/huggingface/huggingface.js/tree/main/packages/tasks/src/tasks/text-ranking
|
text-to-3d
|
vision
|
[
"text"
] |
[
"3d-model"
] |
Text-to-3D models take in text input and produce 3D output.
| null | null | null |
https://huggingface.co/tasks/text-to-3d
|
https://github.com/huggingface/huggingface.js/tree/main/packages/tasks/src/tasks/text-to-3d
|
text-to-audio
|
text
|
[
"text"
] |
[
"audio"
] | null |
TextToAudioPipeline
|
suno/bark-small
|
['AutoModelForTextToWaveform', 'AutoModelForTextToSpectrogram']
|
https://huggingface.co/tasks/text-to-audio
|
https://github.com/huggingface/huggingface.js/tree/main/packages/tasks/src/tasks/text-to-audio
|
text-to-image
|
vision
|
[
"text"
] |
[
"image"
] |
Text-to-image is the task of generating images from input text. These pipelines can also be used to modify and edit images based on text prompts.
| null | null | null |
https://huggingface.co/tasks/text-to-image
|
https://github.com/huggingface/huggingface.js/tree/main/packages/tasks/src/tasks/text-to-image
|
text-to-speech
|
audio
|
[
"text"
] |
[
"audio"
] |
Text-to-Speech (TTS) is the task of generating natural sounding speech given text input. TTS models can be extended to have a single model that generates speech for multiple speakers and multiple languages.
| null | null | null |
https://huggingface.co/tasks/text-to-speech
|
https://github.com/huggingface/huggingface.js/tree/main/packages/tasks/src/tasks/text-to-speech
|
text-to-video
|
vision
|
[
"text"
] |
[
"video"
] |
Text-to-video models can be used in any application that requires generating consistent sequence of images from text.
| null | null | null |
https://huggingface.co/tasks/text-to-video
|
https://github.com/huggingface/huggingface.js/tree/main/packages/tasks/src/tasks/text-to-video
|
token-classification
|
text
|
[
"text"
] |
[
"logits"
] |
Token classification is a natural language understanding task in which a label is assigned to some tokens in a text. Some popular token classification subtasks are Named Entity Recognition (NER) and Part-of-Speech (PoS) tagging. NER models could be trained to identify specific entities in a text, such as dates, individuals and places; and PoS tagging would identify, for example, which words in a text are verbs, nouns, and punctuation marks.
|
TokenClassificationPipeline
|
dbmdz/bert-large-cased-finetuned-conll03-english
|
['AutoModelForTokenClassification']
|
https://huggingface.co/tasks/token-classification
|
https://github.com/huggingface/huggingface.js/tree/main/packages/tasks/src/tasks/token-classification
|
translation
|
text
|
[
"text"
] |
[
"text"
] |
Translation is the task of converting text from one language to another.
|
TranslationPipeline
|
google-t5/t5-base
|
['AutoModelForSeq2SeqLM']
|
https://huggingface.co/tasks/translation
|
https://github.com/huggingface/huggingface.js/tree/main/packages/tasks/src/tasks/translation
|
unconditional-image-generation
|
vision
| null |
[
"image"
] |
Unconditional image generation is the task of generating images with no condition in any context (like a prompt text or another image). Once trained, the model will create images that resemble its training data distribution.
| null | null | null |
https://huggingface.co/tasks/unconditional-image-generation
|
https://github.com/huggingface/huggingface.js/tree/main/packages/tasks/src/tasks/unconditional-image-generation
|
video-classification
|
vision
|
[
"video"
] |
[
"logits"
] |
Video classification is the task of assigning a label or class to an entire video. Videos are expected to have only one class for each video. Video classification models take a video as input and return a prediction about which class the video belongs to.
|
VideoClassificationPipeline
|
MCG-NJU/videomae-base-finetuned-kinetics
|
['AutoModelForVideoClassification']
|
https://huggingface.co/tasks/video-classification
|
https://github.com/huggingface/huggingface.js/tree/main/packages/tasks/src/tasks/video-classification
|
video-text-to-text
|
vision
|
[
"image",
"text"
] |
[
"text"
] |
Video-text-to-text models take in a video and a text prompt and output text. These models are also called video-language models.
| null | null | null |
https://huggingface.co/tasks/video-text-to-text
|
https://github.com/huggingface/huggingface.js/tree/main/packages/tasks/src/tasks/video-text-to-text
|
visual-document-retrieval
|
multimodal
|
[
"image",
"text"
] |
[
"logits"
] |
Visual document retrieval is the task of searching for relevant image-based documents, such as PDFs. These models take a text query and multiple documents as input and return the top-most relevant documents and relevancy scores as output.
| null | null | null |
https://huggingface.co/tasks/visual-document-retrieval
|
https://github.com/huggingface/huggingface.js/tree/main/packages/tasks/src/tasks/visual-document-retrieval
|
visual-question-answering
|
multimodal
|
[
"image",
"text"
] |
[
"logits"
] |
Visual Question Answering is the task of answering open-ended questions based on an image. They output natural language responses to natural language questions.
|
VisualQuestionAnsweringPipeline
|
dandelin/vilt-b32-finetuned-vqa
|
['AutoModelForVisualQuestionAnswering']
|
https://huggingface.co/tasks/visual-question-answering
|
https://github.com/huggingface/huggingface.js/tree/main/packages/tasks/src/tasks/visual-question-answering
|
zero-shot-classification
|
text
|
[
"text",
"text"
] |
[
"logits"
] |
Zero-shot text classification is a task in natural language processing where a model is trained on a set of labeled examples but is then able to classify new examples from previously unseen classes.
|
ZeroShotClassificationPipeline
|
facebook/bart-large-mnli
|
['AutoModelForSequenceClassification']
|
https://huggingface.co/tasks/zero-shot-classification
|
https://github.com/huggingface/huggingface.js/tree/main/packages/tasks/src/tasks/zero-shot-classification
|
zero-shot-image-classification
|
multimodal
|
[
"image",
"text"
] |
[
"logits"
] |
Zero-shot image classification is the task of classifying previously unseen classes during training of a model.
|
ZeroShotImageClassificationPipeline
|
openai/clip-vit-base-patch32
|
['AutoModelForZeroShotImageClassification']
|
https://huggingface.co/tasks/zero-shot-image-classification
|
https://github.com/huggingface/huggingface.js/tree/main/packages/tasks/src/tasks/zero-shot-image-classification
|
zero-shot-object-detection
|
multimodal
|
[
"image",
"text"
] |
[
"image"
] |
Zero-shot object detection is a computer vision task to detect objects and their classes in images, without any prior training or knowledge of the classes. Zero-shot object detection models receive an image as input, as well as a list of candidate classes, and output the bounding boxes and labels where the objects have been detected.
|
ZeroShotObjectDetectionPipeline
|
google/owlvit-base-patch32
|
['AutoModelForZeroShotObjectDetection']
|
https://huggingface.co/tasks/zero-shot-object-detection
|
https://github.com/huggingface/huggingface.js/tree/main/packages/tasks/src/tasks/zero-shot-object-detection
|
README.md exists but content is empty.
- Downloads last month
- 4