From d2015999b4d1f6cd36ae165bab9707b3813c299b Mon Sep 17 00:00:00 2001 From: "Yuichiro Tachibana (Tsuchiya)" Date: Tue, 11 Nov 2025 21:50:43 +0900 Subject: [PATCH 1/5] Add good-first models doc page --- docs/source/_toctree.yml | 2 + docs/source/good-first-models.md | 735 +++++++++++++++++++++++++++++++ src/pipelines.js | 48 ++ 3 files changed, 785 insertions(+) create mode 100644 docs/source/good-first-models.md diff --git a/docs/source/_toctree.yml b/docs/source/_toctree.yml index d0b622528..7abb5b9a9 100644 --- a/docs/source/_toctree.yml +++ b/docs/source/_toctree.yml @@ -7,6 +7,8 @@ title: The pipeline API - local: custom_usage title: Custom usage + - local: good-first-models + title: Good-First Models title: Get started - sections: - local: tutorials/vanilla-js diff --git a/docs/source/good-first-models.md b/docs/source/good-first-models.md new file mode 100644 index 000000000..98300ffaa --- /dev/null +++ b/docs/source/good-first-models.md @@ -0,0 +1,735 @@ +# Good-First Models + +This guide provides curated model recommendations for each task type, selected for their: +- **Popularity**: Widely used with strong community support +- **Performance**: Fast loading and inference times +- **WebGPU Compatibility**: GPU-accelerated in modern browsers + +**Important:** These recommendations are designed for initial experimentation and learning. Many other models are available for each task. **You should evaluate and choose the best model for your specific use case, performance requirements, and constraints.** + +## About the Model Recommendations + +The models below are selected for their popularity and ease of use, making them ideal for initial experimentation. **This list does not cover all available models** - you should evaluate and select the best model for your specific use case and requirements. + +## Audio-Classification + +**Usage Example:** Perform audio classification + +```javascript +const classifier = await pipeline('audio-classification', 'onnx-community/Musical-genres-Classification-Hubert-V1-ONNX'); +const url = 'https://huggingface.co/datasets/Xenova/transformers.js-docs/resolve/main/jfk.wav'; +const output = await classifier(url); +``` + +### Recommended Models for First-Time Trials + +#### onnx-community/Musical-genres-Classification-Hubert-V1-ONNX + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 264.4ms | Inference: 136.5ms | Downloads: 6 | Likes: 2 + +#### Xenova/ast-finetuned-audioset-10-10-0.4593 + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 2827.1ms | Inference: 544.1ms | Downloads: 36 + +#### Xenova/ast-finetuned-speech-commands-v2 + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 3254.1ms | Inference: 759.0ms | Downloads: 16 | Likes: 2 + +#### onnx-community/Speech-Emotion-Classification-ONNX + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 3070.4ms | Inference: 574.9ms | Downloads: 10 | Likes: 2 + +#### Xenova/wav2vec2-base-superb-ks + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 3211.4ms | Inference: 584.7ms | Downloads: 17 | Likes: 1 + +--- + +## Automatic-Speech-Recognition + +**Usage Example:** Transcribe audio from a URL + +```javascript +const transcriber = await pipeline('automatic-speech-recognition', 'Xenova/whisper-tiny.en'); +const url = 'https://huggingface.co/datasets/Xenova/transformers.js-docs/resolve/main/jfk.wav'; +const output = await transcriber(url); +``` + +### Recommended Models for First-Time Trials + +#### Xenova/whisper-tiny.en + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 1045.6ms | Inference: 1314.3ms | Downloads: 40.4k | Likes: 19 + +#### Xenova/whisper-tiny + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 1037.2ms | Inference: 1258.4ms | Downloads: 25.0k | Likes: 10 + +#### onnx-community/moonshine-base-ONNX + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 1906.3ms | Inference: 889.1ms | Downloads: 10.7k | Likes: 30 + +#### onnx-community/whisper-base + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 1885.8ms | Inference: 878.9ms | Downloads: 15.8k | Likes: 22 + +#### Xenova/whisper-base.en + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 1591.3ms | Inference: 1941.5ms | Downloads: 27.9k | Likes: 1 + +--- + +## Depth-Estimation + +**Usage Example:** Depth estimation + +```javascript +const depth_estimator = await pipeline('depth-estimation', 'Xenova/depth-anything-small-hf'); +const url = 'https://huggingface.co/datasets/Xenova/transformers.js-docs/resolve/main/cats.jpg'; +const out = await depth_estimator(url); +``` + +### Recommended Models for First-Time Trials + +#### Xenova/depth-anything-small-hf + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 414.3ms | Inference: 419.3ms | Downloads: 3.0k | Likes: 11 + +#### onnx-community/depth-anything-v2-small + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 450.0ms | Inference: 357.1ms | Downloads: 1.2k | Likes: 22 + +#### onnx-community/metric3d-vit-small + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 786.2ms | Inference: 515.7ms | Downloads: 22 | Likes: 2 + +#### Xenova/glpn-nyu + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 1454.5ms | Inference: 1076.9ms | Downloads: 8 + +#### Xenova/glpn-kitti + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 1451.4ms | Inference: 1083.3ms | Downloads: 8 + +--- + +## Feature-Extraction + +**Usage Example:** Run feature extraction + +```javascript +const extractor = await pipeline('feature-extraction', 'Xenova/all-MiniLM-L6-v2'); +const output = await extractor('This is a simple test.'); +``` + +### Recommended Models for First-Time Trials + +#### Xenova/all-MiniLM-L6-v2 + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 373.5ms | Inference: 143.9ms | Downloads: 411.8k | Likes: 89 + +#### Xenova/bge-base-en-v1.5 + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 3620.8ms | Inference: 816.4ms | Downloads: 1.1M | Likes: 8 + +#### Xenova/gte-small + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 588.7ms | Inference: 228.4ms | Downloads: 13.0k | Likes: 22 + +#### onnx-community/bert_uncased_L-2_H-128_A-2-ONNX + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 110.8ms | Inference: 49.2ms | Downloads: 8 + +#### Xenova/paraphrase-albert-base-v2 + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 328.8ms | Inference: 39.1ms | Downloads: 21 + +--- + +## Fill-Mask + +**Usage Example:** Perform masked language modelling (a.k.a. "fill-mask") + +```javascript +const unmasker = await pipeline('fill-mask', 'Xenova/distilbert-base-uncased'); +const output = await unmasker('The goal of life is [MASK].'); +``` + +### Recommended Models for First-Time Trials + +#### Xenova/distilbert-base-uncased + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 769.8ms | Inference: 302.4ms | Downloads: 684 | Likes: 1 + +#### Xenova/bert-base-uncased + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 4432.7ms | Inference: 919.4ms | Downloads: 774 | Likes: 1 + +#### Xenova/albert-base-v2 + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 324.9ms | Inference: 68.1ms | Downloads: 19 | Likes: 1 + +#### Xenova/distilbert-base-cased + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 742.7ms | Inference: 301.1ms | Downloads: 20 | Likes: 1 + +#### Xenova/albert-large-v2 + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 499.6ms | Inference: 78.8ms | Downloads: 14 + +--- + +## Image-Classification + +**Usage Example:** Classify an image + +```javascript +const classifier = await pipeline('image-classification', 'Xenova/vit-base-patch16-224'); +const url = 'https://huggingface.co/datasets/Xenova/transformers.js-docs/resolve/main/tiger.jpg'; +const output = await classifier(url); +``` + +### Recommended Models for First-Time Trials + +#### Xenova/vit-base-patch16-224 + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 2894.1ms | Inference: 476.3ms | Downloads: 5.1k | Likes: 2 + +#### Xenova/facial_emotions_image_detection + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 2922.3ms | Inference: 479.3ms | Downloads: 346 | Likes: 6 + +#### Xenova/resnet-18 + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 152.1ms | Inference: 90.8ms | Downloads: 23 | Likes: 2 + +#### Xenova/resnet-50 + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 304.9ms | Inference: 160.5ms | Downloads: 679 + +#### onnx-community/mobilenet_v2_1.0_224 + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 90.7ms | Inference: 99.7ms | Downloads: 35 | Likes: 1 + +--- + +## Image-Feature-Extraction + +**Usage Example:** Perform image feature extraction + +```javascript +const image_feature_extractor = await pipeline('image-feature-extraction', 'onnx-community/dinov3-vits16-pretrain-lvd1689m-ONNX'); +const url = 'https://huggingface.co/datasets/huggingface/documentation-images/resolve/main/cats.png'; +const features = await image_feature_extractor(url); +``` + +### Recommended Models for First-Time Trials + +#### onnx-community/dinov3-vits16-pretrain-lvd1689m-ONNX + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 311.4ms | Inference: 352.4ms | Downloads: 1.4k | Likes: 13 + +#### Xenova/dino-vits16 + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 321.7ms | Inference: 247.3ms | Downloads: 995 + +#### onnx-community/dinov3-vits16-pretrain-lvd1689m-ONNX-MHA-scores + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 342.8ms | Inference: 259.6ms | Downloads: 474 | Likes: 2 + +#### onnx-community/dinov2-small-ONNX + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 311.5ms | Inference: 264.2ms | Downloads: 3 | Likes: 1 + +#### onnx-community/dinov2-with-registers-small + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 312.4ms | Inference: 270.6ms | Downloads: 3 | Likes: 1 + +--- + +## Image-Segmentation + +**Usage Example:** Perform image segmentation + +```javascript +const segmenter = await pipeline('image-segmentation', 'Xenova/segformer-b0-finetuned-ade-512-512'); +const url = 'https://huggingface.co/datasets/Xenova/transformers.js-docs/resolve/main/cats.jpg'; +const output = await segmenter(url); +``` + +### Recommended Models for First-Time Trials + +#### Xenova/segformer-b0-finetuned-ade-512-512 + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 205.6ms | Inference: 1612.3ms | Downloads: 1.1M | Likes: 1 + +#### Xenova/modnet + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 144.6ms | Inference: 286.9ms | Downloads: 7.4k | Likes: 64 + +#### onnx-community/modnet-webnn + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 147.5ms | Inference: 223.2ms | Downloads: 15 | Likes: 4 + +#### Xenova/segformer_b0_clothes + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 203.9ms | Inference: 632.4ms | Downloads: 101 | Likes: 2 + +#### Xenova/segformer-b0-finetuned-cityscapes-1024-1024 + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 200.2ms | Inference: 519.0ms | Downloads: 6 + +--- + +## Image-To-Image + +**Usage Example:** + +```javascript +const processor = await pipeline('image-to-image', 'Xenova/2x_APISR_RRDB_GAN_generator-onnx'); +const url = 'https://huggingface.co/datasets/Xenova/transformers.js-docs/resolve/main/tiger.jpg'; +const output = await processor(url); +``` + +### Recommended Models for First-Time Trials + +#### Xenova/2x_APISR_RRDB_GAN_generator-onnx + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 117.5ms | Inference: 596.3ms | Downloads: 19 | Likes: 2 + +#### Xenova/4x_APISR_GRL_GAN_generator-onnx + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 2712.5ms | Inference: 3362.6ms | Downloads: 34 | Likes: 14 + +--- + +## Object-Detection + +**Usage Example:** Run object-detection + +```javascript +const detector = await pipeline('object-detection', 'Xenova/detr-resnet-50'); +const img = 'https://huggingface.co/datasets/Xenova/transformers.js-docs/resolve/main/cats.jpg'; +const output = await detector(img, { threshold: 0.9 }); +``` + +### Recommended Models for First-Time Trials + +#### Xenova/detr-resnet-50 + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 718.2ms | Inference: 625.4ms | Downloads: 13.6k | Likes: 16 + +#### Xenova/yolos-tiny + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 190.1ms | Inference: 904.3ms | Downloads: 815 | Likes: 6 + +#### onnx-community/rfdetr_base-ONNX + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 470.4ms | Inference: 420.9ms | Downloads: 5 | Likes: 2 + +#### Xenova/yolos-small-300 + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 400.0ms | Inference: 1776.1ms | Downloads: 614 + +#### onnx-community/rfdetr_medium-ONNX + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 578.1ms | Inference: 486.1ms | Downloads: 10 | Likes: 1 + +--- + +## Question-Answering + +**Usage Example:** Run question answering + +```javascript +const answerer = await pipeline('question-answering', 'Xenova/distilbert-base-cased-distilled-squad'); +const question = 'Who was Jim Henson?'; +const context = 'Jim Henson was a nice puppet.'; +const output = await answerer(question, context); +``` + +### Recommended Models for First-Time Trials + +#### Xenova/distilbert-base-cased-distilled-squad + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 746.8ms | Inference: 164.3ms | Downloads: 5.7k | Likes: 4 + +#### onnx-community/rubert_tiny_qa_kontur-ONNX + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 411.4ms | Inference: 111.1ms | Downloads: 4 + +#### Xenova/distilbert-base-uncased-distilled-squad + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 726.1ms | Inference: 204.5ms | Downloads: 886 + +#### onnx-community/xlm-roberta-base-squad2-distilled-ONNX + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 9046.6ms | Inference: 1201.1ms | Downloads: 21.9k + +#### onnx-community/mobilebert-uncased-squad-v2-ONNX + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 465.3ms | Inference: 911.1ms | Downloads: 5 + +--- + +## Summarization + +**Usage Example:** Summarization + +```javascript +const generator = await pipeline('summarization', 'Xenova/distilbart-cnn-6-6'); +const text = 'The tower is 324 metres (1,063 ft) tall, about the same height as an 81-storey building, ' + + 'and the tallest structure in Paris. Its base is square, measuring 125 metres (410 ft) on each side. ' + + 'During its construction, the Eiffel Tower surpassed the Washington Monument to become the tallest ' + + 'man-made structure in the world, a title it held for 41 years until the Chrysler Building in New ' + + 'York City was finished in 1930. It was the first structure to reach a height of 300 metres. Due to ' + + 'the addition of a broadcasting aerial at the top of the tower in 1957, it is now taller than the ' + + 'Chrysler Building by 5.2 metres (17 ft). Excluding transmitters, the Eiffel Tower is the second ' + + 'tallest free-standing structure in France after the Millau Viaduct.'; +const output = await generator(text, { + max_new_tokens: 100, +}); +``` + +### Recommended Models for First-Time Trials + +#### Xenova/distilbart-cnn-6-6 + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 9311.4ms | Inference: 2527.9ms | Downloads: 4.1k | Likes: 9 + +#### Xenova/distilbart-xsum-12-1 + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 8184.2ms | Inference: 1283.7ms | Downloads: 29 + +#### Xenova/distilbart-xsum-6-6 + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 8895.0ms | Inference: 1519.4ms | Downloads: 31 | Likes: 1 + +#### Xenova/distilbart-xsum-9-6 + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 10079.9ms | Inference: 1730.8ms | Downloads: 26 + +#### Xenova/distilbart-cnn-12-3 + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 8878.6ms | Inference: 2479.6ms | Downloads: 31 + +--- + +## Text-Classification + +**Usage Example:** + +```javascript +const classifier = await pipeline('text-classification', 'Xenova/distilbert-base-uncased-finetuned-sst-2-english'); +const output = await classifier('I love transformers!'); +``` + +### Recommended Models for First-Time Trials + +#### Xenova/distilbert-base-uncased-finetuned-sst-2-english + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 662.4ms | Inference: 245.3ms | Downloads: 8.3k | Likes: 11 + +#### Xenova/ms-marco-MiniLM-L-6-v2 + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 365.1ms | Inference: 146.6ms | Downloads: 7.0k | Likes: 4 + +#### Xenova/ms-marco-TinyBERT-L-2-v2 + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 115.1ms | Inference: 56.2ms | Downloads: 1.6k | Likes: 3 + +#### Xenova/toxic-bert + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 3789.0ms | Inference: 808.8ms | Downloads: 5.0k | Likes: 6 + +#### onnx-community/language_detection-ONNX + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 338.1ms | Inference: 116.0ms | Downloads: 270 | Likes: 4 + +--- + +## Text-Generation + +**Usage Example:** Text generation + +```javascript +const generator = await pipeline('text-generation', 'Xenova/distilgpt2'); +const output = await generator('Once upon a time, there was', { max_new_tokens: 10 }); +``` + +### Recommended Models for First-Time Trials + +#### Xenova/distilgpt2 + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 3207.5ms | Inference: 469.7ms | Downloads: 7.6k | Likes: 9 + +#### Xenova/llama2.c-stories15M + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 396.8ms | Inference: 251.4ms | Downloads: 1.7k | Likes: 7 + +#### onnx-community/ettin-decoder-17m-ONNX + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 328.2ms | Inference: 221.9ms | Downloads: 6 | Likes: 1 + +#### onnx-community/Lamina-extend-ONNX + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 141.9ms | Inference: 190.0ms | Downloads: 5 + +#### onnx-community/chess-llama-ONNX + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 249.3ms | Inference: 197.2ms | Downloads: 3 + +--- + +## Token-Classification + +**Usage Example:** Perform named entity recognition + +```javascript +const classifier = await pipeline('token-classification', 'onnx-community/NeuroBERT-NER-ONNX'); +const output = await classifier('My name is Sarah and I live in London'); +``` + +### Recommended Models for First-Time Trials + +#### onnx-community/NeuroBERT-NER-ONNX + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 170.4ms | Inference: 61.6ms | Downloads: 5 | Likes: 2 + +#### onnx-community/TinyBERT-finetuned-NER-ONNX + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 261.7ms | Inference: 79.9ms | Downloads: 4 | Likes: 1 + +#### Xenova/esm2_t6_8M_UR50D_rna_binding_site_predictor + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 279.3ms | Inference: 118.6ms | Downloads: 6 | Likes: 1 + +#### onnx-community/distilbert-NER-ONNX + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 682.0ms | Inference: 258.2ms | Downloads: 13 | Likes: 2 + +#### onnx-community/small-e-czech-finetuned-ner-wikiann-ONNX + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 271.3ms | Inference: 193.4ms | Downloads: 5 + +--- + +## Translation + +**Usage Example:** Multilingual translation + +```javascript +const translator = await pipeline('translation', 'Xenova/opus-mt-en-es'); +const output = await translator('Life is like a box of chocolate.', { + src_lang: '...', + tgt_lang: '...', +}); +``` + +### Recommended Models for First-Time Trials + +#### Xenova/opus-mt-en-es + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 1956.5ms | Inference: 617.7ms | Downloads: 1.9k | Likes: 3 + +#### Xenova/opus-mt-zh-en + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 1964.7ms | Inference: 799.0ms | Downloads: 51 | Likes: 4 + +#### Xenova/opus-mt-en-zh + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 1830.0ms | Inference: 481.5ms | Downloads: 490 | Likes: 2 + +#### Xenova/opus-mt-en-fr + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 1786.1ms | Inference: 446.7ms | Downloads: 383 | Likes: 2 + +#### Xenova/opus-mt-ar-en + +**WebGPU Compatible:** ✅ Yes + +**Metrics:** Load: 1756.6ms | Inference: 733.8ms | Downloads: 338 | Likes: 2 + +--- + +## About These Recommendations + +### Selection Criteria + +Models in this guide are selected based on: +- **Popularity**: High download counts and community engagement on HuggingFace Hub +- **Performance**: Fast loading and inference times based on benchmark results +- **Compatibility**: Verified WebGPU support for GPU-accelerated browser execution + +### Understanding Benchmark Metrics + +**Important:** All performance metrics (load time, inference time, etc.) are measured in a controlled benchmark environment. These metrics are useful for **comparing models against each other**, but they may not reflect the actual performance you'll experience in your specific environment. Factors that affect real-world performance include: +- Hardware specifications (CPU, GPU, memory) +- Browser type and version +- Operating system +- Network conditions (for model loading) +- Concurrent processes and system load + +**We recommend** benchmarking models in your own environment with your actual use case to get accurate performance measurements. + +### For Production Use + +These recommendations are optimized for first-time trials and learning. For production applications, consider: +- Evaluating multiple models for your specific use case +- Testing with your actual data and performance requirements +- Reviewing the full benchmark results for comprehensive comparisons +- Exploring specialized models that may better fit your needs + +Visit the full leaderboard to explore all available models and their benchmark results. diff --git a/src/pipelines.js b/src/pipelines.js index 6c84403e2..eeb76834f 100644 --- a/src/pipelines.js +++ b/src/pipelines.js @@ -268,6 +268,9 @@ export class Pipeline extends Callable { * // { label: 'severe_toxic', score: 0.005651099607348442 } * // ] * ``` + * + * ### Quickstart models + * See ../good-first-models#text-classification */ export class TextClassificationPipeline extends (/** @type {new (options: TextPipelineConstructorArgs) => TextClassificationPipelineType} */ (Pipeline)) { @@ -379,6 +382,9 @@ export class TextClassificationPipeline extends (/** @type {new (options: TextPi * // { entity: 'I-LOC', score: 0.9975294470787048, index: 8, word: 'America' } * // ] * ``` + * + * ### Quickstart models + * See ../good-first-models#token-classification */ export class TokenClassificationPipeline extends (/** @type {new (options: TextPipelineConstructorArgs) => TokenClassificationPipelineType} */ (Pipeline)) { @@ -486,6 +492,9 @@ export class TokenClassificationPipeline extends (/** @type {new (options: TextP * // score: 0.5768911502526741 * // } * ``` + * + * ### Quickstart models + * See ../good-first-models#question-answering */ export class QuestionAnsweringPipeline extends (/** @type {new (options: TextPipelineConstructorArgs) => QuestionAnsweringPipelineType} */ (Pipeline)) { @@ -636,6 +645,9 @@ export class QuestionAnsweringPipeline extends (/** @type {new (options: TextPip * const output = await unmasker('The Milky Way is a [MASK] galaxy.', { top_k: 1 }); * // [{ token_str: 'spiral', score: 0.6299987435340881, token: 14061, sequence: 'The Milky Way is a spiral galaxy.' }] * ``` + * + * ### Quickstart models + * See ../good-first-models#fill-mask */ export class FillMaskPipeline extends (/** @type {new (options: TextPipelineConstructorArgs) => FillMaskPipelineType} */ (Pipeline)) { @@ -821,6 +833,9 @@ export class Text2TextGenerationPipeline extends (/** @type {new (options: TextP * }); * // [{ summary_text: ' The Eiffel Tower is about the same height as an 81-storey building and the tallest structure in Paris. It is the second tallest free-standing structure in France after the Millau Viaduct.' }] * ``` + * + * ### Quickstart models + * See ../good-first-models#summarization */ export class SummarizationPipeline extends (/** @type {new (options: TextPipelineConstructorArgs) => SummarizationPipelineType} */ (/** @type {any} */ (Text2TextGenerationPipeline))) { /** @type {'summary_text'} */ @@ -893,6 +908,9 @@ export class SummarizationPipeline extends (/** @type {new (options: TextPipelin * }); * // [{ translation_text: 'Le chef des Nations affirme qu 'il n 'y a military solution in Syria.' }] * ``` + * + * ### Quickstart models + * See ../good-first-models#translation */ export class TranslationPipeline extends (/** @type {new (options: TextPipelineConstructorArgs) => TranslationPipelineType} */ (/** @type {any} */ (Text2TextGenerationPipeline))) { /** @type {'translation_text'} */ @@ -980,6 +998,9 @@ function isChat(x) { * // ' return fib(n-1) + fib(n-2)\n' * // }] * ``` + * + * ### Quickstart models + * See ../good-first-models#text-generation */ export class TextGenerationPipeline extends (/** @type {new (options: TextPipelineConstructorArgs) => TextGenerationPipelineType} */ (Pipeline)) { @@ -1291,6 +1312,9 @@ export class ZeroShotClassificationPipeline extends (/** @type {new (options: Te * // dims: [1, 48] * // } * ``` + * + * ### Quickstart models + * See ../good-first-models#feature-extraction */ export class FeatureExtractionPipeline extends (/** @type {new (options: TextPipelineConstructorArgs) => FeatureExtractionPipelineType} */ (Pipeline)) { /** @@ -1399,6 +1423,9 @@ export class FeatureExtractionPipeline extends (/** @type {new (options: TextPip * // size: 512 * // } * ``` + * + * ### Quickstart models + * See ../good-first-models#image-feature-extraction */ export class ImageFeatureExtractionPipeline extends (/** @type {new (options: ImagePipelineConstructorArgs) => ImageFeatureExtractionPipelineType} */ (Pipeline)) { /** @@ -1487,6 +1514,9 @@ export class ImageFeatureExtractionPipeline extends (/** @type {new (options: Im * // { label: 'Animal', score: 0.08985692262649536 }, * // ] * ``` + * + * ### Quickstart models + * See ../good-first-models#audio-classification */ export class AudioClassificationPipeline extends (/** @type {new (options: AudioPipelineConstructorArgs) => AudioClassificationPipelineType} */ (Pipeline)) { @@ -1728,6 +1758,9 @@ export class ZeroShotAudioClassificationPipeline extends (/** @type {new (option * const output = await transcriber(url, { chunk_length_s: 30, stride_length_s: 5 }); * // { text: " So in college, I was a government major, which means [...] So I'd start off light and I'd bump it up" } * ``` + * + * ### Quickstart models + * See ../good-first-models#automatic-speech-recognition */ export class AutomaticSpeechRecognitionPipeline extends (/** @type {new (options: TextAudioPipelineConstructorArgs) => AutomaticSpeechRecognitionPipelineType} */ (Pipeline)) { @@ -2060,6 +2093,9 @@ export class ImageToTextPipeline extends (/** @type {new (options: TextImagePipe * // ... * // ] * ``` + * + * ### Quickstart models + * See ../good-first-models#image-classification */ export class ImageClassificationPipeline extends (/** @type {new (options: ImagePipelineConstructorArgs) => ImageClassificationPipelineType} */ (Pipeline)) { @@ -2145,6 +2181,9 @@ export class ImageClassificationPipeline extends (/** @type {new (options: Image * // { label: 'cat', score: 0.9994316101074219, mask: RawImage { ... } } * // ] * ``` + * + * ### Quickstart models + * See ../good-first-models#image-segmentation */ export class ImageSegmentationPipeline extends (/** @type {new (options: ImagePipelineConstructorArgs) => ImageSegmentationPipelineType} */ (Pipeline)) { /** @@ -2484,6 +2523,9 @@ export class ZeroShotImageClassificationPipeline extends (/** @type {new (option * // box: { xmin: 331, ymin: 19, xmax: 649, ymax: 371 } * // }] * ``` + * + * ### Quickstart models + * See ../good-first-models#object-detection */ export class ObjectDetectionPipeline extends (/** @type {new (options: ImagePipelineConstructorArgs) => ObjectDetectionPipelineType} */ (Pipeline)) { @@ -2950,6 +2992,9 @@ export class TextToAudioPipeline extends (/** @type {new (options: TextToAudioPi * // channels: 3 * // } * ``` + * + * ### Quickstart models + * See ../good-first-models#image-to-image */ export class ImageToImagePipeline extends (/** @type {new (options: ImagePipelineConstructorArgs) => ImageToImagePipelineType} */ (Pipeline)) { /** @@ -3013,6 +3058,9 @@ export class ImageToImagePipeline extends (/** @type {new (options: ImagePipelin * // } * // } * ``` + * + * ### Quickstart models + * See ../good-first-models#depth-estimation */ export class DepthEstimationPipeline extends (/** @type {new (options: ImagePipelineConstructorArgs) => DepthEstimationPipelineType} */ (Pipeline)) { /** From f15013a570943211a325518d3ed6054d3bd46e7e Mon Sep 17 00:00:00 2001 From: "Yuichiro Tachibana (Tsuchiya)" Date: Tue, 11 Nov 2025 22:40:55 +0900 Subject: [PATCH 2/5] fix markdown --- src/pipelines.js | 32 ++++++++++++++++---------------- 1 file changed, 16 insertions(+), 16 deletions(-) diff --git a/src/pipelines.js b/src/pipelines.js index eeb76834f..a44efbb25 100644 --- a/src/pipelines.js +++ b/src/pipelines.js @@ -270,7 +270,7 @@ export class Pipeline extends Callable { * ``` * * ### Quickstart models - * See ../good-first-models#text-classification + * See [Quickstart models](../good-first-models#text-classification) */ export class TextClassificationPipeline extends (/** @type {new (options: TextPipelineConstructorArgs) => TextClassificationPipelineType} */ (Pipeline)) { @@ -384,7 +384,7 @@ export class TextClassificationPipeline extends (/** @type {new (options: TextPi * ``` * * ### Quickstart models - * See ../good-first-models#token-classification + * See [Quickstart models](../good-first-models#token-classification) */ export class TokenClassificationPipeline extends (/** @type {new (options: TextPipelineConstructorArgs) => TokenClassificationPipelineType} */ (Pipeline)) { @@ -494,7 +494,7 @@ export class TokenClassificationPipeline extends (/** @type {new (options: TextP * ``` * * ### Quickstart models - * See ../good-first-models#question-answering + * See [Quickstart models](../good-first-models#question-answering) */ export class QuestionAnsweringPipeline extends (/** @type {new (options: TextPipelineConstructorArgs) => QuestionAnsweringPipelineType} */ (Pipeline)) { @@ -647,7 +647,7 @@ export class QuestionAnsweringPipeline extends (/** @type {new (options: TextPip * ``` * * ### Quickstart models - * See ../good-first-models#fill-mask + * See [Quickstart models](../good-first-models#fill-mask) */ export class FillMaskPipeline extends (/** @type {new (options: TextPipelineConstructorArgs) => FillMaskPipelineType} */ (Pipeline)) { @@ -835,7 +835,7 @@ export class Text2TextGenerationPipeline extends (/** @type {new (options: TextP * ``` * * ### Quickstart models - * See ../good-first-models#summarization + * See [Quickstart models](../good-first-models#summarization) */ export class SummarizationPipeline extends (/** @type {new (options: TextPipelineConstructorArgs) => SummarizationPipelineType} */ (/** @type {any} */ (Text2TextGenerationPipeline))) { /** @type {'summary_text'} */ @@ -910,7 +910,7 @@ export class SummarizationPipeline extends (/** @type {new (options: TextPipelin * ``` * * ### Quickstart models - * See ../good-first-models#translation + * See [Quickstart models](../good-first-models#translation) */ export class TranslationPipeline extends (/** @type {new (options: TextPipelineConstructorArgs) => TranslationPipelineType} */ (/** @type {any} */ (Text2TextGenerationPipeline))) { /** @type {'translation_text'} */ @@ -1000,7 +1000,7 @@ function isChat(x) { * ``` * * ### Quickstart models - * See ../good-first-models#text-generation + * See [Quickstart models](../good-first-models#text-generation) */ export class TextGenerationPipeline extends (/** @type {new (options: TextPipelineConstructorArgs) => TextGenerationPipelineType} */ (Pipeline)) { @@ -1314,7 +1314,7 @@ export class ZeroShotClassificationPipeline extends (/** @type {new (options: Te * ``` * * ### Quickstart models - * See ../good-first-models#feature-extraction + * See [Quickstart models](../good-first-models#feature-extraction) */ export class FeatureExtractionPipeline extends (/** @type {new (options: TextPipelineConstructorArgs) => FeatureExtractionPipelineType} */ (Pipeline)) { /** @@ -1425,7 +1425,7 @@ export class FeatureExtractionPipeline extends (/** @type {new (options: TextPip * ``` * * ### Quickstart models - * See ../good-first-models#image-feature-extraction + * See [Quickstart models](../good-first-models#image-feature-extraction) */ export class ImageFeatureExtractionPipeline extends (/** @type {new (options: ImagePipelineConstructorArgs) => ImageFeatureExtractionPipelineType} */ (Pipeline)) { /** @@ -1516,7 +1516,7 @@ export class ImageFeatureExtractionPipeline extends (/** @type {new (options: Im * ``` * * ### Quickstart models - * See ../good-first-models#audio-classification + * See [Quickstart models](../good-first-models#audio-classification) */ export class AudioClassificationPipeline extends (/** @type {new (options: AudioPipelineConstructorArgs) => AudioClassificationPipelineType} */ (Pipeline)) { @@ -1760,7 +1760,7 @@ export class ZeroShotAudioClassificationPipeline extends (/** @type {new (option * ``` * * ### Quickstart models - * See ../good-first-models#automatic-speech-recognition + * See [Quickstart models](../good-first-models#automatic-speech-recognition) */ export class AutomaticSpeechRecognitionPipeline extends (/** @type {new (options: TextAudioPipelineConstructorArgs) => AutomaticSpeechRecognitionPipelineType} */ (Pipeline)) { @@ -2095,7 +2095,7 @@ export class ImageToTextPipeline extends (/** @type {new (options: TextImagePipe * ``` * * ### Quickstart models - * See ../good-first-models#image-classification + * See [Quickstart models](../good-first-models#image-classification) */ export class ImageClassificationPipeline extends (/** @type {new (options: ImagePipelineConstructorArgs) => ImageClassificationPipelineType} */ (Pipeline)) { @@ -2183,7 +2183,7 @@ export class ImageClassificationPipeline extends (/** @type {new (options: Image * ``` * * ### Quickstart models - * See ../good-first-models#image-segmentation + * See [Quickstart models](../good-first-models#image-segmentation) */ export class ImageSegmentationPipeline extends (/** @type {new (options: ImagePipelineConstructorArgs) => ImageSegmentationPipelineType} */ (Pipeline)) { /** @@ -2525,7 +2525,7 @@ export class ZeroShotImageClassificationPipeline extends (/** @type {new (option * ``` * * ### Quickstart models - * See ../good-first-models#object-detection + * See [Quickstart models](../good-first-models#object-detection) */ export class ObjectDetectionPipeline extends (/** @type {new (options: ImagePipelineConstructorArgs) => ObjectDetectionPipelineType} */ (Pipeline)) { @@ -2994,7 +2994,7 @@ export class TextToAudioPipeline extends (/** @type {new (options: TextToAudioPi * ``` * * ### Quickstart models - * See ../good-first-models#image-to-image + * See [Quickstart models](../good-first-models#image-to-image) */ export class ImageToImagePipeline extends (/** @type {new (options: ImagePipelineConstructorArgs) => ImageToImagePipelineType} */ (Pipeline)) { /** @@ -3060,7 +3060,7 @@ export class ImageToImagePipeline extends (/** @type {new (options: ImagePipelin * ``` * * ### Quickstart models - * See ../good-first-models#depth-estimation + * See [Quickstart models](../good-first-models#depth-estimation) */ export class DepthEstimationPipeline extends (/** @type {new (options: ImagePipelineConstructorArgs) => DepthEstimationPipelineType} */ (Pipeline)) { /** From e4777bf093bb1c419534ec0aee70c27f88dd871c Mon Sep 17 00:00:00 2001 From: "Yuichiro Tachibana (Tsuchiya)" Date: Tue, 11 Nov 2025 22:53:40 +0900 Subject: [PATCH 3/5] Add links --- docs/source/good-first-models.md | 268 +++++++++++++++---------------- 1 file changed, 134 insertions(+), 134 deletions(-) diff --git a/docs/source/good-first-models.md b/docs/source/good-first-models.md index 98300ffaa..6b91e8dcd 100644 --- a/docs/source/good-first-models.md +++ b/docs/source/good-first-models.md @@ -23,31 +23,31 @@ const output = await classifier(url); ### Recommended Models for First-Time Trials -#### onnx-community/Musical-genres-Classification-Hubert-V1-ONNX +#### [onnx-community/Musical-genres-Classification-Hubert-V1-ONNX](https://huggingface.co/onnx-community/Musical-genres-Classification-Hubert-V1-ONNX) **WebGPU Compatible:** ✅ Yes **Metrics:** Load: 264.4ms | Inference: 136.5ms | Downloads: 6 | Likes: 2 -#### Xenova/ast-finetuned-audioset-10-10-0.4593 +#### [Xenova/ast-finetuned-audioset-10-10-0.4593](https://huggingface.co/Xenova/ast-finetuned-audioset-10-10-0.4593) **WebGPU Compatible:** ✅ Yes **Metrics:** Load: 2827.1ms | Inference: 544.1ms | Downloads: 36 -#### Xenova/ast-finetuned-speech-commands-v2 +#### [Xenova/ast-finetuned-speech-commands-v2](https://huggingface.co/Xenova/ast-finetuned-speech-commands-v2) **WebGPU Compatible:** ✅ Yes **Metrics:** Load: 3254.1ms | Inference: 759.0ms | Downloads: 16 | Likes: 2 -#### onnx-community/Speech-Emotion-Classification-ONNX +#### [onnx-community/Speech-Emotion-Classification-ONNX](https://huggingface.co/onnx-community/Speech-Emotion-Classification-ONNX) **WebGPU Compatible:** ✅ Yes **Metrics:** Load: 3070.4ms | Inference: 574.9ms | Downloads: 10 | Likes: 2 -#### Xenova/wav2vec2-base-superb-ks +#### [Xenova/wav2vec2-base-superb-ks](https://huggingface.co/Xenova/wav2vec2-base-superb-ks) **WebGPU Compatible:** ✅ Yes @@ -67,35 +67,35 @@ const output = await transcriber(url); ### Recommended Models for First-Time Trials -#### Xenova/whisper-tiny.en +#### [Xenova/whisper-tiny.en](https://huggingface.co/Xenova/whisper-tiny.en) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 1045.6ms | Inference: 1314.3ms | Downloads: 40.4k | Likes: 19 +**Metrics:** Load: 1045.6ms | Inference: 1314.3ms | Downloads: 40.6k | Likes: 19 -#### Xenova/whisper-tiny +#### [Xenova/whisper-tiny](https://huggingface.co/Xenova/whisper-tiny) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 1037.2ms | Inference: 1258.4ms | Downloads: 25.0k | Likes: 10 +**Metrics:** Load: 1037.2ms | Inference: 1258.4ms | Downloads: 25.7k | Likes: 10 -#### onnx-community/moonshine-base-ONNX +#### [onnx-community/moonshine-base-ONNX](https://huggingface.co/onnx-community/moonshine-base-ONNX) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 1906.3ms | Inference: 889.1ms | Downloads: 10.7k | Likes: 30 +**Metrics:** Load: 1906.3ms | Inference: 889.1ms | Downloads: 10.9k | Likes: 29 -#### onnx-community/whisper-base +#### [onnx-community/whisper-base](https://huggingface.co/onnx-community/whisper-base) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 1885.8ms | Inference: 878.9ms | Downloads: 15.8k | Likes: 22 +**Metrics:** Load: 1885.8ms | Inference: 878.9ms | Downloads: 16.0k | Likes: 22 -#### Xenova/whisper-base.en +#### [Xenova/whisper-base.en](https://huggingface.co/Xenova/whisper-base.en) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 1591.3ms | Inference: 1941.5ms | Downloads: 27.9k | Likes: 1 +**Metrics:** Load: 1591.3ms | Inference: 1941.5ms | Downloads: 28.0k | Likes: 1 --- @@ -111,31 +111,31 @@ const out = await depth_estimator(url); ### Recommended Models for First-Time Trials -#### Xenova/depth-anything-small-hf +#### [Xenova/depth-anything-small-hf](https://huggingface.co/Xenova/depth-anything-small-hf) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 414.3ms | Inference: 419.3ms | Downloads: 3.0k | Likes: 11 +**Metrics:** Load: 414.3ms | Inference: 419.3ms | Downloads: 3.1k | Likes: 11 -#### onnx-community/depth-anything-v2-small +#### [onnx-community/depth-anything-v2-small](https://huggingface.co/onnx-community/depth-anything-v2-small) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 450.0ms | Inference: 357.1ms | Downloads: 1.2k | Likes: 22 +**Metrics:** Load: 450.0ms | Inference: 357.1ms | Downloads: 1.3k | Likes: 22 -#### onnx-community/metric3d-vit-small +#### [onnx-community/metric3d-vit-small](https://huggingface.co/onnx-community/metric3d-vit-small) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 786.2ms | Inference: 515.7ms | Downloads: 22 | Likes: 2 +**Metrics:** Load: 786.2ms | Inference: 515.7ms | Downloads: 21 | Likes: 2 -#### Xenova/glpn-nyu +#### [Xenova/glpn-nyu](https://huggingface.co/Xenova/glpn-nyu) **WebGPU Compatible:** ✅ Yes **Metrics:** Load: 1454.5ms | Inference: 1076.9ms | Downloads: 8 -#### Xenova/glpn-kitti +#### [Xenova/glpn-kitti](https://huggingface.co/Xenova/glpn-kitti) **WebGPU Compatible:** ✅ Yes @@ -154,31 +154,31 @@ const output = await extractor('This is a simple test.'); ### Recommended Models for First-Time Trials -#### Xenova/all-MiniLM-L6-v2 +#### [Xenova/all-MiniLM-L6-v2](https://huggingface.co/Xenova/all-MiniLM-L6-v2) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 373.5ms | Inference: 143.9ms | Downloads: 411.8k | Likes: 89 +**Metrics:** Load: 373.5ms | Inference: 143.9ms | Downloads: 425.1k | Likes: 89 -#### Xenova/bge-base-en-v1.5 +#### [Xenova/bge-base-en-v1.5](https://huggingface.co/Xenova/bge-base-en-v1.5) **WebGPU Compatible:** ✅ Yes **Metrics:** Load: 3620.8ms | Inference: 816.4ms | Downloads: 1.1M | Likes: 8 -#### Xenova/gte-small +#### [Xenova/gte-small](https://huggingface.co/Xenova/gte-small) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 588.7ms | Inference: 228.4ms | Downloads: 13.0k | Likes: 22 +**Metrics:** Load: 588.7ms | Inference: 228.4ms | Downloads: 13.5k | Likes: 22 -#### onnx-community/bert_uncased_L-2_H-128_A-2-ONNX +#### [onnx-community/bert_uncased_L-2_H-128_A-2-ONNX](https://huggingface.co/onnx-community/bert_uncased_L-2_H-128_A-2-ONNX) **WebGPU Compatible:** ✅ Yes **Metrics:** Load: 110.8ms | Inference: 49.2ms | Downloads: 8 -#### Xenova/paraphrase-albert-base-v2 +#### [Xenova/paraphrase-albert-base-v2](https://huggingface.co/Xenova/paraphrase-albert-base-v2) **WebGPU Compatible:** ✅ Yes @@ -197,35 +197,35 @@ const output = await unmasker('The goal of life is [MASK].'); ### Recommended Models for First-Time Trials -#### Xenova/distilbert-base-uncased +#### [Xenova/distilbert-base-uncased](https://huggingface.co/Xenova/distilbert-base-uncased) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 769.8ms | Inference: 302.4ms | Downloads: 684 | Likes: 1 +**Metrics:** Load: 769.8ms | Inference: 302.4ms | Downloads: 702 | Likes: 1 -#### Xenova/bert-base-uncased +#### [Xenova/bert-base-uncased](https://huggingface.co/Xenova/bert-base-uncased) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 4432.7ms | Inference: 919.4ms | Downloads: 774 | Likes: 1 +**Metrics:** Load: 4432.7ms | Inference: 919.4ms | Downloads: 814 | Likes: 1 -#### Xenova/albert-base-v2 +#### [Xenova/albert-base-v2](https://huggingface.co/Xenova/albert-base-v2) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 324.9ms | Inference: 68.1ms | Downloads: 19 | Likes: 1 +**Metrics:** Load: 324.9ms | Inference: 68.1ms | Downloads: 12 | Likes: 1 -#### Xenova/distilbert-base-cased +#### [Xenova/distilbert-base-cased](https://huggingface.co/Xenova/distilbert-base-cased) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 742.7ms | Inference: 301.1ms | Downloads: 20 | Likes: 1 +**Metrics:** Load: 742.7ms | Inference: 301.1ms | Downloads: 15 | Likes: 1 -#### Xenova/albert-large-v2 +#### [Xenova/albert-large-v2](https://huggingface.co/Xenova/albert-large-v2) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 499.6ms | Inference: 78.8ms | Downloads: 14 +**Metrics:** Load: 499.6ms | Inference: 78.8ms | Downloads: 11 --- @@ -241,35 +241,35 @@ const output = await classifier(url); ### Recommended Models for First-Time Trials -#### Xenova/vit-base-patch16-224 +#### [Xenova/vit-base-patch16-224](https://huggingface.co/Xenova/vit-base-patch16-224) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 2894.1ms | Inference: 476.3ms | Downloads: 5.1k | Likes: 2 +**Metrics:** Load: 2894.1ms | Inference: 476.3ms | Downloads: 5.3k | Likes: 2 -#### Xenova/facial_emotions_image_detection +#### [Xenova/facial_emotions_image_detection](https://huggingface.co/Xenova/facial_emotions_image_detection) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 2922.3ms | Inference: 479.3ms | Downloads: 346 | Likes: 6 +**Metrics:** Load: 2922.3ms | Inference: 479.3ms | Downloads: 375 | Likes: 6 -#### Xenova/resnet-18 +#### [Xenova/resnet-18](https://huggingface.co/Xenova/resnet-18) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 152.1ms | Inference: 90.8ms | Downloads: 23 | Likes: 2 +**Metrics:** Load: 152.1ms | Inference: 90.8ms | Downloads: 27 | Likes: 2 -#### Xenova/resnet-50 +#### [Xenova/resnet-50](https://huggingface.co/Xenova/resnet-50) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 304.9ms | Inference: 160.5ms | Downloads: 679 +**Metrics:** Load: 304.9ms | Inference: 160.5ms | Downloads: 677 -#### onnx-community/mobilenet_v2_1.0_224 +#### [onnx-community/mobilenet_v2_1.0_224](https://huggingface.co/onnx-community/mobilenet_v2_1.0_224) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 90.7ms | Inference: 99.7ms | Downloads: 35 | Likes: 1 +**Metrics:** Load: 90.7ms | Inference: 99.7ms | Downloads: 40 | Likes: 1 --- @@ -285,31 +285,31 @@ const features = await image_feature_extractor(url); ### Recommended Models for First-Time Trials -#### onnx-community/dinov3-vits16-pretrain-lvd1689m-ONNX +#### [onnx-community/dinov3-vits16-pretrain-lvd1689m-ONNX](https://huggingface.co/onnx-community/dinov3-vits16-pretrain-lvd1689m-ONNX) **WebGPU Compatible:** ✅ Yes **Metrics:** Load: 311.4ms | Inference: 352.4ms | Downloads: 1.4k | Likes: 13 -#### Xenova/dino-vits16 +#### [Xenova/dino-vits16](https://huggingface.co/Xenova/dino-vits16) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 321.7ms | Inference: 247.3ms | Downloads: 995 +**Metrics:** Load: 321.7ms | Inference: 247.3ms | Downloads: 1.1k -#### onnx-community/dinov3-vits16-pretrain-lvd1689m-ONNX-MHA-scores +#### [onnx-community/dinov3-vits16-pretrain-lvd1689m-ONNX-MHA-scores](https://huggingface.co/onnx-community/dinov3-vits16-pretrain-lvd1689m-ONNX-MHA-scores) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 342.8ms | Inference: 259.6ms | Downloads: 474 | Likes: 2 +**Metrics:** Load: 342.8ms | Inference: 259.6ms | Downloads: 489 | Likes: 2 -#### onnx-community/dinov2-small-ONNX +#### [onnx-community/dinov2-small-ONNX](https://huggingface.co/onnx-community/dinov2-small-ONNX) **WebGPU Compatible:** ✅ Yes **Metrics:** Load: 311.5ms | Inference: 264.2ms | Downloads: 3 | Likes: 1 -#### onnx-community/dinov2-with-registers-small +#### [onnx-community/dinov2-with-registers-small](https://huggingface.co/onnx-community/dinov2-with-registers-small) **WebGPU Compatible:** ✅ Yes @@ -329,35 +329,35 @@ const output = await segmenter(url); ### Recommended Models for First-Time Trials -#### Xenova/segformer-b0-finetuned-ade-512-512 +#### [Xenova/segformer-b0-finetuned-ade-512-512](https://huggingface.co/Xenova/segformer-b0-finetuned-ade-512-512) **WebGPU Compatible:** ✅ Yes **Metrics:** Load: 205.6ms | Inference: 1612.3ms | Downloads: 1.1M | Likes: 1 -#### Xenova/modnet +#### [Xenova/modnet](https://huggingface.co/Xenova/modnet) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 144.6ms | Inference: 286.9ms | Downloads: 7.4k | Likes: 64 +**Metrics:** Load: 144.6ms | Inference: 286.9ms | Downloads: 7.4k | Likes: 65 -#### onnx-community/modnet-webnn +#### [onnx-community/modnet-webnn](https://huggingface.co/onnx-community/modnet-webnn) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 147.5ms | Inference: 223.2ms | Downloads: 15 | Likes: 4 +**Metrics:** Load: 147.5ms | Inference: 223.2ms | Downloads: 16 | Likes: 4 -#### Xenova/segformer_b0_clothes +#### [Xenova/segformer_b0_clothes](https://huggingface.co/Xenova/segformer_b0_clothes) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 203.9ms | Inference: 632.4ms | Downloads: 101 | Likes: 2 +**Metrics:** Load: 203.9ms | Inference: 632.4ms | Downloads: 114 | Likes: 2 -#### Xenova/segformer-b0-finetuned-cityscapes-1024-1024 +#### [Xenova/segformer-b0-finetuned-cityscapes-1024-1024](https://huggingface.co/Xenova/segformer-b0-finetuned-cityscapes-1024-1024) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 200.2ms | Inference: 519.0ms | Downloads: 6 +**Metrics:** Load: 200.2ms | Inference: 519.0ms | Downloads: 7 --- @@ -373,17 +373,17 @@ const output = await processor(url); ### Recommended Models for First-Time Trials -#### Xenova/2x_APISR_RRDB_GAN_generator-onnx +#### [Xenova/2x_APISR_RRDB_GAN_generator-onnx](https://huggingface.co/Xenova/2x_APISR_RRDB_GAN_generator-onnx) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 117.5ms | Inference: 596.3ms | Downloads: 19 | Likes: 2 +**Metrics:** Load: 117.5ms | Inference: 596.3ms | Downloads: 18 | Likes: 2 -#### Xenova/4x_APISR_GRL_GAN_generator-onnx +#### [Xenova/4x_APISR_GRL_GAN_generator-onnx](https://huggingface.co/Xenova/4x_APISR_GRL_GAN_generator-onnx) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 2712.5ms | Inference: 3362.6ms | Downloads: 34 | Likes: 14 +**Metrics:** Load: 2712.5ms | Inference: 3362.6ms | Downloads: 36 | Likes: 14 --- @@ -399,35 +399,35 @@ const output = await detector(img, { threshold: 0.9 }); ### Recommended Models for First-Time Trials -#### Xenova/detr-resnet-50 +#### [Xenova/detr-resnet-50](https://huggingface.co/Xenova/detr-resnet-50) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 718.2ms | Inference: 625.4ms | Downloads: 13.6k | Likes: 16 +**Metrics:** Load: 718.2ms | Inference: 625.4ms | Downloads: 16.5k | Likes: 16 -#### Xenova/yolos-tiny +#### [Xenova/yolos-tiny](https://huggingface.co/Xenova/yolos-tiny) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 190.1ms | Inference: 904.3ms | Downloads: 815 | Likes: 6 +**Metrics:** Load: 190.1ms | Inference: 904.3ms | Downloads: 792 | Likes: 6 -#### onnx-community/rfdetr_base-ONNX +#### [onnx-community/rfdetr_base-ONNX](https://huggingface.co/onnx-community/rfdetr_base-ONNX) **WebGPU Compatible:** ✅ Yes **Metrics:** Load: 470.4ms | Inference: 420.9ms | Downloads: 5 | Likes: 2 -#### Xenova/yolos-small-300 +#### [Xenova/yolos-small-300](https://huggingface.co/Xenova/yolos-small-300) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 400.0ms | Inference: 1776.1ms | Downloads: 614 +**Metrics:** Load: 400.0ms | Inference: 1776.1ms | Downloads: 648 -#### onnx-community/rfdetr_medium-ONNX +#### [onnx-community/rfdetr_medium-ONNX](https://huggingface.co/onnx-community/rfdetr_medium-ONNX) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 578.1ms | Inference: 486.1ms | Downloads: 10 | Likes: 1 +**Metrics:** Load: 578.1ms | Inference: 486.1ms | Downloads: 5 | Likes: 1 --- @@ -444,31 +444,31 @@ const output = await answerer(question, context); ### Recommended Models for First-Time Trials -#### Xenova/distilbert-base-cased-distilled-squad +#### [Xenova/distilbert-base-cased-distilled-squad](https://huggingface.co/Xenova/distilbert-base-cased-distilled-squad) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 746.8ms | Inference: 164.3ms | Downloads: 5.7k | Likes: 4 +**Metrics:** Load: 746.8ms | Inference: 164.3ms | Downloads: 5.9k | Likes: 4 -#### onnx-community/rubert_tiny_qa_kontur-ONNX +#### [onnx-community/rubert_tiny_qa_kontur-ONNX](https://huggingface.co/onnx-community/rubert_tiny_qa_kontur-ONNX) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 411.4ms | Inference: 111.1ms | Downloads: 4 +**Metrics:** Load: 411.4ms | Inference: 111.1ms | Downloads: 5 -#### Xenova/distilbert-base-uncased-distilled-squad +#### [Xenova/distilbert-base-uncased-distilled-squad](https://huggingface.co/Xenova/distilbert-base-uncased-distilled-squad) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 726.1ms | Inference: 204.5ms | Downloads: 886 +**Metrics:** Load: 726.1ms | Inference: 204.5ms | Downloads: 914 -#### onnx-community/xlm-roberta-base-squad2-distilled-ONNX +#### [onnx-community/xlm-roberta-base-squad2-distilled-ONNX](https://huggingface.co/onnx-community/xlm-roberta-base-squad2-distilled-ONNX) **WebGPU Compatible:** ✅ Yes **Metrics:** Load: 9046.6ms | Inference: 1201.1ms | Downloads: 21.9k -#### onnx-community/mobilebert-uncased-squad-v2-ONNX +#### [onnx-community/mobilebert-uncased-squad-v2-ONNX](https://huggingface.co/onnx-community/mobilebert-uncased-squad-v2-ONNX) **WebGPU Compatible:** ✅ Yes @@ -497,35 +497,35 @@ const output = await generator(text, { ### Recommended Models for First-Time Trials -#### Xenova/distilbart-cnn-6-6 +#### [Xenova/distilbart-cnn-6-6](https://huggingface.co/Xenova/distilbart-cnn-6-6) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 9311.4ms | Inference: 2527.9ms | Downloads: 4.1k | Likes: 9 +**Metrics:** Load: 9311.4ms | Inference: 2527.9ms | Downloads: 4.2k | Likes: 9 -#### Xenova/distilbart-xsum-12-1 +#### [Xenova/distilbart-xsum-12-1](https://huggingface.co/Xenova/distilbart-xsum-12-1) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 8184.2ms | Inference: 1283.7ms | Downloads: 29 +**Metrics:** Load: 8184.2ms | Inference: 1283.7ms | Downloads: 25 -#### Xenova/distilbart-xsum-6-6 +#### [Xenova/distilbart-xsum-6-6](https://huggingface.co/Xenova/distilbart-xsum-6-6) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 8895.0ms | Inference: 1519.4ms | Downloads: 31 | Likes: 1 +**Metrics:** Load: 8895.0ms | Inference: 1519.4ms | Downloads: 28 | Likes: 1 -#### Xenova/distilbart-xsum-9-6 +#### [Xenova/distilbart-xsum-9-6](https://huggingface.co/Xenova/distilbart-xsum-9-6) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 10079.9ms | Inference: 1730.8ms | Downloads: 26 +**Metrics:** Load: 10079.9ms | Inference: 1730.8ms | Downloads: 24 -#### Xenova/distilbart-cnn-12-3 +#### [Xenova/distilbart-cnn-12-3](https://huggingface.co/Xenova/distilbart-cnn-12-3) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 8878.6ms | Inference: 2479.6ms | Downloads: 31 +**Metrics:** Load: 8878.6ms | Inference: 2479.6ms | Downloads: 29 --- @@ -540,35 +540,35 @@ const output = await classifier('I love transformers!'); ### Recommended Models for First-Time Trials -#### Xenova/distilbert-base-uncased-finetuned-sst-2-english +#### [Xenova/distilbert-base-uncased-finetuned-sst-2-english](https://huggingface.co/Xenova/distilbert-base-uncased-finetuned-sst-2-english) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 662.4ms | Inference: 245.3ms | Downloads: 8.3k | Likes: 11 +**Metrics:** Load: 662.4ms | Inference: 245.3ms | Downloads: 8.4k | Likes: 11 -#### Xenova/ms-marco-MiniLM-L-6-v2 +#### [Xenova/ms-marco-MiniLM-L-6-v2](https://huggingface.co/Xenova/ms-marco-MiniLM-L-6-v2) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 365.1ms | Inference: 146.6ms | Downloads: 7.0k | Likes: 4 +**Metrics:** Load: 365.1ms | Inference: 146.6ms | Downloads: 7.2k | Likes: 4 -#### Xenova/ms-marco-TinyBERT-L-2-v2 +#### [Xenova/ms-marco-TinyBERT-L-2-v2](https://huggingface.co/Xenova/ms-marco-TinyBERT-L-2-v2) **WebGPU Compatible:** ✅ Yes **Metrics:** Load: 115.1ms | Inference: 56.2ms | Downloads: 1.6k | Likes: 3 -#### Xenova/toxic-bert +#### [Xenova/toxic-bert](https://huggingface.co/Xenova/toxic-bert) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 3789.0ms | Inference: 808.8ms | Downloads: 5.0k | Likes: 6 +**Metrics:** Load: 3789.0ms | Inference: 808.8ms | Downloads: 5.2k | Likes: 6 -#### onnx-community/language_detection-ONNX +#### [onnx-community/language_detection-ONNX](https://huggingface.co/onnx-community/language_detection-ONNX) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 338.1ms | Inference: 116.0ms | Downloads: 270 | Likes: 4 +**Metrics:** Load: 338.1ms | Inference: 116.0ms | Downloads: 278 | Likes: 4 --- @@ -583,31 +583,31 @@ const output = await generator('Once upon a time, there was', { max_new_tokens: ### Recommended Models for First-Time Trials -#### Xenova/distilgpt2 +#### [Xenova/distilgpt2](https://huggingface.co/Xenova/distilgpt2) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 3207.5ms | Inference: 469.7ms | Downloads: 7.6k | Likes: 9 +**Metrics:** Load: 3207.5ms | Inference: 469.7ms | Downloads: 7.7k | Likes: 9 -#### Xenova/llama2.c-stories15M +#### [Xenova/llama2.c-stories15M](https://huggingface.co/Xenova/llama2.c-stories15M) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 396.8ms | Inference: 251.4ms | Downloads: 1.7k | Likes: 7 +**Metrics:** Load: 396.8ms | Inference: 251.4ms | Downloads: 1.9k | Likes: 7 -#### onnx-community/ettin-decoder-17m-ONNX +#### [onnx-community/ettin-decoder-17m-ONNX](https://huggingface.co/onnx-community/ettin-decoder-17m-ONNX) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 328.2ms | Inference: 221.9ms | Downloads: 6 | Likes: 1 +**Metrics:** Load: 328.2ms | Inference: 221.9ms | Downloads: 3 | Likes: 1 -#### onnx-community/Lamina-extend-ONNX +#### [onnx-community/Lamina-extend-ONNX](https://huggingface.co/onnx-community/Lamina-extend-ONNX) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 141.9ms | Inference: 190.0ms | Downloads: 5 +**Metrics:** Load: 141.9ms | Inference: 190.0ms | Downloads: 6 -#### onnx-community/chess-llama-ONNX +#### [onnx-community/chess-llama-ONNX](https://huggingface.co/onnx-community/chess-llama-ONNX) **WebGPU Compatible:** ✅ Yes @@ -626,35 +626,35 @@ const output = await classifier('My name is Sarah and I live in London'); ### Recommended Models for First-Time Trials -#### onnx-community/NeuroBERT-NER-ONNX +#### [onnx-community/NeuroBERT-NER-ONNX](https://huggingface.co/onnx-community/NeuroBERT-NER-ONNX) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 170.4ms | Inference: 61.6ms | Downloads: 5 | Likes: 2 +**Metrics:** Load: 170.4ms | Inference: 61.6ms | Downloads: 7 | Likes: 2 -#### onnx-community/TinyBERT-finetuned-NER-ONNX +#### [onnx-community/TinyBERT-finetuned-NER-ONNX](https://huggingface.co/onnx-community/TinyBERT-finetuned-NER-ONNX) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 261.7ms | Inference: 79.9ms | Downloads: 4 | Likes: 1 +**Metrics:** Load: 261.7ms | Inference: 79.9ms | Downloads: 8 | Likes: 1 -#### Xenova/esm2_t6_8M_UR50D_rna_binding_site_predictor +#### [Xenova/esm2_t6_8M_UR50D_rna_binding_site_predictor](https://huggingface.co/Xenova/esm2_t6_8M_UR50D_rna_binding_site_predictor) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 279.3ms | Inference: 118.6ms | Downloads: 6 | Likes: 1 +**Metrics:** Load: 279.3ms | Inference: 118.6ms | Downloads: 5 | Likes: 1 -#### onnx-community/distilbert-NER-ONNX +#### [onnx-community/distilbert-NER-ONNX](https://huggingface.co/onnx-community/distilbert-NER-ONNX) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 682.0ms | Inference: 258.2ms | Downloads: 13 | Likes: 2 +**Metrics:** Load: 682.0ms | Inference: 258.2ms | Downloads: 17 | Likes: 2 -#### onnx-community/small-e-czech-finetuned-ner-wikiann-ONNX +#### [onnx-community/small-e-czech-finetuned-ner-wikiann-ONNX](https://huggingface.co/onnx-community/small-e-czech-finetuned-ner-wikiann-ONNX) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 271.3ms | Inference: 193.4ms | Downloads: 5 +**Metrics:** Load: 271.3ms | Inference: 193.4ms | Downloads: 6 --- @@ -672,35 +672,35 @@ const output = await translator('Life is like a box of chocolate.', { ### Recommended Models for First-Time Trials -#### Xenova/opus-mt-en-es +#### [Xenova/opus-mt-en-es](https://huggingface.co/Xenova/opus-mt-en-es) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 1956.5ms | Inference: 617.7ms | Downloads: 1.9k | Likes: 3 +**Metrics:** Load: 1956.5ms | Inference: 617.7ms | Downloads: 2.0k | Likes: 3 -#### Xenova/opus-mt-zh-en +#### [Xenova/opus-mt-zh-en](https://huggingface.co/Xenova/opus-mt-zh-en) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 1964.7ms | Inference: 799.0ms | Downloads: 51 | Likes: 4 +**Metrics:** Load: 1964.7ms | Inference: 799.0ms | Downloads: 53 | Likes: 4 -#### Xenova/opus-mt-en-zh +#### [Xenova/opus-mt-en-zh](https://huggingface.co/Xenova/opus-mt-en-zh) **WebGPU Compatible:** ✅ Yes **Metrics:** Load: 1830.0ms | Inference: 481.5ms | Downloads: 490 | Likes: 2 -#### Xenova/opus-mt-en-fr +#### [Xenova/opus-mt-en-fr](https://huggingface.co/Xenova/opus-mt-en-fr) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 1786.1ms | Inference: 446.7ms | Downloads: 383 | Likes: 2 +**Metrics:** Load: 1786.1ms | Inference: 446.7ms | Downloads: 373 | Likes: 2 -#### Xenova/opus-mt-ar-en +#### [Xenova/opus-mt-ar-en](https://huggingface.co/Xenova/opus-mt-ar-en) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 1756.6ms | Inference: 733.8ms | Downloads: 338 | Likes: 2 +**Metrics:** Load: 1756.6ms | Inference: 733.8ms | Downloads: 326 | Likes: 2 --- From 281efd3f64edd4891af7cc692c896cb8147e430f Mon Sep 17 00:00:00 2001 From: "Yuichiro Tachibana (Tsuchiya)" Date: Tue, 11 Nov 2025 23:12:05 +0900 Subject: [PATCH 4/5] fix links --- docs/source/good-first-models.md | 462 ++++++++++++++++++++----------- 1 file changed, 308 insertions(+), 154 deletions(-) diff --git a/docs/source/good-first-models.md b/docs/source/good-first-models.md index 6b91e8dcd..0d5590b9a 100644 --- a/docs/source/good-first-models.md +++ b/docs/source/good-first-models.md @@ -23,35 +23,45 @@ const output = await classifier(url); ### Recommended Models for First-Time Trials -#### [onnx-community/Musical-genres-Classification-Hubert-V1-ONNX](https://huggingface.co/onnx-community/Musical-genres-Classification-Hubert-V1-ONNX) +#### onnx-community/Musical-genres-Classification-Hubert-V1-ONNX + +**Model page:** [https://huggingface.co/onnx-community/Musical-genres-Classification-Hubert-V1-ONNX](https://huggingface.co/onnx-community/Musical-genres-Classification-Hubert-V1-ONNX) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 264.4ms | Inference: 136.5ms | Downloads: 6 | Likes: 2 +**Metrics:** Load: 264.4ms | Inference: 136.5ms + +#### Xenova/ast-finetuned-audioset-10-10-0.4593 -#### [Xenova/ast-finetuned-audioset-10-10-0.4593](https://huggingface.co/Xenova/ast-finetuned-audioset-10-10-0.4593) +**Model page:** [https://huggingface.co/Xenova/ast-finetuned-audioset-10-10-0.4593](https://huggingface.co/Xenova/ast-finetuned-audioset-10-10-0.4593) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 2827.1ms | Inference: 544.1ms | Downloads: 36 +**Metrics:** Load: 2827.1ms | Inference: 544.1ms + +#### Xenova/ast-finetuned-speech-commands-v2 -#### [Xenova/ast-finetuned-speech-commands-v2](https://huggingface.co/Xenova/ast-finetuned-speech-commands-v2) +**Model page:** [https://huggingface.co/Xenova/ast-finetuned-speech-commands-v2](https://huggingface.co/Xenova/ast-finetuned-speech-commands-v2) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 3254.1ms | Inference: 759.0ms | Downloads: 16 | Likes: 2 +**Metrics:** Load: 3254.1ms | Inference: 759.0ms -#### [onnx-community/Speech-Emotion-Classification-ONNX](https://huggingface.co/onnx-community/Speech-Emotion-Classification-ONNX) +#### onnx-community/Speech-Emotion-Classification-ONNX + +**Model page:** [https://huggingface.co/onnx-community/Speech-Emotion-Classification-ONNX](https://huggingface.co/onnx-community/Speech-Emotion-Classification-ONNX) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 3070.4ms | Inference: 574.9ms | Downloads: 10 | Likes: 2 +**Metrics:** Load: 3070.4ms | Inference: 574.9ms + +#### Xenova/wav2vec2-base-superb-ks -#### [Xenova/wav2vec2-base-superb-ks](https://huggingface.co/Xenova/wav2vec2-base-superb-ks) +**Model page:** [https://huggingface.co/Xenova/wav2vec2-base-superb-ks](https://huggingface.co/Xenova/wav2vec2-base-superb-ks) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 3211.4ms | Inference: 584.7ms | Downloads: 17 | Likes: 1 +**Metrics:** Load: 3211.4ms | Inference: 584.7ms --- @@ -67,35 +77,45 @@ const output = await transcriber(url); ### Recommended Models for First-Time Trials -#### [Xenova/whisper-tiny.en](https://huggingface.co/Xenova/whisper-tiny.en) +#### Xenova/whisper-tiny.en + +**Model page:** [https://huggingface.co/Xenova/whisper-tiny.en](https://huggingface.co/Xenova/whisper-tiny.en) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 1045.6ms | Inference: 1314.3ms | Downloads: 40.6k | Likes: 19 +**Metrics:** Load: 1045.6ms | Inference: 1314.3ms + +#### Xenova/whisper-tiny -#### [Xenova/whisper-tiny](https://huggingface.co/Xenova/whisper-tiny) +**Model page:** [https://huggingface.co/Xenova/whisper-tiny](https://huggingface.co/Xenova/whisper-tiny) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 1037.2ms | Inference: 1258.4ms | Downloads: 25.7k | Likes: 10 +**Metrics:** Load: 1037.2ms | Inference: 1258.4ms + +#### onnx-community/moonshine-base-ONNX -#### [onnx-community/moonshine-base-ONNX](https://huggingface.co/onnx-community/moonshine-base-ONNX) +**Model page:** [https://huggingface.co/onnx-community/moonshine-base-ONNX](https://huggingface.co/onnx-community/moonshine-base-ONNX) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 1906.3ms | Inference: 889.1ms | Downloads: 10.9k | Likes: 29 +**Metrics:** Load: 1906.3ms | Inference: 889.1ms -#### [onnx-community/whisper-base](https://huggingface.co/onnx-community/whisper-base) +#### onnx-community/whisper-base + +**Model page:** [https://huggingface.co/onnx-community/whisper-base](https://huggingface.co/onnx-community/whisper-base) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 1885.8ms | Inference: 878.9ms | Downloads: 16.0k | Likes: 22 +**Metrics:** Load: 1885.8ms | Inference: 878.9ms + +#### Xenova/whisper-base.en -#### [Xenova/whisper-base.en](https://huggingface.co/Xenova/whisper-base.en) +**Model page:** [https://huggingface.co/Xenova/whisper-base.en](https://huggingface.co/Xenova/whisper-base.en) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 1591.3ms | Inference: 1941.5ms | Downloads: 28.0k | Likes: 1 +**Metrics:** Load: 1591.3ms | Inference: 1941.5ms --- @@ -111,35 +131,45 @@ const out = await depth_estimator(url); ### Recommended Models for First-Time Trials -#### [Xenova/depth-anything-small-hf](https://huggingface.co/Xenova/depth-anything-small-hf) +#### Xenova/depth-anything-small-hf + +**Model page:** [https://huggingface.co/Xenova/depth-anything-small-hf](https://huggingface.co/Xenova/depth-anything-small-hf) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 414.3ms | Inference: 419.3ms | Downloads: 3.1k | Likes: 11 +**Metrics:** Load: 414.3ms | Inference: 419.3ms + +#### onnx-community/depth-anything-v2-small -#### [onnx-community/depth-anything-v2-small](https://huggingface.co/onnx-community/depth-anything-v2-small) +**Model page:** [https://huggingface.co/onnx-community/depth-anything-v2-small](https://huggingface.co/onnx-community/depth-anything-v2-small) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 450.0ms | Inference: 357.1ms | Downloads: 1.3k | Likes: 22 +**Metrics:** Load: 450.0ms | Inference: 357.1ms + +#### onnx-community/metric3d-vit-small -#### [onnx-community/metric3d-vit-small](https://huggingface.co/onnx-community/metric3d-vit-small) +**Model page:** [https://huggingface.co/onnx-community/metric3d-vit-small](https://huggingface.co/onnx-community/metric3d-vit-small) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 786.2ms | Inference: 515.7ms | Downloads: 21 | Likes: 2 +**Metrics:** Load: 786.2ms | Inference: 515.7ms -#### [Xenova/glpn-nyu](https://huggingface.co/Xenova/glpn-nyu) +#### Xenova/glpn-nyu + +**Model page:** [https://huggingface.co/Xenova/glpn-nyu](https://huggingface.co/Xenova/glpn-nyu) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 1454.5ms | Inference: 1076.9ms | Downloads: 8 +**Metrics:** Load: 1454.5ms | Inference: 1076.9ms + +#### Xenova/glpn-kitti -#### [Xenova/glpn-kitti](https://huggingface.co/Xenova/glpn-kitti) +**Model page:** [https://huggingface.co/Xenova/glpn-kitti](https://huggingface.co/Xenova/glpn-kitti) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 1451.4ms | Inference: 1083.3ms | Downloads: 8 +**Metrics:** Load: 1451.4ms | Inference: 1083.3ms --- @@ -154,35 +184,45 @@ const output = await extractor('This is a simple test.'); ### Recommended Models for First-Time Trials -#### [Xenova/all-MiniLM-L6-v2](https://huggingface.co/Xenova/all-MiniLM-L6-v2) +#### Xenova/all-MiniLM-L6-v2 + +**Model page:** [https://huggingface.co/Xenova/all-MiniLM-L6-v2](https://huggingface.co/Xenova/all-MiniLM-L6-v2) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 373.5ms | Inference: 143.9ms | Downloads: 425.1k | Likes: 89 +**Metrics:** Load: 373.5ms | Inference: 143.9ms + +#### Xenova/bge-base-en-v1.5 -#### [Xenova/bge-base-en-v1.5](https://huggingface.co/Xenova/bge-base-en-v1.5) +**Model page:** [https://huggingface.co/Xenova/bge-base-en-v1.5](https://huggingface.co/Xenova/bge-base-en-v1.5) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 3620.8ms | Inference: 816.4ms | Downloads: 1.1M | Likes: 8 +**Metrics:** Load: 3620.8ms | Inference: 816.4ms + +#### Xenova/gte-small -#### [Xenova/gte-small](https://huggingface.co/Xenova/gte-small) +**Model page:** [https://huggingface.co/Xenova/gte-small](https://huggingface.co/Xenova/gte-small) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 588.7ms | Inference: 228.4ms | Downloads: 13.5k | Likes: 22 +**Metrics:** Load: 588.7ms | Inference: 228.4ms -#### [onnx-community/bert_uncased_L-2_H-128_A-2-ONNX](https://huggingface.co/onnx-community/bert_uncased_L-2_H-128_A-2-ONNX) +#### onnx-community/bert_uncased_L-2_H-128_A-2-ONNX + +**Model page:** [https://huggingface.co/onnx-community/bert_uncased_L-2_H-128_A-2-ONNX](https://huggingface.co/onnx-community/bert_uncased_L-2_H-128_A-2-ONNX) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 110.8ms | Inference: 49.2ms | Downloads: 8 +**Metrics:** Load: 110.8ms | Inference: 49.2ms + +#### Xenova/paraphrase-albert-base-v2 -#### [Xenova/paraphrase-albert-base-v2](https://huggingface.co/Xenova/paraphrase-albert-base-v2) +**Model page:** [https://huggingface.co/Xenova/paraphrase-albert-base-v2](https://huggingface.co/Xenova/paraphrase-albert-base-v2) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 328.8ms | Inference: 39.1ms | Downloads: 21 +**Metrics:** Load: 328.8ms | Inference: 39.1ms --- @@ -197,35 +237,45 @@ const output = await unmasker('The goal of life is [MASK].'); ### Recommended Models for First-Time Trials -#### [Xenova/distilbert-base-uncased](https://huggingface.co/Xenova/distilbert-base-uncased) +#### Xenova/distilbert-base-uncased + +**Model page:** [https://huggingface.co/Xenova/distilbert-base-uncased](https://huggingface.co/Xenova/distilbert-base-uncased) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 769.8ms | Inference: 302.4ms | Downloads: 702 | Likes: 1 +**Metrics:** Load: 769.8ms | Inference: 302.4ms + +#### Xenova/bert-base-uncased -#### [Xenova/bert-base-uncased](https://huggingface.co/Xenova/bert-base-uncased) +**Model page:** [https://huggingface.co/Xenova/bert-base-uncased](https://huggingface.co/Xenova/bert-base-uncased) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 4432.7ms | Inference: 919.4ms | Downloads: 814 | Likes: 1 +**Metrics:** Load: 4432.7ms | Inference: 919.4ms + +#### Xenova/albert-base-v2 -#### [Xenova/albert-base-v2](https://huggingface.co/Xenova/albert-base-v2) +**Model page:** [https://huggingface.co/Xenova/albert-base-v2](https://huggingface.co/Xenova/albert-base-v2) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 324.9ms | Inference: 68.1ms | Downloads: 12 | Likes: 1 +**Metrics:** Load: 324.9ms | Inference: 68.1ms -#### [Xenova/distilbert-base-cased](https://huggingface.co/Xenova/distilbert-base-cased) +#### Xenova/distilbert-base-cased + +**Model page:** [https://huggingface.co/Xenova/distilbert-base-cased](https://huggingface.co/Xenova/distilbert-base-cased) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 742.7ms | Inference: 301.1ms | Downloads: 15 | Likes: 1 +**Metrics:** Load: 742.7ms | Inference: 301.1ms + +#### Xenova/albert-large-v2 -#### [Xenova/albert-large-v2](https://huggingface.co/Xenova/albert-large-v2) +**Model page:** [https://huggingface.co/Xenova/albert-large-v2](https://huggingface.co/Xenova/albert-large-v2) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 499.6ms | Inference: 78.8ms | Downloads: 11 +**Metrics:** Load: 499.6ms | Inference: 78.8ms --- @@ -241,35 +291,45 @@ const output = await classifier(url); ### Recommended Models for First-Time Trials -#### [Xenova/vit-base-patch16-224](https://huggingface.co/Xenova/vit-base-patch16-224) +#### Xenova/vit-base-patch16-224 + +**Model page:** [https://huggingface.co/Xenova/vit-base-patch16-224](https://huggingface.co/Xenova/vit-base-patch16-224) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 2894.1ms | Inference: 476.3ms | Downloads: 5.3k | Likes: 2 +**Metrics:** Load: 2894.1ms | Inference: 476.3ms + +#### Xenova/facial_emotions_image_detection -#### [Xenova/facial_emotions_image_detection](https://huggingface.co/Xenova/facial_emotions_image_detection) +**Model page:** [https://huggingface.co/Xenova/facial_emotions_image_detection](https://huggingface.co/Xenova/facial_emotions_image_detection) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 2922.3ms | Inference: 479.3ms | Downloads: 375 | Likes: 6 +**Metrics:** Load: 2922.3ms | Inference: 479.3ms + +#### Xenova/resnet-18 -#### [Xenova/resnet-18](https://huggingface.co/Xenova/resnet-18) +**Model page:** [https://huggingface.co/Xenova/resnet-18](https://huggingface.co/Xenova/resnet-18) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 152.1ms | Inference: 90.8ms | Downloads: 27 | Likes: 2 +**Metrics:** Load: 152.1ms | Inference: 90.8ms -#### [Xenova/resnet-50](https://huggingface.co/Xenova/resnet-50) +#### Xenova/resnet-50 + +**Model page:** [https://huggingface.co/Xenova/resnet-50](https://huggingface.co/Xenova/resnet-50) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 304.9ms | Inference: 160.5ms | Downloads: 677 +**Metrics:** Load: 304.9ms | Inference: 160.5ms + +#### onnx-community/mobilenet_v2_1.0_224 -#### [onnx-community/mobilenet_v2_1.0_224](https://huggingface.co/onnx-community/mobilenet_v2_1.0_224) +**Model page:** [https://huggingface.co/onnx-community/mobilenet_v2_1.0_224](https://huggingface.co/onnx-community/mobilenet_v2_1.0_224) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 90.7ms | Inference: 99.7ms | Downloads: 40 | Likes: 1 +**Metrics:** Load: 90.7ms | Inference: 99.7ms --- @@ -285,35 +345,45 @@ const features = await image_feature_extractor(url); ### Recommended Models for First-Time Trials -#### [onnx-community/dinov3-vits16-pretrain-lvd1689m-ONNX](https://huggingface.co/onnx-community/dinov3-vits16-pretrain-lvd1689m-ONNX) +#### onnx-community/dinov3-vits16-pretrain-lvd1689m-ONNX + +**Model page:** [https://huggingface.co/onnx-community/dinov3-vits16-pretrain-lvd1689m-ONNX](https://huggingface.co/onnx-community/dinov3-vits16-pretrain-lvd1689m-ONNX) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 311.4ms | Inference: 352.4ms | Downloads: 1.4k | Likes: 13 +**Metrics:** Load: 311.4ms | Inference: 352.4ms + +#### Xenova/dino-vits16 -#### [Xenova/dino-vits16](https://huggingface.co/Xenova/dino-vits16) +**Model page:** [https://huggingface.co/Xenova/dino-vits16](https://huggingface.co/Xenova/dino-vits16) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 321.7ms | Inference: 247.3ms | Downloads: 1.1k +**Metrics:** Load: 321.7ms | Inference: 247.3ms + +#### onnx-community/dinov3-vits16-pretrain-lvd1689m-ONNX-MHA-scores -#### [onnx-community/dinov3-vits16-pretrain-lvd1689m-ONNX-MHA-scores](https://huggingface.co/onnx-community/dinov3-vits16-pretrain-lvd1689m-ONNX-MHA-scores) +**Model page:** [https://huggingface.co/onnx-community/dinov3-vits16-pretrain-lvd1689m-ONNX-MHA-scores](https://huggingface.co/onnx-community/dinov3-vits16-pretrain-lvd1689m-ONNX-MHA-scores) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 342.8ms | Inference: 259.6ms | Downloads: 489 | Likes: 2 +**Metrics:** Load: 342.8ms | Inference: 259.6ms -#### [onnx-community/dinov2-small-ONNX](https://huggingface.co/onnx-community/dinov2-small-ONNX) +#### onnx-community/dinov2-small-ONNX + +**Model page:** [https://huggingface.co/onnx-community/dinov2-small-ONNX](https://huggingface.co/onnx-community/dinov2-small-ONNX) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 311.5ms | Inference: 264.2ms | Downloads: 3 | Likes: 1 +**Metrics:** Load: 311.5ms | Inference: 264.2ms + +#### onnx-community/dinov2-with-registers-small -#### [onnx-community/dinov2-with-registers-small](https://huggingface.co/onnx-community/dinov2-with-registers-small) +**Model page:** [https://huggingface.co/onnx-community/dinov2-with-registers-small](https://huggingface.co/onnx-community/dinov2-with-registers-small) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 312.4ms | Inference: 270.6ms | Downloads: 3 | Likes: 1 +**Metrics:** Load: 312.4ms | Inference: 270.6ms --- @@ -329,35 +399,45 @@ const output = await segmenter(url); ### Recommended Models for First-Time Trials -#### [Xenova/segformer-b0-finetuned-ade-512-512](https://huggingface.co/Xenova/segformer-b0-finetuned-ade-512-512) +#### Xenova/segformer-b0-finetuned-ade-512-512 + +**Model page:** [https://huggingface.co/Xenova/segformer-b0-finetuned-ade-512-512](https://huggingface.co/Xenova/segformer-b0-finetuned-ade-512-512) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 205.6ms | Inference: 1612.3ms | Downloads: 1.1M | Likes: 1 +**Metrics:** Load: 205.6ms | Inference: 1612.3ms + +#### Xenova/modnet -#### [Xenova/modnet](https://huggingface.co/Xenova/modnet) +**Model page:** [https://huggingface.co/Xenova/modnet](https://huggingface.co/Xenova/modnet) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 144.6ms | Inference: 286.9ms | Downloads: 7.4k | Likes: 65 +**Metrics:** Load: 144.6ms | Inference: 286.9ms -#### [onnx-community/modnet-webnn](https://huggingface.co/onnx-community/modnet-webnn) +#### onnx-community/modnet-webnn + +**Model page:** [https://huggingface.co/onnx-community/modnet-webnn](https://huggingface.co/onnx-community/modnet-webnn) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 147.5ms | Inference: 223.2ms | Downloads: 16 | Likes: 4 +**Metrics:** Load: 147.5ms | Inference: 223.2ms + +#### Xenova/segformer_b0_clothes -#### [Xenova/segformer_b0_clothes](https://huggingface.co/Xenova/segformer_b0_clothes) +**Model page:** [https://huggingface.co/Xenova/segformer_b0_clothes](https://huggingface.co/Xenova/segformer_b0_clothes) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 203.9ms | Inference: 632.4ms | Downloads: 114 | Likes: 2 +**Metrics:** Load: 203.9ms | Inference: 632.4ms -#### [Xenova/segformer-b0-finetuned-cityscapes-1024-1024](https://huggingface.co/Xenova/segformer-b0-finetuned-cityscapes-1024-1024) +#### Xenova/segformer-b0-finetuned-cityscapes-1024-1024 + +**Model page:** [https://huggingface.co/Xenova/segformer-b0-finetuned-cityscapes-1024-1024](https://huggingface.co/Xenova/segformer-b0-finetuned-cityscapes-1024-1024) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 200.2ms | Inference: 519.0ms | Downloads: 7 +**Metrics:** Load: 200.2ms | Inference: 519.0ms --- @@ -373,17 +453,21 @@ const output = await processor(url); ### Recommended Models for First-Time Trials -#### [Xenova/2x_APISR_RRDB_GAN_generator-onnx](https://huggingface.co/Xenova/2x_APISR_RRDB_GAN_generator-onnx) +#### Xenova/2x_APISR_RRDB_GAN_generator-onnx + +**Model page:** [https://huggingface.co/Xenova/2x_APISR_RRDB_GAN_generator-onnx](https://huggingface.co/Xenova/2x_APISR_RRDB_GAN_generator-onnx) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 117.5ms | Inference: 596.3ms | Downloads: 18 | Likes: 2 +**Metrics:** Load: 117.5ms | Inference: 596.3ms + +#### Xenova/4x_APISR_GRL_GAN_generator-onnx -#### [Xenova/4x_APISR_GRL_GAN_generator-onnx](https://huggingface.co/Xenova/4x_APISR_GRL_GAN_generator-onnx) +**Model page:** [https://huggingface.co/Xenova/4x_APISR_GRL_GAN_generator-onnx](https://huggingface.co/Xenova/4x_APISR_GRL_GAN_generator-onnx) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 2712.5ms | Inference: 3362.6ms | Downloads: 36 | Likes: 14 +**Metrics:** Load: 2712.5ms | Inference: 3362.6ms --- @@ -399,35 +483,45 @@ const output = await detector(img, { threshold: 0.9 }); ### Recommended Models for First-Time Trials -#### [Xenova/detr-resnet-50](https://huggingface.co/Xenova/detr-resnet-50) +#### Xenova/detr-resnet-50 + +**Model page:** [https://huggingface.co/Xenova/detr-resnet-50](https://huggingface.co/Xenova/detr-resnet-50) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 718.2ms | Inference: 625.4ms | Downloads: 16.5k | Likes: 16 +**Metrics:** Load: 718.2ms | Inference: 625.4ms + +#### Xenova/yolos-tiny -#### [Xenova/yolos-tiny](https://huggingface.co/Xenova/yolos-tiny) +**Model page:** [https://huggingface.co/Xenova/yolos-tiny](https://huggingface.co/Xenova/yolos-tiny) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 190.1ms | Inference: 904.3ms | Downloads: 792 | Likes: 6 +**Metrics:** Load: 190.1ms | Inference: 904.3ms -#### [onnx-community/rfdetr_base-ONNX](https://huggingface.co/onnx-community/rfdetr_base-ONNX) +#### onnx-community/rfdetr_base-ONNX + +**Model page:** [https://huggingface.co/onnx-community/rfdetr_base-ONNX](https://huggingface.co/onnx-community/rfdetr_base-ONNX) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 470.4ms | Inference: 420.9ms | Downloads: 5 | Likes: 2 +**Metrics:** Load: 470.4ms | Inference: 420.9ms + +#### Xenova/yolos-small-300 -#### [Xenova/yolos-small-300](https://huggingface.co/Xenova/yolos-small-300) +**Model page:** [https://huggingface.co/Xenova/yolos-small-300](https://huggingface.co/Xenova/yolos-small-300) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 400.0ms | Inference: 1776.1ms | Downloads: 648 +**Metrics:** Load: 400.0ms | Inference: 1776.1ms + +#### onnx-community/rfdetr_medium-ONNX -#### [onnx-community/rfdetr_medium-ONNX](https://huggingface.co/onnx-community/rfdetr_medium-ONNX) +**Model page:** [https://huggingface.co/onnx-community/rfdetr_medium-ONNX](https://huggingface.co/onnx-community/rfdetr_medium-ONNX) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 578.1ms | Inference: 486.1ms | Downloads: 5 | Likes: 1 +**Metrics:** Load: 578.1ms | Inference: 486.1ms --- @@ -444,35 +538,45 @@ const output = await answerer(question, context); ### Recommended Models for First-Time Trials -#### [Xenova/distilbert-base-cased-distilled-squad](https://huggingface.co/Xenova/distilbert-base-cased-distilled-squad) +#### Xenova/distilbert-base-cased-distilled-squad + +**Model page:** [https://huggingface.co/Xenova/distilbert-base-cased-distilled-squad](https://huggingface.co/Xenova/distilbert-base-cased-distilled-squad) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 746.8ms | Inference: 164.3ms | Downloads: 5.9k | Likes: 4 +**Metrics:** Load: 746.8ms | Inference: 164.3ms + +#### onnx-community/rubert_tiny_qa_kontur-ONNX -#### [onnx-community/rubert_tiny_qa_kontur-ONNX](https://huggingface.co/onnx-community/rubert_tiny_qa_kontur-ONNX) +**Model page:** [https://huggingface.co/onnx-community/rubert_tiny_qa_kontur-ONNX](https://huggingface.co/onnx-community/rubert_tiny_qa_kontur-ONNX) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 411.4ms | Inference: 111.1ms | Downloads: 5 +**Metrics:** Load: 411.4ms | Inference: 111.1ms -#### [Xenova/distilbert-base-uncased-distilled-squad](https://huggingface.co/Xenova/distilbert-base-uncased-distilled-squad) +#### Xenova/distilbert-base-uncased-distilled-squad + +**Model page:** [https://huggingface.co/Xenova/distilbert-base-uncased-distilled-squad](https://huggingface.co/Xenova/distilbert-base-uncased-distilled-squad) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 726.1ms | Inference: 204.5ms | Downloads: 914 +**Metrics:** Load: 726.1ms | Inference: 204.5ms + +#### onnx-community/xlm-roberta-base-squad2-distilled-ONNX -#### [onnx-community/xlm-roberta-base-squad2-distilled-ONNX](https://huggingface.co/onnx-community/xlm-roberta-base-squad2-distilled-ONNX) +**Model page:** [https://huggingface.co/onnx-community/xlm-roberta-base-squad2-distilled-ONNX](https://huggingface.co/onnx-community/xlm-roberta-base-squad2-distilled-ONNX) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 9046.6ms | Inference: 1201.1ms | Downloads: 21.9k +**Metrics:** Load: 9046.6ms | Inference: 1201.1ms + +#### onnx-community/mobilebert-uncased-squad-v2-ONNX -#### [onnx-community/mobilebert-uncased-squad-v2-ONNX](https://huggingface.co/onnx-community/mobilebert-uncased-squad-v2-ONNX) +**Model page:** [https://huggingface.co/onnx-community/mobilebert-uncased-squad-v2-ONNX](https://huggingface.co/onnx-community/mobilebert-uncased-squad-v2-ONNX) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 465.3ms | Inference: 911.1ms | Downloads: 5 +**Metrics:** Load: 465.3ms | Inference: 911.1ms --- @@ -497,35 +601,45 @@ const output = await generator(text, { ### Recommended Models for First-Time Trials -#### [Xenova/distilbart-cnn-6-6](https://huggingface.co/Xenova/distilbart-cnn-6-6) +#### Xenova/distilbart-cnn-6-6 + +**Model page:** [https://huggingface.co/Xenova/distilbart-cnn-6-6](https://huggingface.co/Xenova/distilbart-cnn-6-6) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 9311.4ms | Inference: 2527.9ms | Downloads: 4.2k | Likes: 9 +**Metrics:** Load: 9311.4ms | Inference: 2527.9ms + +#### Xenova/distilbart-xsum-12-1 -#### [Xenova/distilbart-xsum-12-1](https://huggingface.co/Xenova/distilbart-xsum-12-1) +**Model page:** [https://huggingface.co/Xenova/distilbart-xsum-12-1](https://huggingface.co/Xenova/distilbart-xsum-12-1) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 8184.2ms | Inference: 1283.7ms | Downloads: 25 +**Metrics:** Load: 8184.2ms | Inference: 1283.7ms -#### [Xenova/distilbart-xsum-6-6](https://huggingface.co/Xenova/distilbart-xsum-6-6) +#### Xenova/distilbart-xsum-6-6 + +**Model page:** [https://huggingface.co/Xenova/distilbart-xsum-6-6](https://huggingface.co/Xenova/distilbart-xsum-6-6) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 8895.0ms | Inference: 1519.4ms | Downloads: 28 | Likes: 1 +**Metrics:** Load: 8895.0ms | Inference: 1519.4ms + +#### Xenova/distilbart-xsum-9-6 -#### [Xenova/distilbart-xsum-9-6](https://huggingface.co/Xenova/distilbart-xsum-9-6) +**Model page:** [https://huggingface.co/Xenova/distilbart-xsum-9-6](https://huggingface.co/Xenova/distilbart-xsum-9-6) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 10079.9ms | Inference: 1730.8ms | Downloads: 24 +**Metrics:** Load: 10079.9ms | Inference: 1730.8ms -#### [Xenova/distilbart-cnn-12-3](https://huggingface.co/Xenova/distilbart-cnn-12-3) +#### Xenova/distilbart-cnn-12-3 + +**Model page:** [https://huggingface.co/Xenova/distilbart-cnn-12-3](https://huggingface.co/Xenova/distilbart-cnn-12-3) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 8878.6ms | Inference: 2479.6ms | Downloads: 29 +**Metrics:** Load: 8878.6ms | Inference: 2479.6ms --- @@ -540,35 +654,45 @@ const output = await classifier('I love transformers!'); ### Recommended Models for First-Time Trials -#### [Xenova/distilbert-base-uncased-finetuned-sst-2-english](https://huggingface.co/Xenova/distilbert-base-uncased-finetuned-sst-2-english) +#### Xenova/distilbert-base-uncased-finetuned-sst-2-english + +**Model page:** [https://huggingface.co/Xenova/distilbert-base-uncased-finetuned-sst-2-english](https://huggingface.co/Xenova/distilbert-base-uncased-finetuned-sst-2-english) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 662.4ms | Inference: 245.3ms | Downloads: 8.4k | Likes: 11 +**Metrics:** Load: 662.4ms | Inference: 245.3ms -#### [Xenova/ms-marco-MiniLM-L-6-v2](https://huggingface.co/Xenova/ms-marco-MiniLM-L-6-v2) +#### Xenova/ms-marco-MiniLM-L-6-v2 + +**Model page:** [https://huggingface.co/Xenova/ms-marco-MiniLM-L-6-v2](https://huggingface.co/Xenova/ms-marco-MiniLM-L-6-v2) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 365.1ms | Inference: 146.6ms | Downloads: 7.2k | Likes: 4 +**Metrics:** Load: 365.1ms | Inference: 146.6ms + +#### Xenova/ms-marco-TinyBERT-L-2-v2 -#### [Xenova/ms-marco-TinyBERT-L-2-v2](https://huggingface.co/Xenova/ms-marco-TinyBERT-L-2-v2) +**Model page:** [https://huggingface.co/Xenova/ms-marco-TinyBERT-L-2-v2](https://huggingface.co/Xenova/ms-marco-TinyBERT-L-2-v2) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 115.1ms | Inference: 56.2ms | Downloads: 1.6k | Likes: 3 +**Metrics:** Load: 115.1ms | Inference: 56.2ms + +#### Xenova/toxic-bert -#### [Xenova/toxic-bert](https://huggingface.co/Xenova/toxic-bert) +**Model page:** [https://huggingface.co/Xenova/toxic-bert](https://huggingface.co/Xenova/toxic-bert) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 3789.0ms | Inference: 808.8ms | Downloads: 5.2k | Likes: 6 +**Metrics:** Load: 3789.0ms | Inference: 808.8ms -#### [onnx-community/language_detection-ONNX](https://huggingface.co/onnx-community/language_detection-ONNX) +#### onnx-community/language_detection-ONNX + +**Model page:** [https://huggingface.co/onnx-community/language_detection-ONNX](https://huggingface.co/onnx-community/language_detection-ONNX) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 338.1ms | Inference: 116.0ms | Downloads: 278 | Likes: 4 +**Metrics:** Load: 338.1ms | Inference: 116.0ms --- @@ -583,35 +707,45 @@ const output = await generator('Once upon a time, there was', { max_new_tokens: ### Recommended Models for First-Time Trials -#### [Xenova/distilgpt2](https://huggingface.co/Xenova/distilgpt2) +#### Xenova/distilgpt2 + +**Model page:** [https://huggingface.co/Xenova/distilgpt2](https://huggingface.co/Xenova/distilgpt2) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 3207.5ms | Inference: 469.7ms | Downloads: 7.7k | Likes: 9 +**Metrics:** Load: 3207.5ms | Inference: 469.7ms -#### [Xenova/llama2.c-stories15M](https://huggingface.co/Xenova/llama2.c-stories15M) +#### Xenova/llama2.c-stories15M + +**Model page:** [https://huggingface.co/Xenova/llama2.c-stories15M](https://huggingface.co/Xenova/llama2.c-stories15M) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 396.8ms | Inference: 251.4ms | Downloads: 1.9k | Likes: 7 +**Metrics:** Load: 396.8ms | Inference: 251.4ms + +#### onnx-community/ettin-decoder-17m-ONNX -#### [onnx-community/ettin-decoder-17m-ONNX](https://huggingface.co/onnx-community/ettin-decoder-17m-ONNX) +**Model page:** [https://huggingface.co/onnx-community/ettin-decoder-17m-ONNX](https://huggingface.co/onnx-community/ettin-decoder-17m-ONNX) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 328.2ms | Inference: 221.9ms | Downloads: 3 | Likes: 1 +**Metrics:** Load: 328.2ms | Inference: 221.9ms + +#### onnx-community/Lamina-extend-ONNX -#### [onnx-community/Lamina-extend-ONNX](https://huggingface.co/onnx-community/Lamina-extend-ONNX) +**Model page:** [https://huggingface.co/onnx-community/Lamina-extend-ONNX](https://huggingface.co/onnx-community/Lamina-extend-ONNX) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 141.9ms | Inference: 190.0ms | Downloads: 6 +**Metrics:** Load: 141.9ms | Inference: 190.0ms -#### [onnx-community/chess-llama-ONNX](https://huggingface.co/onnx-community/chess-llama-ONNX) +#### onnx-community/chess-llama-ONNX + +**Model page:** [https://huggingface.co/onnx-community/chess-llama-ONNX](https://huggingface.co/onnx-community/chess-llama-ONNX) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 249.3ms | Inference: 197.2ms | Downloads: 3 +**Metrics:** Load: 249.3ms | Inference: 197.2ms --- @@ -626,35 +760,45 @@ const output = await classifier('My name is Sarah and I live in London'); ### Recommended Models for First-Time Trials -#### [onnx-community/NeuroBERT-NER-ONNX](https://huggingface.co/onnx-community/NeuroBERT-NER-ONNX) +#### onnx-community/NeuroBERT-NER-ONNX + +**Model page:** [https://huggingface.co/onnx-community/NeuroBERT-NER-ONNX](https://huggingface.co/onnx-community/NeuroBERT-NER-ONNX) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 170.4ms | Inference: 61.6ms | Downloads: 7 | Likes: 2 +**Metrics:** Load: 170.4ms | Inference: 61.6ms -#### [onnx-community/TinyBERT-finetuned-NER-ONNX](https://huggingface.co/onnx-community/TinyBERT-finetuned-NER-ONNX) +#### onnx-community/TinyBERT-finetuned-NER-ONNX + +**Model page:** [https://huggingface.co/onnx-community/TinyBERT-finetuned-NER-ONNX](https://huggingface.co/onnx-community/TinyBERT-finetuned-NER-ONNX) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 261.7ms | Inference: 79.9ms | Downloads: 8 | Likes: 1 +**Metrics:** Load: 261.7ms | Inference: 79.9ms + +#### Xenova/esm2_t6_8M_UR50D_rna_binding_site_predictor -#### [Xenova/esm2_t6_8M_UR50D_rna_binding_site_predictor](https://huggingface.co/Xenova/esm2_t6_8M_UR50D_rna_binding_site_predictor) +**Model page:** [https://huggingface.co/Xenova/esm2_t6_8M_UR50D_rna_binding_site_predictor](https://huggingface.co/Xenova/esm2_t6_8M_UR50D_rna_binding_site_predictor) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 279.3ms | Inference: 118.6ms | Downloads: 5 | Likes: 1 +**Metrics:** Load: 279.3ms | Inference: 118.6ms + +#### onnx-community/distilbert-NER-ONNX -#### [onnx-community/distilbert-NER-ONNX](https://huggingface.co/onnx-community/distilbert-NER-ONNX) +**Model page:** [https://huggingface.co/onnx-community/distilbert-NER-ONNX](https://huggingface.co/onnx-community/distilbert-NER-ONNX) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 682.0ms | Inference: 258.2ms | Downloads: 17 | Likes: 2 +**Metrics:** Load: 682.0ms | Inference: 258.2ms -#### [onnx-community/small-e-czech-finetuned-ner-wikiann-ONNX](https://huggingface.co/onnx-community/small-e-czech-finetuned-ner-wikiann-ONNX) +#### onnx-community/small-e-czech-finetuned-ner-wikiann-ONNX + +**Model page:** [https://huggingface.co/onnx-community/small-e-czech-finetuned-ner-wikiann-ONNX](https://huggingface.co/onnx-community/small-e-czech-finetuned-ner-wikiann-ONNX) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 271.3ms | Inference: 193.4ms | Downloads: 6 +**Metrics:** Load: 271.3ms | Inference: 193.4ms --- @@ -672,35 +816,45 @@ const output = await translator('Life is like a box of chocolate.', { ### Recommended Models for First-Time Trials -#### [Xenova/opus-mt-en-es](https://huggingface.co/Xenova/opus-mt-en-es) +#### Xenova/opus-mt-en-es + +**Model page:** [https://huggingface.co/Xenova/opus-mt-en-es](https://huggingface.co/Xenova/opus-mt-en-es) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 1956.5ms | Inference: 617.7ms | Downloads: 2.0k | Likes: 3 +**Metrics:** Load: 1956.5ms | Inference: 617.7ms -#### [Xenova/opus-mt-zh-en](https://huggingface.co/Xenova/opus-mt-zh-en) +#### Xenova/opus-mt-zh-en + +**Model page:** [https://huggingface.co/Xenova/opus-mt-zh-en](https://huggingface.co/Xenova/opus-mt-zh-en) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 1964.7ms | Inference: 799.0ms | Downloads: 53 | Likes: 4 +**Metrics:** Load: 1964.7ms | Inference: 799.0ms + +#### Xenova/opus-mt-en-zh -#### [Xenova/opus-mt-en-zh](https://huggingface.co/Xenova/opus-mt-en-zh) +**Model page:** [https://huggingface.co/Xenova/opus-mt-en-zh](https://huggingface.co/Xenova/opus-mt-en-zh) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 1830.0ms | Inference: 481.5ms | Downloads: 490 | Likes: 2 +**Metrics:** Load: 1830.0ms | Inference: 481.5ms -#### [Xenova/opus-mt-en-fr](https://huggingface.co/Xenova/opus-mt-en-fr) +#### Xenova/opus-mt-en-fr + +**Model page:** [https://huggingface.co/Xenova/opus-mt-en-fr](https://huggingface.co/Xenova/opus-mt-en-fr) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 1786.1ms | Inference: 446.7ms | Downloads: 373 | Likes: 2 +**Metrics:** Load: 1786.1ms | Inference: 446.7ms + +#### Xenova/opus-mt-ar-en -#### [Xenova/opus-mt-ar-en](https://huggingface.co/Xenova/opus-mt-ar-en) +**Model page:** [https://huggingface.co/Xenova/opus-mt-ar-en](https://huggingface.co/Xenova/opus-mt-ar-en) **WebGPU Compatible:** ✅ Yes -**Metrics:** Load: 1756.6ms | Inference: 733.8ms | Downloads: 326 | Likes: 2 +**Metrics:** Load: 1756.6ms | Inference: 733.8ms --- From 0dd9c446de6f09d20faa5c2aed5d9340c612705a Mon Sep 17 00:00:00 2001 From: "Yuichiro Tachibana (Tsuchiya)" Date: Tue, 11 Nov 2025 23:17:46 +0900 Subject: [PATCH 5/5] fix --- docs/source/good-first-models.md | 618 ++++++++++++------------------- 1 file changed, 232 insertions(+), 386 deletions(-) diff --git a/docs/source/good-first-models.md b/docs/source/good-first-models.md index 0d5590b9a..4b1b9cdd5 100644 --- a/docs/source/good-first-models.md +++ b/docs/source/good-first-models.md @@ -1,4 +1,4 @@ -# Good-First Models +# Recommended Transformers.js Models for First-Time Trials This guide provides curated model recommendations for each task type, selected for their: - **Popularity**: Widely used with strong community support @@ -25,43 +25,33 @@ const output = await classifier(url); #### onnx-community/Musical-genres-Classification-Hubert-V1-ONNX -**Model page:** [https://huggingface.co/onnx-community/Musical-genres-Classification-Hubert-V1-ONNX](https://huggingface.co/onnx-community/Musical-genres-Classification-Hubert-V1-ONNX) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 264.4ms | Inference: 136.5ms +- **Model page:** [https://huggingface.co/onnx-community/Musical-genres-Classification-Hubert-V1-ONNX](https://huggingface.co/onnx-community/Musical-genres-Classification-Hubert-V1-ONNX) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 264.4ms | Inference: 136.5ms #### Xenova/ast-finetuned-audioset-10-10-0.4593 -**Model page:** [https://huggingface.co/Xenova/ast-finetuned-audioset-10-10-0.4593](https://huggingface.co/Xenova/ast-finetuned-audioset-10-10-0.4593) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 2827.1ms | Inference: 544.1ms +- **Model page:** [https://huggingface.co/Xenova/ast-finetuned-audioset-10-10-0.4593](https://huggingface.co/Xenova/ast-finetuned-audioset-10-10-0.4593) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 2827.1ms | Inference: 544.1ms #### Xenova/ast-finetuned-speech-commands-v2 -**Model page:** [https://huggingface.co/Xenova/ast-finetuned-speech-commands-v2](https://huggingface.co/Xenova/ast-finetuned-speech-commands-v2) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 3254.1ms | Inference: 759.0ms +- **Model page:** [https://huggingface.co/Xenova/ast-finetuned-speech-commands-v2](https://huggingface.co/Xenova/ast-finetuned-speech-commands-v2) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 3254.1ms | Inference: 759.0ms #### onnx-community/Speech-Emotion-Classification-ONNX -**Model page:** [https://huggingface.co/onnx-community/Speech-Emotion-Classification-ONNX](https://huggingface.co/onnx-community/Speech-Emotion-Classification-ONNX) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 3070.4ms | Inference: 574.9ms +- **Model page:** [https://huggingface.co/onnx-community/Speech-Emotion-Classification-ONNX](https://huggingface.co/onnx-community/Speech-Emotion-Classification-ONNX) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 3070.4ms | Inference: 574.9ms #### Xenova/wav2vec2-base-superb-ks -**Model page:** [https://huggingface.co/Xenova/wav2vec2-base-superb-ks](https://huggingface.co/Xenova/wav2vec2-base-superb-ks) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 3211.4ms | Inference: 584.7ms +- **Model page:** [https://huggingface.co/Xenova/wav2vec2-base-superb-ks](https://huggingface.co/Xenova/wav2vec2-base-superb-ks) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 3211.4ms | Inference: 584.7ms --- @@ -79,43 +69,33 @@ const output = await transcriber(url); #### Xenova/whisper-tiny.en -**Model page:** [https://huggingface.co/Xenova/whisper-tiny.en](https://huggingface.co/Xenova/whisper-tiny.en) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 1045.6ms | Inference: 1314.3ms +- **Model page:** [https://huggingface.co/Xenova/whisper-tiny.en](https://huggingface.co/Xenova/whisper-tiny.en) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 1045.6ms | Inference: 1314.3ms #### Xenova/whisper-tiny -**Model page:** [https://huggingface.co/Xenova/whisper-tiny](https://huggingface.co/Xenova/whisper-tiny) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 1037.2ms | Inference: 1258.4ms +- **Model page:** [https://huggingface.co/Xenova/whisper-tiny](https://huggingface.co/Xenova/whisper-tiny) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 1037.2ms | Inference: 1258.4ms #### onnx-community/moonshine-base-ONNX -**Model page:** [https://huggingface.co/onnx-community/moonshine-base-ONNX](https://huggingface.co/onnx-community/moonshine-base-ONNX) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 1906.3ms | Inference: 889.1ms +- **Model page:** [https://huggingface.co/onnx-community/moonshine-base-ONNX](https://huggingface.co/onnx-community/moonshine-base-ONNX) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 1906.3ms | Inference: 889.1ms #### onnx-community/whisper-base -**Model page:** [https://huggingface.co/onnx-community/whisper-base](https://huggingface.co/onnx-community/whisper-base) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 1885.8ms | Inference: 878.9ms +- **Model page:** [https://huggingface.co/onnx-community/whisper-base](https://huggingface.co/onnx-community/whisper-base) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 1885.8ms | Inference: 878.9ms #### Xenova/whisper-base.en -**Model page:** [https://huggingface.co/Xenova/whisper-base.en](https://huggingface.co/Xenova/whisper-base.en) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 1591.3ms | Inference: 1941.5ms +- **Model page:** [https://huggingface.co/Xenova/whisper-base.en](https://huggingface.co/Xenova/whisper-base.en) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 1591.3ms | Inference: 1941.5ms --- @@ -133,43 +113,33 @@ const out = await depth_estimator(url); #### Xenova/depth-anything-small-hf -**Model page:** [https://huggingface.co/Xenova/depth-anything-small-hf](https://huggingface.co/Xenova/depth-anything-small-hf) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 414.3ms | Inference: 419.3ms +- **Model page:** [https://huggingface.co/Xenova/depth-anything-small-hf](https://huggingface.co/Xenova/depth-anything-small-hf) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 414.3ms | Inference: 419.3ms #### onnx-community/depth-anything-v2-small -**Model page:** [https://huggingface.co/onnx-community/depth-anything-v2-small](https://huggingface.co/onnx-community/depth-anything-v2-small) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 450.0ms | Inference: 357.1ms +- **Model page:** [https://huggingface.co/onnx-community/depth-anything-v2-small](https://huggingface.co/onnx-community/depth-anything-v2-small) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 450.0ms | Inference: 357.1ms #### onnx-community/metric3d-vit-small -**Model page:** [https://huggingface.co/onnx-community/metric3d-vit-small](https://huggingface.co/onnx-community/metric3d-vit-small) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 786.2ms | Inference: 515.7ms +- **Model page:** [https://huggingface.co/onnx-community/metric3d-vit-small](https://huggingface.co/onnx-community/metric3d-vit-small) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 786.2ms | Inference: 515.7ms #### Xenova/glpn-nyu -**Model page:** [https://huggingface.co/Xenova/glpn-nyu](https://huggingface.co/Xenova/glpn-nyu) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 1454.5ms | Inference: 1076.9ms +- **Model page:** [https://huggingface.co/Xenova/glpn-nyu](https://huggingface.co/Xenova/glpn-nyu) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 1454.5ms | Inference: 1076.9ms #### Xenova/glpn-kitti -**Model page:** [https://huggingface.co/Xenova/glpn-kitti](https://huggingface.co/Xenova/glpn-kitti) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 1451.4ms | Inference: 1083.3ms +- **Model page:** [https://huggingface.co/Xenova/glpn-kitti](https://huggingface.co/Xenova/glpn-kitti) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 1451.4ms | Inference: 1083.3ms --- @@ -186,43 +156,33 @@ const output = await extractor('This is a simple test.'); #### Xenova/all-MiniLM-L6-v2 -**Model page:** [https://huggingface.co/Xenova/all-MiniLM-L6-v2](https://huggingface.co/Xenova/all-MiniLM-L6-v2) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 373.5ms | Inference: 143.9ms +- **Model page:** [https://huggingface.co/Xenova/all-MiniLM-L6-v2](https://huggingface.co/Xenova/all-MiniLM-L6-v2) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 373.5ms | Inference: 143.9ms #### Xenova/bge-base-en-v1.5 -**Model page:** [https://huggingface.co/Xenova/bge-base-en-v1.5](https://huggingface.co/Xenova/bge-base-en-v1.5) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 3620.8ms | Inference: 816.4ms +- **Model page:** [https://huggingface.co/Xenova/bge-base-en-v1.5](https://huggingface.co/Xenova/bge-base-en-v1.5) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 3620.8ms | Inference: 816.4ms #### Xenova/gte-small -**Model page:** [https://huggingface.co/Xenova/gte-small](https://huggingface.co/Xenova/gte-small) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 588.7ms | Inference: 228.4ms +- **Model page:** [https://huggingface.co/Xenova/gte-small](https://huggingface.co/Xenova/gte-small) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 588.7ms | Inference: 228.4ms #### onnx-community/bert_uncased_L-2_H-128_A-2-ONNX -**Model page:** [https://huggingface.co/onnx-community/bert_uncased_L-2_H-128_A-2-ONNX](https://huggingface.co/onnx-community/bert_uncased_L-2_H-128_A-2-ONNX) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 110.8ms | Inference: 49.2ms +- **Model page:** [https://huggingface.co/onnx-community/bert_uncased_L-2_H-128_A-2-ONNX](https://huggingface.co/onnx-community/bert_uncased_L-2_H-128_A-2-ONNX) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 110.8ms | Inference: 49.2ms #### Xenova/paraphrase-albert-base-v2 -**Model page:** [https://huggingface.co/Xenova/paraphrase-albert-base-v2](https://huggingface.co/Xenova/paraphrase-albert-base-v2) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 328.8ms | Inference: 39.1ms +- **Model page:** [https://huggingface.co/Xenova/paraphrase-albert-base-v2](https://huggingface.co/Xenova/paraphrase-albert-base-v2) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 328.8ms | Inference: 39.1ms --- @@ -239,43 +199,33 @@ const output = await unmasker('The goal of life is [MASK].'); #### Xenova/distilbert-base-uncased -**Model page:** [https://huggingface.co/Xenova/distilbert-base-uncased](https://huggingface.co/Xenova/distilbert-base-uncased) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 769.8ms | Inference: 302.4ms +- **Model page:** [https://huggingface.co/Xenova/distilbert-base-uncased](https://huggingface.co/Xenova/distilbert-base-uncased) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 769.8ms | Inference: 302.4ms #### Xenova/bert-base-uncased -**Model page:** [https://huggingface.co/Xenova/bert-base-uncased](https://huggingface.co/Xenova/bert-base-uncased) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 4432.7ms | Inference: 919.4ms +- **Model page:** [https://huggingface.co/Xenova/bert-base-uncased](https://huggingface.co/Xenova/bert-base-uncased) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 4432.7ms | Inference: 919.4ms #### Xenova/albert-base-v2 -**Model page:** [https://huggingface.co/Xenova/albert-base-v2](https://huggingface.co/Xenova/albert-base-v2) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 324.9ms | Inference: 68.1ms +- **Model page:** [https://huggingface.co/Xenova/albert-base-v2](https://huggingface.co/Xenova/albert-base-v2) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 324.9ms | Inference: 68.1ms #### Xenova/distilbert-base-cased -**Model page:** [https://huggingface.co/Xenova/distilbert-base-cased](https://huggingface.co/Xenova/distilbert-base-cased) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 742.7ms | Inference: 301.1ms +- **Model page:** [https://huggingface.co/Xenova/distilbert-base-cased](https://huggingface.co/Xenova/distilbert-base-cased) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 742.7ms | Inference: 301.1ms #### Xenova/albert-large-v2 -**Model page:** [https://huggingface.co/Xenova/albert-large-v2](https://huggingface.co/Xenova/albert-large-v2) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 499.6ms | Inference: 78.8ms +- **Model page:** [https://huggingface.co/Xenova/albert-large-v2](https://huggingface.co/Xenova/albert-large-v2) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 499.6ms | Inference: 78.8ms --- @@ -293,43 +243,33 @@ const output = await classifier(url); #### Xenova/vit-base-patch16-224 -**Model page:** [https://huggingface.co/Xenova/vit-base-patch16-224](https://huggingface.co/Xenova/vit-base-patch16-224) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 2894.1ms | Inference: 476.3ms +- **Model page:** [https://huggingface.co/Xenova/vit-base-patch16-224](https://huggingface.co/Xenova/vit-base-patch16-224) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 2894.1ms | Inference: 476.3ms #### Xenova/facial_emotions_image_detection -**Model page:** [https://huggingface.co/Xenova/facial_emotions_image_detection](https://huggingface.co/Xenova/facial_emotions_image_detection) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 2922.3ms | Inference: 479.3ms +- **Model page:** [https://huggingface.co/Xenova/facial_emotions_image_detection](https://huggingface.co/Xenova/facial_emotions_image_detection) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 2922.3ms | Inference: 479.3ms #### Xenova/resnet-18 -**Model page:** [https://huggingface.co/Xenova/resnet-18](https://huggingface.co/Xenova/resnet-18) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 152.1ms | Inference: 90.8ms +- **Model page:** [https://huggingface.co/Xenova/resnet-18](https://huggingface.co/Xenova/resnet-18) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 152.1ms | Inference: 90.8ms #### Xenova/resnet-50 -**Model page:** [https://huggingface.co/Xenova/resnet-50](https://huggingface.co/Xenova/resnet-50) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 304.9ms | Inference: 160.5ms +- **Model page:** [https://huggingface.co/Xenova/resnet-50](https://huggingface.co/Xenova/resnet-50) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 304.9ms | Inference: 160.5ms #### onnx-community/mobilenet_v2_1.0_224 -**Model page:** [https://huggingface.co/onnx-community/mobilenet_v2_1.0_224](https://huggingface.co/onnx-community/mobilenet_v2_1.0_224) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 90.7ms | Inference: 99.7ms +- **Model page:** [https://huggingface.co/onnx-community/mobilenet_v2_1.0_224](https://huggingface.co/onnx-community/mobilenet_v2_1.0_224) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 90.7ms | Inference: 99.7ms --- @@ -347,43 +287,33 @@ const features = await image_feature_extractor(url); #### onnx-community/dinov3-vits16-pretrain-lvd1689m-ONNX -**Model page:** [https://huggingface.co/onnx-community/dinov3-vits16-pretrain-lvd1689m-ONNX](https://huggingface.co/onnx-community/dinov3-vits16-pretrain-lvd1689m-ONNX) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 311.4ms | Inference: 352.4ms +- **Model page:** [https://huggingface.co/onnx-community/dinov3-vits16-pretrain-lvd1689m-ONNX](https://huggingface.co/onnx-community/dinov3-vits16-pretrain-lvd1689m-ONNX) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 311.4ms | Inference: 352.4ms #### Xenova/dino-vits16 -**Model page:** [https://huggingface.co/Xenova/dino-vits16](https://huggingface.co/Xenova/dino-vits16) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 321.7ms | Inference: 247.3ms +- **Model page:** [https://huggingface.co/Xenova/dino-vits16](https://huggingface.co/Xenova/dino-vits16) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 321.7ms | Inference: 247.3ms #### onnx-community/dinov3-vits16-pretrain-lvd1689m-ONNX-MHA-scores -**Model page:** [https://huggingface.co/onnx-community/dinov3-vits16-pretrain-lvd1689m-ONNX-MHA-scores](https://huggingface.co/onnx-community/dinov3-vits16-pretrain-lvd1689m-ONNX-MHA-scores) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 342.8ms | Inference: 259.6ms +- **Model page:** [https://huggingface.co/onnx-community/dinov3-vits16-pretrain-lvd1689m-ONNX-MHA-scores](https://huggingface.co/onnx-community/dinov3-vits16-pretrain-lvd1689m-ONNX-MHA-scores) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 342.8ms | Inference: 259.6ms #### onnx-community/dinov2-small-ONNX -**Model page:** [https://huggingface.co/onnx-community/dinov2-small-ONNX](https://huggingface.co/onnx-community/dinov2-small-ONNX) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 311.5ms | Inference: 264.2ms +- **Model page:** [https://huggingface.co/onnx-community/dinov2-small-ONNX](https://huggingface.co/onnx-community/dinov2-small-ONNX) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 311.5ms | Inference: 264.2ms #### onnx-community/dinov2-with-registers-small -**Model page:** [https://huggingface.co/onnx-community/dinov2-with-registers-small](https://huggingface.co/onnx-community/dinov2-with-registers-small) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 312.4ms | Inference: 270.6ms +- **Model page:** [https://huggingface.co/onnx-community/dinov2-with-registers-small](https://huggingface.co/onnx-community/dinov2-with-registers-small) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 312.4ms | Inference: 270.6ms --- @@ -401,43 +331,33 @@ const output = await segmenter(url); #### Xenova/segformer-b0-finetuned-ade-512-512 -**Model page:** [https://huggingface.co/Xenova/segformer-b0-finetuned-ade-512-512](https://huggingface.co/Xenova/segformer-b0-finetuned-ade-512-512) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 205.6ms | Inference: 1612.3ms +- **Model page:** [https://huggingface.co/Xenova/segformer-b0-finetuned-ade-512-512](https://huggingface.co/Xenova/segformer-b0-finetuned-ade-512-512) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 205.6ms | Inference: 1612.3ms #### Xenova/modnet -**Model page:** [https://huggingface.co/Xenova/modnet](https://huggingface.co/Xenova/modnet) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 144.6ms | Inference: 286.9ms +- **Model page:** [https://huggingface.co/Xenova/modnet](https://huggingface.co/Xenova/modnet) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 144.6ms | Inference: 286.9ms #### onnx-community/modnet-webnn -**Model page:** [https://huggingface.co/onnx-community/modnet-webnn](https://huggingface.co/onnx-community/modnet-webnn) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 147.5ms | Inference: 223.2ms +- **Model page:** [https://huggingface.co/onnx-community/modnet-webnn](https://huggingface.co/onnx-community/modnet-webnn) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 147.5ms | Inference: 223.2ms #### Xenova/segformer_b0_clothes -**Model page:** [https://huggingface.co/Xenova/segformer_b0_clothes](https://huggingface.co/Xenova/segformer_b0_clothes) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 203.9ms | Inference: 632.4ms +- **Model page:** [https://huggingface.co/Xenova/segformer_b0_clothes](https://huggingface.co/Xenova/segformer_b0_clothes) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 203.9ms | Inference: 632.4ms #### Xenova/segformer-b0-finetuned-cityscapes-1024-1024 -**Model page:** [https://huggingface.co/Xenova/segformer-b0-finetuned-cityscapes-1024-1024](https://huggingface.co/Xenova/segformer-b0-finetuned-cityscapes-1024-1024) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 200.2ms | Inference: 519.0ms +- **Model page:** [https://huggingface.co/Xenova/segformer-b0-finetuned-cityscapes-1024-1024](https://huggingface.co/Xenova/segformer-b0-finetuned-cityscapes-1024-1024) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 200.2ms | Inference: 519.0ms --- @@ -455,19 +375,15 @@ const output = await processor(url); #### Xenova/2x_APISR_RRDB_GAN_generator-onnx -**Model page:** [https://huggingface.co/Xenova/2x_APISR_RRDB_GAN_generator-onnx](https://huggingface.co/Xenova/2x_APISR_RRDB_GAN_generator-onnx) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 117.5ms | Inference: 596.3ms +- **Model page:** [https://huggingface.co/Xenova/2x_APISR_RRDB_GAN_generator-onnx](https://huggingface.co/Xenova/2x_APISR_RRDB_GAN_generator-onnx) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 117.5ms | Inference: 596.3ms #### Xenova/4x_APISR_GRL_GAN_generator-onnx -**Model page:** [https://huggingface.co/Xenova/4x_APISR_GRL_GAN_generator-onnx](https://huggingface.co/Xenova/4x_APISR_GRL_GAN_generator-onnx) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 2712.5ms | Inference: 3362.6ms +- **Model page:** [https://huggingface.co/Xenova/4x_APISR_GRL_GAN_generator-onnx](https://huggingface.co/Xenova/4x_APISR_GRL_GAN_generator-onnx) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 2712.5ms | Inference: 3362.6ms --- @@ -485,43 +401,33 @@ const output = await detector(img, { threshold: 0.9 }); #### Xenova/detr-resnet-50 -**Model page:** [https://huggingface.co/Xenova/detr-resnet-50](https://huggingface.co/Xenova/detr-resnet-50) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 718.2ms | Inference: 625.4ms +- **Model page:** [https://huggingface.co/Xenova/detr-resnet-50](https://huggingface.co/Xenova/detr-resnet-50) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 718.2ms | Inference: 625.4ms #### Xenova/yolos-tiny -**Model page:** [https://huggingface.co/Xenova/yolos-tiny](https://huggingface.co/Xenova/yolos-tiny) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 190.1ms | Inference: 904.3ms +- **Model page:** [https://huggingface.co/Xenova/yolos-tiny](https://huggingface.co/Xenova/yolos-tiny) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 190.1ms | Inference: 904.3ms #### onnx-community/rfdetr_base-ONNX -**Model page:** [https://huggingface.co/onnx-community/rfdetr_base-ONNX](https://huggingface.co/onnx-community/rfdetr_base-ONNX) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 470.4ms | Inference: 420.9ms +- **Model page:** [https://huggingface.co/onnx-community/rfdetr_base-ONNX](https://huggingface.co/onnx-community/rfdetr_base-ONNX) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 470.4ms | Inference: 420.9ms #### Xenova/yolos-small-300 -**Model page:** [https://huggingface.co/Xenova/yolos-small-300](https://huggingface.co/Xenova/yolos-small-300) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 400.0ms | Inference: 1776.1ms +- **Model page:** [https://huggingface.co/Xenova/yolos-small-300](https://huggingface.co/Xenova/yolos-small-300) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 400.0ms | Inference: 1776.1ms #### onnx-community/rfdetr_medium-ONNX -**Model page:** [https://huggingface.co/onnx-community/rfdetr_medium-ONNX](https://huggingface.co/onnx-community/rfdetr_medium-ONNX) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 578.1ms | Inference: 486.1ms +- **Model page:** [https://huggingface.co/onnx-community/rfdetr_medium-ONNX](https://huggingface.co/onnx-community/rfdetr_medium-ONNX) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 578.1ms | Inference: 486.1ms --- @@ -540,43 +446,33 @@ const output = await answerer(question, context); #### Xenova/distilbert-base-cased-distilled-squad -**Model page:** [https://huggingface.co/Xenova/distilbert-base-cased-distilled-squad](https://huggingface.co/Xenova/distilbert-base-cased-distilled-squad) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 746.8ms | Inference: 164.3ms +- **Model page:** [https://huggingface.co/Xenova/distilbert-base-cased-distilled-squad](https://huggingface.co/Xenova/distilbert-base-cased-distilled-squad) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 746.8ms | Inference: 164.3ms #### onnx-community/rubert_tiny_qa_kontur-ONNX -**Model page:** [https://huggingface.co/onnx-community/rubert_tiny_qa_kontur-ONNX](https://huggingface.co/onnx-community/rubert_tiny_qa_kontur-ONNX) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 411.4ms | Inference: 111.1ms +- **Model page:** [https://huggingface.co/onnx-community/rubert_tiny_qa_kontur-ONNX](https://huggingface.co/onnx-community/rubert_tiny_qa_kontur-ONNX) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 411.4ms | Inference: 111.1ms #### Xenova/distilbert-base-uncased-distilled-squad -**Model page:** [https://huggingface.co/Xenova/distilbert-base-uncased-distilled-squad](https://huggingface.co/Xenova/distilbert-base-uncased-distilled-squad) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 726.1ms | Inference: 204.5ms +- **Model page:** [https://huggingface.co/Xenova/distilbert-base-uncased-distilled-squad](https://huggingface.co/Xenova/distilbert-base-uncased-distilled-squad) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 726.1ms | Inference: 204.5ms #### onnx-community/xlm-roberta-base-squad2-distilled-ONNX -**Model page:** [https://huggingface.co/onnx-community/xlm-roberta-base-squad2-distilled-ONNX](https://huggingface.co/onnx-community/xlm-roberta-base-squad2-distilled-ONNX) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 9046.6ms | Inference: 1201.1ms +- **Model page:** [https://huggingface.co/onnx-community/xlm-roberta-base-squad2-distilled-ONNX](https://huggingface.co/onnx-community/xlm-roberta-base-squad2-distilled-ONNX) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 9046.6ms | Inference: 1201.1ms #### onnx-community/mobilebert-uncased-squad-v2-ONNX -**Model page:** [https://huggingface.co/onnx-community/mobilebert-uncased-squad-v2-ONNX](https://huggingface.co/onnx-community/mobilebert-uncased-squad-v2-ONNX) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 465.3ms | Inference: 911.1ms +- **Model page:** [https://huggingface.co/onnx-community/mobilebert-uncased-squad-v2-ONNX](https://huggingface.co/onnx-community/mobilebert-uncased-squad-v2-ONNX) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 465.3ms | Inference: 911.1ms --- @@ -603,43 +499,33 @@ const output = await generator(text, { #### Xenova/distilbart-cnn-6-6 -**Model page:** [https://huggingface.co/Xenova/distilbart-cnn-6-6](https://huggingface.co/Xenova/distilbart-cnn-6-6) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 9311.4ms | Inference: 2527.9ms +- **Model page:** [https://huggingface.co/Xenova/distilbart-cnn-6-6](https://huggingface.co/Xenova/distilbart-cnn-6-6) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 9311.4ms | Inference: 2527.9ms #### Xenova/distilbart-xsum-12-1 -**Model page:** [https://huggingface.co/Xenova/distilbart-xsum-12-1](https://huggingface.co/Xenova/distilbart-xsum-12-1) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 8184.2ms | Inference: 1283.7ms +- **Model page:** [https://huggingface.co/Xenova/distilbart-xsum-12-1](https://huggingface.co/Xenova/distilbart-xsum-12-1) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 8184.2ms | Inference: 1283.7ms #### Xenova/distilbart-xsum-6-6 -**Model page:** [https://huggingface.co/Xenova/distilbart-xsum-6-6](https://huggingface.co/Xenova/distilbart-xsum-6-6) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 8895.0ms | Inference: 1519.4ms +- **Model page:** [https://huggingface.co/Xenova/distilbart-xsum-6-6](https://huggingface.co/Xenova/distilbart-xsum-6-6) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 8895.0ms | Inference: 1519.4ms #### Xenova/distilbart-xsum-9-6 -**Model page:** [https://huggingface.co/Xenova/distilbart-xsum-9-6](https://huggingface.co/Xenova/distilbart-xsum-9-6) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 10079.9ms | Inference: 1730.8ms +- **Model page:** [https://huggingface.co/Xenova/distilbart-xsum-9-6](https://huggingface.co/Xenova/distilbart-xsum-9-6) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 10079.9ms | Inference: 1730.8ms #### Xenova/distilbart-cnn-12-3 -**Model page:** [https://huggingface.co/Xenova/distilbart-cnn-12-3](https://huggingface.co/Xenova/distilbart-cnn-12-3) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 8878.6ms | Inference: 2479.6ms +- **Model page:** [https://huggingface.co/Xenova/distilbart-cnn-12-3](https://huggingface.co/Xenova/distilbart-cnn-12-3) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 8878.6ms | Inference: 2479.6ms --- @@ -656,43 +542,33 @@ const output = await classifier('I love transformers!'); #### Xenova/distilbert-base-uncased-finetuned-sst-2-english -**Model page:** [https://huggingface.co/Xenova/distilbert-base-uncased-finetuned-sst-2-english](https://huggingface.co/Xenova/distilbert-base-uncased-finetuned-sst-2-english) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 662.4ms | Inference: 245.3ms +- **Model page:** [https://huggingface.co/Xenova/distilbert-base-uncased-finetuned-sst-2-english](https://huggingface.co/Xenova/distilbert-base-uncased-finetuned-sst-2-english) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 662.4ms | Inference: 245.3ms #### Xenova/ms-marco-MiniLM-L-6-v2 -**Model page:** [https://huggingface.co/Xenova/ms-marco-MiniLM-L-6-v2](https://huggingface.co/Xenova/ms-marco-MiniLM-L-6-v2) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 365.1ms | Inference: 146.6ms +- **Model page:** [https://huggingface.co/Xenova/ms-marco-MiniLM-L-6-v2](https://huggingface.co/Xenova/ms-marco-MiniLM-L-6-v2) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 365.1ms | Inference: 146.6ms #### Xenova/ms-marco-TinyBERT-L-2-v2 -**Model page:** [https://huggingface.co/Xenova/ms-marco-TinyBERT-L-2-v2](https://huggingface.co/Xenova/ms-marco-TinyBERT-L-2-v2) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 115.1ms | Inference: 56.2ms +- **Model page:** [https://huggingface.co/Xenova/ms-marco-TinyBERT-L-2-v2](https://huggingface.co/Xenova/ms-marco-TinyBERT-L-2-v2) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 115.1ms | Inference: 56.2ms #### Xenova/toxic-bert -**Model page:** [https://huggingface.co/Xenova/toxic-bert](https://huggingface.co/Xenova/toxic-bert) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 3789.0ms | Inference: 808.8ms +- **Model page:** [https://huggingface.co/Xenova/toxic-bert](https://huggingface.co/Xenova/toxic-bert) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 3789.0ms | Inference: 808.8ms #### onnx-community/language_detection-ONNX -**Model page:** [https://huggingface.co/onnx-community/language_detection-ONNX](https://huggingface.co/onnx-community/language_detection-ONNX) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 338.1ms | Inference: 116.0ms +- **Model page:** [https://huggingface.co/onnx-community/language_detection-ONNX](https://huggingface.co/onnx-community/language_detection-ONNX) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 338.1ms | Inference: 116.0ms --- @@ -709,43 +585,33 @@ const output = await generator('Once upon a time, there was', { max_new_tokens: #### Xenova/distilgpt2 -**Model page:** [https://huggingface.co/Xenova/distilgpt2](https://huggingface.co/Xenova/distilgpt2) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 3207.5ms | Inference: 469.7ms +- **Model page:** [https://huggingface.co/Xenova/distilgpt2](https://huggingface.co/Xenova/distilgpt2) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 3207.5ms | Inference: 469.7ms #### Xenova/llama2.c-stories15M -**Model page:** [https://huggingface.co/Xenova/llama2.c-stories15M](https://huggingface.co/Xenova/llama2.c-stories15M) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 396.8ms | Inference: 251.4ms +- **Model page:** [https://huggingface.co/Xenova/llama2.c-stories15M](https://huggingface.co/Xenova/llama2.c-stories15M) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 396.8ms | Inference: 251.4ms #### onnx-community/ettin-decoder-17m-ONNX -**Model page:** [https://huggingface.co/onnx-community/ettin-decoder-17m-ONNX](https://huggingface.co/onnx-community/ettin-decoder-17m-ONNX) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 328.2ms | Inference: 221.9ms +- **Model page:** [https://huggingface.co/onnx-community/ettin-decoder-17m-ONNX](https://huggingface.co/onnx-community/ettin-decoder-17m-ONNX) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 328.2ms | Inference: 221.9ms #### onnx-community/Lamina-extend-ONNX -**Model page:** [https://huggingface.co/onnx-community/Lamina-extend-ONNX](https://huggingface.co/onnx-community/Lamina-extend-ONNX) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 141.9ms | Inference: 190.0ms +- **Model page:** [https://huggingface.co/onnx-community/Lamina-extend-ONNX](https://huggingface.co/onnx-community/Lamina-extend-ONNX) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 141.9ms | Inference: 190.0ms #### onnx-community/chess-llama-ONNX -**Model page:** [https://huggingface.co/onnx-community/chess-llama-ONNX](https://huggingface.co/onnx-community/chess-llama-ONNX) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 249.3ms | Inference: 197.2ms +- **Model page:** [https://huggingface.co/onnx-community/chess-llama-ONNX](https://huggingface.co/onnx-community/chess-llama-ONNX) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 249.3ms | Inference: 197.2ms --- @@ -762,43 +628,33 @@ const output = await classifier('My name is Sarah and I live in London'); #### onnx-community/NeuroBERT-NER-ONNX -**Model page:** [https://huggingface.co/onnx-community/NeuroBERT-NER-ONNX](https://huggingface.co/onnx-community/NeuroBERT-NER-ONNX) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 170.4ms | Inference: 61.6ms +- **Model page:** [https://huggingface.co/onnx-community/NeuroBERT-NER-ONNX](https://huggingface.co/onnx-community/NeuroBERT-NER-ONNX) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 170.4ms | Inference: 61.6ms #### onnx-community/TinyBERT-finetuned-NER-ONNX -**Model page:** [https://huggingface.co/onnx-community/TinyBERT-finetuned-NER-ONNX](https://huggingface.co/onnx-community/TinyBERT-finetuned-NER-ONNX) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 261.7ms | Inference: 79.9ms +- **Model page:** [https://huggingface.co/onnx-community/TinyBERT-finetuned-NER-ONNX](https://huggingface.co/onnx-community/TinyBERT-finetuned-NER-ONNX) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 261.7ms | Inference: 79.9ms #### Xenova/esm2_t6_8M_UR50D_rna_binding_site_predictor -**Model page:** [https://huggingface.co/Xenova/esm2_t6_8M_UR50D_rna_binding_site_predictor](https://huggingface.co/Xenova/esm2_t6_8M_UR50D_rna_binding_site_predictor) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 279.3ms | Inference: 118.6ms +- **Model page:** [https://huggingface.co/Xenova/esm2_t6_8M_UR50D_rna_binding_site_predictor](https://huggingface.co/Xenova/esm2_t6_8M_UR50D_rna_binding_site_predictor) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 279.3ms | Inference: 118.6ms #### onnx-community/distilbert-NER-ONNX -**Model page:** [https://huggingface.co/onnx-community/distilbert-NER-ONNX](https://huggingface.co/onnx-community/distilbert-NER-ONNX) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 682.0ms | Inference: 258.2ms +- **Model page:** [https://huggingface.co/onnx-community/distilbert-NER-ONNX](https://huggingface.co/onnx-community/distilbert-NER-ONNX) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 682.0ms | Inference: 258.2ms #### onnx-community/small-e-czech-finetuned-ner-wikiann-ONNX -**Model page:** [https://huggingface.co/onnx-community/small-e-czech-finetuned-ner-wikiann-ONNX](https://huggingface.co/onnx-community/small-e-czech-finetuned-ner-wikiann-ONNX) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 271.3ms | Inference: 193.4ms +- **Model page:** [https://huggingface.co/onnx-community/small-e-czech-finetuned-ner-wikiann-ONNX](https://huggingface.co/onnx-community/small-e-czech-finetuned-ner-wikiann-ONNX) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 271.3ms | Inference: 193.4ms --- @@ -818,43 +674,33 @@ const output = await translator('Life is like a box of chocolate.', { #### Xenova/opus-mt-en-es -**Model page:** [https://huggingface.co/Xenova/opus-mt-en-es](https://huggingface.co/Xenova/opus-mt-en-es) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 1956.5ms | Inference: 617.7ms +- **Model page:** [https://huggingface.co/Xenova/opus-mt-en-es](https://huggingface.co/Xenova/opus-mt-en-es) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 1956.5ms | Inference: 617.7ms #### Xenova/opus-mt-zh-en -**Model page:** [https://huggingface.co/Xenova/opus-mt-zh-en](https://huggingface.co/Xenova/opus-mt-zh-en) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 1964.7ms | Inference: 799.0ms +- **Model page:** [https://huggingface.co/Xenova/opus-mt-zh-en](https://huggingface.co/Xenova/opus-mt-zh-en) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 1964.7ms | Inference: 799.0ms #### Xenova/opus-mt-en-zh -**Model page:** [https://huggingface.co/Xenova/opus-mt-en-zh](https://huggingface.co/Xenova/opus-mt-en-zh) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 1830.0ms | Inference: 481.5ms +- **Model page:** [https://huggingface.co/Xenova/opus-mt-en-zh](https://huggingface.co/Xenova/opus-mt-en-zh) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 1830.0ms | Inference: 481.5ms #### Xenova/opus-mt-en-fr -**Model page:** [https://huggingface.co/Xenova/opus-mt-en-fr](https://huggingface.co/Xenova/opus-mt-en-fr) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 1786.1ms | Inference: 446.7ms +- **Model page:** [https://huggingface.co/Xenova/opus-mt-en-fr](https://huggingface.co/Xenova/opus-mt-en-fr) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 1786.1ms | Inference: 446.7ms #### Xenova/opus-mt-ar-en -**Model page:** [https://huggingface.co/Xenova/opus-mt-ar-en](https://huggingface.co/Xenova/opus-mt-ar-en) - -**WebGPU Compatible:** ✅ Yes - -**Metrics:** Load: 1756.6ms | Inference: 733.8ms +- **Model page:** [https://huggingface.co/Xenova/opus-mt-ar-en](https://huggingface.co/Xenova/opus-mt-ar-en) +- **WebGPU Compatible:** ✅ Yes +- **Metrics:** Load: 1756.6ms | Inference: 733.8ms ---