diff --git a/CHANGELOG.md b/CHANGELOG.md index 2349827551..c43a7c91db 100644 --- a/CHANGELOG.md +++ b/CHANGELOG.md @@ -1,5 +1,23 @@ # Changelog +## v2.247.1 (2025-06-23) + +### Bug Fixes and Other Changes + + * update image_uri_configs 06-19-2025 07:18:34 PST + +## v2.247.0 (2025-06-13) + +### Features + + * Add support for MetricDefinitions in ModelTrainer + +### Bug Fixes and Other Changes + + * update jumpstart region_config, update image_uri_configs 06-12-2025 07:18:12 PST + * Add ignore_patterns in ModelTrainer to ignore specific files/folders + * Allow import failure for internal _hashlib module + ## v2.246.0 (2025-06-04) ### Features diff --git a/VERSION b/VERSION index 657c15330d..cdbe343ddb 100644 --- a/VERSION +++ b/VERSION @@ -1 +1 @@ -2.246.1.dev0 +2.247.2.dev0 diff --git a/doc/_templates/custom-logo.html b/doc/_templates/custom-logo.html new file mode 100644 index 0000000000..4a02b20be2 --- /dev/null +++ b/doc/_templates/custom-logo.html @@ -0,0 +1,6 @@ + + + SageMaker Python SDK + \ No newline at end of file diff --git a/doc/_templates/navbar-right.html b/doc/_templates/navbar-right.html new file mode 100644 index 0000000000..93b2e0b276 --- /dev/null +++ b/doc/_templates/navbar-right.html @@ -0,0 +1,9 @@ + + diff --git a/doc/_templates/search.html b/doc/_templates/search.html index 93c01c7799..5e8b7642a4 100644 --- a/doc/_templates/search.html +++ b/doc/_templates/search.html @@ -7,7 +7,7 @@ :copyright: Copyright 2007-2013 by the Sphinx team, see AUTHORS. :license: BSD, see https://github.com/sphinx-doc/sphinx/blob/master/LICENSE for details. #} -{%- extends "layout.html" %} +{% extends "!layout.html" %} {% set title = _('Search') %} {% set display_vcs_links = False %} {%- block scripts %} diff --git a/doc/conf.py b/doc/conf.py index 6c88ddd0e7..d2ccc4fe09 100644 --- a/doc/conf.py +++ b/doc/conf.py @@ -35,12 +35,34 @@ "sphinx.ext.autosummary", "sphinx.ext.napoleon", "sphinx.ext.autosectionlabel", + "myst_parser", + "sphinx_design", + "sphinx_tabs.tabs" ] # Add any paths that contain templates here, relative to this directory. templates_path = ["_templates"] -source_suffix = ".rst" # The suffix of source filenames. +source_suffix = { + '.rst': 'restructuredtext', + '.md': 'markdown', +} + +# MyST parser settings +# myst_heading_anchors = 3 +myst_enable_extensions = [ + "amsmath", + "colon_fence", + "deflist", + "dollarmath", + "html_admonition", + "html_image", + "replacements", + "smartquotes", + "substitution", + "tasklist", +] +myst_url_schemes = ("http", "https", "mailto") master_doc = "index" # The master toctree document. copyright = "%s, Amazon" % datetime.now().year @@ -58,17 +80,21 @@ autodoc_default_flags = ["show-inheritance", "members", "undoc-members"] autodoc_member_order = "bysource" -html_theme = "sphinx_rtd_theme" +html_theme = "sphinx_book_theme" html_theme_options = { - "collapse_navigation": True, - "sticky_navigation": True, - "navigation_depth": 6, - "includehidden": True, - "titles_only": False, + "use_repository_button": False, + "use_edit_page_button": False, + "use_issues_button": False, + "use_download_button": False, + "toc_title": "On This Page", + "navbar_start": ["custom-logo.html"], + "navbar_center": [], + "navbar_end": ["navbar-right.html"], + "navigation_depth": 2, + "collapse_navigation": True } - html_static_path = ["_static"] htmlhelp_basename = "%sdoc" % project @@ -82,10 +108,12 @@ ] html_css_files = [ + "https://cdn.jsdelivr.net/npm/tailwindcss@2.2.19/dist/tailwind.min.css", "https://cdn.datatables.net/1.10.23/css/jquery.dataTables.min.css", "theme_overrides.css", "pagination.css", "search_accessories.css", + "custom.css" ] # Example configuration for intersphinx: refer to the Python standard library. diff --git a/doc/deploy.md b/doc/deploy.md new file mode 100644 index 0000000000..1dcf7985a3 --- /dev/null +++ b/doc/deploy.md @@ -0,0 +1,401 @@ +# Deploy Models with SageMaker Python SDK + +Amazon SageMaker provides flexible deployment options to serve your machine learning models for inference. This guide covers the key deployment interfaces and helps you choose the right approach for your workload requirements. + +## Deployment Options Overview + +| Deployment Option | Description | Best For | +|-------------------|-------------|----------| +| **Real-time Endpoints** | Synchronous, low-latency inference | Interactive applications, real-time predictions | +| **Serverless Inference** | Auto-scaling, pay-per-use endpoints | Intermittent traffic, cost optimization | +| **Asynchronous Inference** | Process requests in queue | Large payloads, long processing times | +| **Batch Transform** | Offline predictions for datasets | Bulk inference, ETL workflows | +| **Multi-model Endpoints** | Host multiple models on shared resources | Cost efficiency, similar model types | + +## Deployment Workflow + +Regardless of which deployment option you choose, the general workflow follows these steps: + +1. **Prepare your model artifacts** - Ensure your trained model is in a compatible format +2. **Create a model in SageMaker** - Register your model artifacts with SageMaker +3. **Configure the deployment** - Choose deployment options and resources +4. **Deploy the model** - Create an endpoint or batch transform job +5. **Invoke for predictions** - Send requests to your deployed model + +## Choosing the Right Deployment Option + +### Real-time Endpoints + +Real-time endpoints provide synchronous, low-latency inference via a REST API. They're ideal for applications that require immediate responses. + +Key features: +- **Low-latency responses** for real-time applications +- **Auto-scaling** based on traffic patterns +- **High availability** with multi-AZ deployment +- **Monitoring** for performance and data quality + +```python +import sagemaker +from sagemaker.model import Model + +# Create a model from trained artifacts +model = Model( + image_uri="763104351884.dkr.ecr.us-west-2.amazonaws.com/pytorch-inference:1.13.1-cpu-py39", + model_data="s3://my-bucket/model.tar.gz", + role=sagemaker.get_execution_role(), + env={"SAGEMAKER_MODEL_SERVER_TIMEOUT": "3600"} +) + +# Deploy to a real-time endpoint +predictor = model.deploy( + initial_instance_count=1, + instance_type="ml.m5.xlarge", + endpoint_name="my-endpoint" +) + +# Make a prediction +response = predictor.predict(data) +``` + +### Serverless Inference + +Serverless Inference automatically provisions and scales compute capacity based on the volume of inference requests. You pay only for the compute time used to process requests, making it ideal for intermittent workloads. + +Key features: +- **No infrastructure management** required +- **Pay-per-use** pricing model +- **Auto-scaling** from zero to handle traffic spikes +- **Configurable memory** sizes + +```python +import sagemaker +from sagemaker.model import Model +from sagemaker.serverless import ServerlessInferenceConfig + +# Configure serverless settings +serverless_config = ServerlessInferenceConfig( + memory_size_in_mb=2048, + max_concurrency=5 +) + +# Create a model +model = Model( + image_uri="763104351884.dkr.ecr.us-west-2.amazonaws.com/pytorch-inference:1.13.1-cpu-py39", + model_data="s3://my-bucket/model.tar.gz", + role=sagemaker.get_execution_role() +) + +# Deploy with serverless configuration +predictor = model.deploy( + serverless_inference_config=serverless_config, + endpoint_name="my-serverless-endpoint" +) + +# Make a prediction +response = predictor.predict(data) +``` + +### Asynchronous Inference + +Asynchronous Inference queues incoming requests and processes them asynchronously. This is ideal for workloads with large payloads or long processing times. + +Key features: +- **Queue-based processing** for handling traffic spikes +- **Support for large payloads** up to 1GB +- **Long processing times** without timeout concerns +- **Cost optimization** through efficient resource utilization + +```python +import sagemaker +from sagemaker.model import Model +from sagemaker.async_inference import AsyncInferenceConfig + +# Configure async inference +async_config = AsyncInferenceConfig( + output_path="s3://my-bucket/async-results/", + max_concurrent_invocations_per_instance=4, + notification_config={ + "SuccessTopic": "arn:aws:sns:us-west-2:123456789012:success-topic", + "ErrorTopic": "arn:aws:sns:us-west-2:123456789012:error-topic" + } +) + +# Create a model +model = Model( + image_uri="763104351884.dkr.ecr.us-west-2.amazonaws.com/pytorch-inference:1.13.1-cpu-py39", + model_data="s3://my-bucket/model.tar.gz", + role=sagemaker.get_execution_role() +) + +# Deploy with async configuration +async_predictor = model.deploy( + initial_instance_count=1, + instance_type="ml.m5.xlarge", + async_inference_config=async_config, + endpoint_name="my-async-endpoint" +) + +# Submit a request for async processing +response = async_predictor.predict_async( + data="s3://my-bucket/input/data.csv", + input_content_type="text/csv" +) +``` + +### Batch Transform + +Batch Transform is designed for offline processing of large datasets. It's ideal for scenarios where you need to generate predictions for a complete dataset rather than individual requests. + +Key features: +- **Efficient processing** of large datasets +- **Automatic scaling** to handle large workloads +- **Cost-effective** for bulk inference +- **Integration with data processing pipelines** + +```python +import sagemaker +from sagemaker.model import Model + +# Create a model +model = Model( + image_uri="763104351884.dkr.ecr.us-west-2.amazonaws.com/pytorch-inference:1.13.1-cpu-py39", + model_data="s3://my-bucket/model.tar.gz", + role=sagemaker.get_execution_role() +) + +# Create a transformer for batch processing +transformer = model.transformer( + instance_count=1, + instance_type="ml.m5.xlarge", + output_path="s3://my-bucket/batch-output/", + strategy="MultiRecord", + assemble_with="Line", + accept="text/csv" +) + +# Start a batch transform job +transformer.transform( + data="s3://my-bucket/batch-input/", + content_type="text/csv", + split_type="Line" +) +``` + +### Multi-model Endpoints + +Multi-model Endpoints allow you to host multiple models on a single endpoint, sharing compute resources among them. This is ideal for scenarios where you have many similar models that don't all need to be active simultaneously. + +Key features: +- **Cost efficiency** through resource sharing +- **Dynamic loading** of models into memory +- **Simplified management** of many models +- **Reduced overhead** compared to individual endpoints + +```python +import sagemaker +from sagemaker.multidatamodel import MultiDataModel + +# Create a multi-model endpoint +mme = MultiDataModel( + name="my-multi-model-endpoint", + model_data_prefix="s3://my-bucket/models/", + image_uri="763104351884.dkr.ecr.us-west-2.amazonaws.com/pytorch-inference:1.13.1-cpu-py39", + role=sagemaker.get_execution_role() +) + +# Deploy the multi-model endpoint +predictor = mme.deploy( + initial_instance_count=1, + instance_type="ml.m5.xlarge" +) + +# Make a prediction with a specific model +response = predictor.predict( + target_model="model1.tar.gz", + data=data +) +``` + +## Inference APIs + +### ModelBuilder + +The `ModelBuilder` class provides a simplified interface for creating and deploying models. It handles the complexity of model creation and deployment with a focus on ease of use. + +```python +from sagemaker.model_builder import ModelBuilder +from sagemaker.schemas import SchemaBuilder + +# Define input and output schemas +schema_builder = SchemaBuilder() +schema_builder.add_request_content_type("application/json") +schema_builder.add_response_content_type("application/json") + +# Create a model with ModelBuilder +model_builder = ModelBuilder( + model_name="my-model", + role=sagemaker.get_execution_role(), + schema=schema_builder.build(), + container_config={ + "image_uri": "763104351884.dkr.ecr.us-west-2.amazonaws.com/pytorch-inference:1.13.1-cpu-py39", + "model_data_url": "s3://my-bucket/model.tar.gz" + } +) + +# Deploy the model +predictor = model_builder.deploy( + instance_type="ml.m5.xlarge", + initial_instance_count=1 +) +``` + +### Model + +The `Model` class is the foundation for all deployment options in SageMaker. It encapsulates the model artifacts, inference code, and dependencies needed for deployment. + +```python +from sagemaker.model import Model + +model = Model( + image_uri="763104351884.dkr.ecr.us-west-2.amazonaws.com/pytorch-inference:1.13.1-cpu-py39", + model_data="s3://my-bucket/model.tar.gz", + role=sagemaker.get_execution_role(), + env={"MODEL_SERVER_WORKERS": "2"} +) +``` + +### Predictors + +Predictors are client objects that provide a convenient interface for making inference requests to deployed endpoints. + +```python +# After deploying a model +predictor = model.deploy( + initial_instance_count=1, + instance_type="ml.m5.xlarge" +) + +# Make predictions with different content types +json_response = predictor.predict(data, content_type="application/json") +csv_response = predictor.predict(data, content_type="text/csv") + +# Serialize and deserialize data automatically +from sagemaker.serializers import JSONSerializer +from sagemaker.deserializers import JSONDeserializer + +predictor.serializer = JSONSerializer() +predictor.deserializer = JSONDeserializer() + +# Now predictor automatically handles serialization/deserialization +response = predictor.predict({"data": [1, 2, 3, 4]}) +``` + +## Advanced Deployment Features + +### Inference Optimization + +SageMaker provides several options to optimize your model for inference: + +- **SageMaker Neo** - Automatically optimize models for specific hardware +- **Elastic Inference** - Add GPU acceleration to CPU instances +- **Inference Recommender** - Get recommendations for optimal deployment configurations + +### Inference Pipelines + +Inference Pipelines allow you to chain multiple models and preprocessing/postprocessing steps into a single endpoint: + +```python +from sagemaker.pipeline import PipelineModel + +# Create individual models +preprocessor_model = Model(...) +inference_model = Model(...) +postprocessor_model = Model(...) + +# Create a pipeline of models +pipeline_model = PipelineModel( + models=[preprocessor_model, inference_model, postprocessor_model], + role=sagemaker.get_execution_role() +) + +# Deploy the pipeline +pipeline_predictor = pipeline_model.deploy( + initial_instance_count=1, + instance_type="ml.m5.xlarge" +) +``` + +### A/B Testing + +SageMaker supports A/B testing through production variants, allowing you to test different models or configurations: + +```python +from sagemaker.model import Model + +# Create two model variants +model_a = Model(...) +model_b = Model(...) + +# Deploy both models to the same endpoint with traffic splitting +production_variants = [ + { + "VariantName": "ModelA", + "ModelName": model_a.name, + "InitialInstanceCount": 1, + "InstanceType": "ml.m5.xlarge", + "InitialVariantWeight": 0.7 + }, + { + "VariantName": "ModelB", + "ModelName": model_b.name, + "InitialInstanceCount": 1, + "InstanceType": "ml.m5.xlarge", + "InitialVariantWeight": 0.3 + } +] + +# Create the endpoint with both variants +sagemaker_session = sagemaker.Session() +sagemaker_session.endpoint_from_production_variants( + name="ab-test-endpoint", + production_variants=production_variants +) +``` + +### Model Monitoring + +SageMaker Model Monitor allows you to monitor the quality of your deployed models: + +```python +from sagemaker.model_monitor import DataCaptureConfig, ModelMonitor + +# Configure data capture for the endpoint +data_capture_config = DataCaptureConfig( + enable_capture=True, + sampling_percentage=100, + destination_s3_uri="s3://my-bucket/monitor-data/" +) + +# Deploy model with monitoring enabled +predictor = model.deploy( + initial_instance_count=1, + instance_type="ml.m5.xlarge", + data_capture_config=data_capture_config +) + +# Create a model monitor +monitor = ModelMonitor( + role=sagemaker.get_execution_role(), + instance_count=1, + instance_type="ml.m5.xlarge" +) + +# Create a monitoring schedule +monitor.create_monitoring_schedule( + monitor_schedule_name="my-monitoring-schedule", + endpoint_input=predictor.endpoint_name, + statistics="s3://my-bucket/baseline/statistics.json", + constraints="s3://my-bucket/baseline/constraints.json", + schedule_cron_expression="cron(0 * ? * * *)" # Hourly +) +``` diff --git a/doc/doc_utils/jumpstart_doc_utils.py b/doc/doc_utils/jumpstart_doc_utils.py index 458da694d5..1fc47437f5 100644 --- a/doc/doc_utils/jumpstart_doc_utils.py +++ b/doc/doc_utils/jumpstart_doc_utils.py @@ -351,7 +351,7 @@ def create_jumpstart_model_table(): proprietary_content_entries = create_proprietary_model_table() - f = open("doc_utils/pretrainedmodels.rst", "a") + f = open("doc_utils/pretrainedmodels.rst", "w") f.writelines(file_content_intro) f.writelines(open_weight_content_entries) f.writelines(proprietary_content_entries) diff --git a/doc/doc_utils/pretrainedmodels.rst b/doc/doc_utils/pretrainedmodels.rst index e69de29bb2..56651191c1 100644 --- a/doc/doc_utils/pretrainedmodels.rst +++ b/doc/doc_utils/pretrainedmodels.rst @@ -0,0 +1,6428 @@ +.. _all-pretrained-models: + +.. |external-link| raw:: html + + + +================================================ +Built-in Algorithms with pre-trained Model Table +================================================ + + The SageMaker Python SDK uses model IDs and model versions to access the necessary + utilities for pre-trained models. This table serves to provide the core material plus + some extra information that can be useful in selecting the correct model ID and + corresponding parameters. + + If you want to automatically use the latest version of the model, use "*" for the `model_version` attribute. + We highly suggest pinning an exact model version however. + + These models are also available through the + `JumpStart UI in SageMaker Studio `__ + +.. list-table:: Available Models + :widths: 50 20 20 20 30 20 + :header-rows: 1 + :class: datatable + + * - Model ID + - Fine Tunable? + - Latest Version + - Min SDK Version + - Problem Type + - Source + * - autogluon-classification-ensemble + - True + - 2.0.15 + - 2.189.0 + - Classification + - `GluonCV `__ |external-link| + * - autogluon-forecasting-chronos-bolt-base + - False + - 2.0.5 + - 2.237.1 + - Source + - `HuggingFace `__ |external-link| + * - autogluon-forecasting-chronos-bolt-small + - False + - 1.0.8 + - 2.237.1 + - Source + - `HuggingFace `__ |external-link| + * - autogluon-forecasting-chronos-t5-base + - False + - 2.0.8 + - 2.237.1 + - Source + - `HuggingFace `__ |external-link| + * - autogluon-forecasting-chronos-t5-large + - False + - 2.0.8 + - 2.237.1 + - Source + - `HuggingFace `__ |external-link| + * - autogluon-forecasting-chronos-t5-small + - False + - 2.0.8 + - 2.237.1 + - Source + - `HuggingFace `__ |external-link| + * - autogluon-regression-ensemble + - True + - 2.0.15 + - 2.189.0 + - Regression + - `GluonCV `__ |external-link| + * - catboost-classification-model + - True + - 2.1.21 + - 2.189.0 + - Classification + - `Catboost `__ |external-link| + * - catboost-regression-model + - True + - 2.1.21 + - 2.189.0 + - Regression + - `Catboost `__ |external-link| + * - deepseek-llm-r1 + - False + - 4.0.7 + - 2.237.1 + - Source + - `HuggingFace `__ |external-link| + * - deepseek-llm-r1-0528 + - False + - 1.0.2 + - 2.237.1 + - Source + - `HuggingFace `__ |external-link| + * - deepseek-llm-r1-distill-llama-70b + - False + - 2.0.7 + - 2.237.1 + - Source + - `HuggingFace `__ |external-link| + * - deepseek-llm-r1-distill-llama-8b + - False + - 2.0.7 + - 2.237.1 + - Source + - `HuggingFace `__ |external-link| + * - deepseek-llm-r1-distill-qwen-1-5b + - False + - 2.0.7 + - 2.237.1 + - Source + - `HuggingFace `__ |external-link| + * - deepseek-llm-r1-distill-qwen-14b + - False + - 2.0.7 + - 2.237.1 + - Source + - `HuggingFace `__ |external-link| + * - deepseek-llm-r1-distill-qwen-32b + - False + - 2.0.7 + - 2.237.1 + - Source + - `HuggingFace `__ |external-link| + * - deepseek-llm-r1-distill-qwen-7b + - False + - 2.0.7 + - 2.237.1 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-asr-whisper-base + - False + - 3.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-asr-whisper-large + - False + - 3.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-asr-whisper-large-v2 + - False + - 3.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-asr-whisper-large-v3 + - False + - 1.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-asr-whisper-large-v3-turbo + - False + - 1.1.10 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-asr-whisper-medium + - False + - 3.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-asr-whisper-small + - False + - 3.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-asr-whisper-tiny + - False + - 3.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-eqa-bert-base-cased + - True + - 3.0.6 + - 2.189.0 + - Question Answering + - `HuggingFace `__ |external-link| + * - huggingface-eqa-bert-base-multilingual-cased + - True + - 3.0.6 + - 2.189.0 + - Question Answering + - `HuggingFace `__ |external-link| + * - huggingface-eqa-bert-base-multilingual-uncased + - True + - 3.0.6 + - 2.237.1 + - Question Answering + - `HuggingFace `__ |external-link| + * - huggingface-eqa-bert-base-uncased + - True + - 3.0.6 + - 2.189.0 + - Question Answering + - `HuggingFace `__ |external-link| + * - huggingface-eqa-bert-large-cased + - True + - 3.0.6 + - 2.237.1 + - Question Answering + - `HuggingFace `__ |external-link| + * - huggingface-eqa-bert-large-cased-whole-word-masking + - True + - 3.0.6 + - 2.189.0 + - Question Answering + - `HuggingFace `__ |external-link| + * - huggingface-eqa-bert-large-uncased + - True + - 3.0.6 + - 2.189.0 + - Question Answering + - `HuggingFace `__ |external-link| + * - huggingface-eqa-bert-large-uncased-whole-word-masking + - True + - 3.0.6 + - 2.189.0 + - Question Answering + - `HuggingFace `__ |external-link| + * - huggingface-eqa-distilbert-base-cased + - True + - 3.0.6 + - 2.237.1 + - Question Answering + - `HuggingFace `__ |external-link| + * - huggingface-eqa-distilbert-base-multilingual-cased + - True + - 3.0.6 + - 2.237.1 + - Question Answering + - `HuggingFace `__ |external-link| + * - huggingface-eqa-distilbert-base-uncased + - True + - 3.0.6 + - 2.237.1 + - Question Answering + - `HuggingFace `__ |external-link| + * - huggingface-eqa-distilroberta-base + - True + - 3.0.6 + - 2.237.1 + - Question Answering + - `HuggingFace `__ |external-link| + * - huggingface-eqa-roberta-base + - True + - 3.0.6 + - 2.237.1 + - Question Answering + - `HuggingFace `__ |external-link| + * - huggingface-eqa-roberta-base-openai-detector + - True + - 3.0.6 + - 2.237.1 + - Question Answering + - `HuggingFace `__ |external-link| + * - huggingface-eqa-roberta-large + - True + - 3.0.6 + - 2.237.1 + - Question Answering + - `HuggingFace `__ |external-link| + * - huggingface-fillmask-bert-base-uncased + - True + - 3.0.6 + - 2.237.1 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-ahxt-litellama-460m-1t + - False + - 1.1.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-ai-forever-mgpt + - False + - 1.3.7 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-alpindale-wizard-lm-2-8-22B + - False + - 1.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-amazon-falconlite + - False + - 2.1.12 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-amazon-falconlite2 + - False + - 1.2.12 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-amazon-mistrallite + - False + - 1.3.12 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-aya-101 + - False + - 1.1.12 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-berkeley-nest-starling-lm-7b-alpha + - False + - 1.2.7 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-bilingual-rinna-4b-instruction-ppo-bf16 + - False + - 2.2.7 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-calm2-7b-chat-bf16 + - True + - 1.4.7 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-calm3-22b-chat + - False + - 2.2.8 + - 2.237.1 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-cognitive-dolphin-29-llama3-8b + - False + - 1.1.7 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-cohereforai-c4ai-command-r-plus + - False + - 1.1.7 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-cultrix-mistraltrix-v1 + - False + - 1.3.7 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-dbrx-base + - False + - 1.5.6 + - 2.237.1 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-dbrx-instruct + - False + - 1.4.6 + - 2.237.1 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-dolphin-2-2-1-mistral-7b + - False + - 1.3.7 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-dolphin-2-5-mixtral-8x7b + - False + - 1.2.12 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-dolphin-2-7-mixtral-8x7b + - False + - 1.1.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-eleutherai-gpt-neo-1-3b + - False + - 1.3.7 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-eleutherai-gpt-neo-2-7b + - False + - 1.2.12 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-eleutherai-pythia-160m-deduped + - False + - 1.2.7 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-eleutherai-pythia-70m-deduped + - False + - 1.2.7 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-elyza-japanese-llama-2-13b-chat + - True + - 1.0.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-elyza-japanese-llama-2-13b-fast-chat + - True + - 1.0.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-elyza-japanese-llama-2-7b-chat-bf16 + - True + - 1.1.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-elyza-japanese-llama-2-7b-fast-chat-bf16 + - True + - 1.2.7 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-falcon-180b-bf16 + - False + - 1.7.7 + - 2.188.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-falcon-180b-chat-bf16 + - False + - 1.6.7 + - 2.188.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-falcon-3-10B-Instruct + - False + - 2.1.5 + - 2.237.1 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-falcon-3-10B-base + - False + - 3.0.6 + - 2.237.1 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-falcon-3-1B-Instruct + - False + - 2.0.5 + - 2.237.1 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-falcon-3-3B-Instruct + - False + - 2.0.5 + - 2.237.1 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-falcon-3-3B-base + - False + - 3.0.6 + - 2.237.1 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-falcon-3-7B-Instruct + - False + - 2.0.5 + - 2.237.1 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-falcon-3-7B-base + - False + - 3.0.6 + - 2.237.1 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-falcon-40b-bf16 + - True + - 2.4.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-falcon-40b-instruct-bf16 + - True + - 2.3.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-falcon-7b-bf16 + - True + - 4.1.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-falcon-7b-instruct-bf16 + - True + - 4.6.7 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-falcon2-11b + - False + - 1.2.8 + - 2.237.1 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-garage-baind-platypus2-7b + - False + - 1.1.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-gemma-2-27b + - False + - 1.0.10 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-gemma-2-27b-instruct + - False + - 1.0.10 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-gemma-2-2b + - False + - 1.0.11 + - 2.237.1 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-gemma-2-2b-instruct + - False + - 1.0.11 + - 2.237.1 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-gemma-2-9b + - False + - 1.1.8 + - 2.237.1 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-gemma-2-9b-instruct + - False + - 1.1.8 + - 2.237.1 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-gemma-2b + - True + - 2.1.14 + - 2.237.1 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-gemma-2b-instruct + - True + - 1.4.14 + - 2.237.1 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-gemma-3-1b-instruct + - False + - 1.0.1 + - 2.237.1 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-gemma-7b + - True + - 1.3.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-gemma-7b-instruct + - True + - 1.3.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-gradientai-llama-3-8B-instruct-262k + - False + - 1.1.7 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-huggingfaceh4-mistral-7b-sft-alpha + - False + - 1.2.12 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-huggingfaceh4-mistral-7b-sft-beta + - False + - 1.4.12 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-huggingfaceh4-starchat-alpha + - False + - 1.1.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-huggingfaceh4-starchat-beta + - False + - 1.2.7 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-huggingfaceh4-zephyr-7b-alpha + - False + - 1.3.7 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-huggingfaceh4-zephyr-7b-beta + - False + - 1.2.12 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-huggingfaceh4-zephyr-orpo-141b-a35b-v01 + - False + - 1.1.7 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-llama-3-8b-instruct-gradient + - False + - 1.1.7 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-llama3-8b-sealionv21-instruct + - False + - 1.3.6 + - 2.237.1 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-mistral-7b + - True + - 2.22.0 + - 2.225.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-mistral-7b-instruct + - False + - 3.19.0 + - 2.225.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-mistral-7b-instruct-v3 + - False + - 1.1.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-mistral-7b-openorca-gptq + - False + - 1.3.7 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-mistral-7b-v3 + - False + - 1.1.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-mistral-nemo-base-2407 + - False + - 1.1.7 + - 2.237.1 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-mistral-nemo-instruct-2407 + - False + - 1.1.7 + - 2.237.1 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-mistral-small-24B-Instruct-2501 + - False + - 3.0.0 + - 2.237.1 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-mistralai-mixtral-8x22B-instruct-v0-1 + - False + - 1.16.0 + - 2.225.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-mixtral-8x22B + - False + - 1.2.7 + - 2.237.1 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-mixtral-8x7b + - True + - 1.23.0 + - 2.225.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-mixtral-8x7b-instruct + - True + - 1.23.0 + - 2.225.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-mixtral-8x7b-instruct-gptq + - False + - 1.3.7 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-nexaaidev-octopus-v2 + - False + - 1.1.7 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-nexusflow-starling-lm-7b-beta + - False + - 1.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-nousresearch-hermes-2-pro-llama-3-8B + - False + - 1.1.7 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-nousresearch-nous-hermes-2-solar-10-7b + - False + - 1.2.7 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-nousresearch-nous-hermes-llama-2-7b + - False + - 1.1.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-nousresearch-nous-hermes-llama2-13b + - False + - 1.1.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-nousresearch-yarn-mistral-7b-128k + - False + - 1.2.12 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-nvidia-llama3-chatqa-1-5-70B + - False + - 1.1.7 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-nvidia-llama3-chatqa-1-5-8B + - False + - 1.0.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-openlm-research-open-llama-7b-v2 + - False + - 1.2.7 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-phi-2 + - False + - 1.2.7 + - 2.237.1 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-phi-3-5-mini-instruct + - False + - 1.1.7 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-phi-3-mini-128k-instruct + - False + - 1.3.7 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-phi-3-mini-4k-instruct + - False + - 1.3.7 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-qwen2-0-5b + - False + - 1.2.5 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-qwen2-0-5b-instruct + - False + - 1.2.5 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-qwen2-1-5b + - False + - 1.2.5 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-qwen2-1-5b-instruct + - False + - 1.2.5 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-qwen2-5-14b-instruct + - False + - 1.0.6 + - 2.237.1 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-qwen2-5-32b-instruct + - False + - 1.0.6 + - 2.237.1 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-qwen2-5-72b-instruct + - False + - 1.0.6 + - 2.237.1 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-qwen2-5-7b-instruct + - False + - 1.0.6 + - 2.237.1 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-qwen2-5-coder-32b-instruct + - False + - 1.0.6 + - 2.237.1 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-qwen2-5-coder-7b-instruct + - False + - 1.0.7 + - 2.237.1 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-qwen2-7b + - False + - 1.2.5 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-qwen2-7b-instruct + - False + - 1.2.5 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-qwq-32b + - False + - 1.0.6 + - 2.237.1 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-rinna-3-6b-instruction-ppo-bf16 + - False + - 2.1.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-sealion-3b + - False + - 1.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-sealion-7b + - False + - 1.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-sealion-7b-instruct + - False + - 1.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-shenzhi-wang-llama3-8B-chinese-chat + - False + - 1.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-snowflake-arctic-instruct-vllm + - False + - 1.3.6 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-starcoder + - False + - 1.2.7 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-starcoderbase + - False + - 1.2.7 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-teknium-openhermes-2-mistral-7b + - False + - 1.3.7 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-thebloke-mistral-7b-openorca-awq + - False + - 1.3.7 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-tiiuae-falcon-rw-1b + - False + - 1.3.7 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-tinyllama-1-1b-intermediate-step-1431k-3 + - False + - 1.1.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-tinyllama-tinyllama-1-1b-chat-v0-6 + - False + - 1.1.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-tinyllama-tinyllama-1-1b-chat-v1-0 + - False + - 1.1.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-writer-palmyra-small + - False + - 1.2.12 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-yi-1-5-34b + - False + - 1.4.5 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-yi-1-5-34b-chat + - False + - 1.5.5 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-yi-1-5-6b + - False + - 1.4.5 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-yi-1-5-6b-chat + - False + - 1.4.5 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-yi-1-5-9b + - False + - 1.4.5 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-yi-1-5-9b-chat + - False + - 1.4.5 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llm-zephyr-7b-gemma + - False + - 1.2.7 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llmneuron-mistral-7b + - False + - 1.0.11 + - 2.198.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-llmneuron-mistral-7b-instruct + - False + - 1.0.11 + - 2.198.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-ner-distilbert-base-cased-finetuned-conll03-eng + - False + - 1.1.7 + - 2.189.0 + - Named Entity Recognition + - `HuggingFace `__ |external-link| + * - huggingface-ner-distilbert-base-cased-finetuned-conll03-english + - False + - 2.0.14 + - 2.189.0 + - Named Entity Recognition + - `HuggingFace `__ |external-link| + * - huggingface-ner-distilbert-base-uncased-finetuned-conll03-eng + - False + - 1.1.7 + - 2.189.0 + - Named Entity Recognition + - `HuggingFace `__ |external-link| + * - huggingface-ner-distilbert-base-uncased-finetuned-conll03-english + - False + - 2.0.14 + - 2.189.0 + - Named Entity Recognition + - `HuggingFace `__ |external-link| + * - huggingface-reasoning-qwen3-06b + - False + - 1.0.1 + - 2.237.1 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-reasoning-qwen3-32b + - False + - 1.0.1 + - 2.237.1 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-reasoning-qwen3-4b + - False + - 1.0.1 + - 2.237.1 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-reasoning-qwen3-8b + - False + - 1.0.1 + - 2.237.1 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-sentencesimilarity-all-MiniLM-L6-v2 + - True + - 2.1.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-sentencesimilarity-bge-base-en + - True + - 2.1.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-sentencesimilarity-bge-base-en-v1-5 + - True + - 1.1.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-sentencesimilarity-bge-large-en + - True + - 2.1.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-sentencesimilarity-bge-large-en-v1-5 + - True + - 1.1.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-sentencesimilarity-bge-large-zh-v1-5 + - True + - 1.1.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-sentencesimilarity-bge-m3 + - True + - 1.1.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-sentencesimilarity-bge-small-en + - True + - 2.1.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-sentencesimilarity-bge-small-en-v1-5 + - True + - 1.1.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-sentencesimilarity-e5-base + - True + - 2.1.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-sentencesimilarity-e5-base-v2 + - True + - 2.1.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-sentencesimilarity-e5-large + - True + - 2.1.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-sentencesimilarity-e5-large-v2 + - True + - 2.1.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-sentencesimilarity-e5-small-v2 + - True + - 2.1.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-sentencesimilarity-gte-base + - True + - 2.1.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-sentencesimilarity-gte-large + - True + - 3.1.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-sentencesimilarity-gte-small + - True + - 2.1.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-sentencesimilarity-multilingual-e5-base + - True + - 2.1.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-sentencesimilarity-multilingual-e5-large + - True + - 2.1.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-spc-bert-base-cased + - True + - 3.0.6 + - 2.189.0 + - Sentence Pair Classification + - `HuggingFace `__ |external-link| + * - huggingface-spc-bert-base-multilingual-cased + - True + - 3.0.6 + - 2.189.0 + - Sentence Pair Classification + - `HuggingFace `__ |external-link| + * - huggingface-spc-bert-base-multilingual-uncased + - True + - 3.0.6 + - 2.189.0 + - Sentence Pair Classification + - `HuggingFace `__ |external-link| + * - huggingface-spc-bert-base-uncased + - True + - 3.0.6 + - 2.189.0 + - Sentence Pair Classification + - `HuggingFace `__ |external-link| + * - huggingface-spc-bert-large-cased + - True + - 3.0.6 + - 2.189.0 + - Sentence Pair Classification + - `HuggingFace `__ |external-link| + * - huggingface-spc-bert-large-cased-whole-word-masking + - True + - 3.0.6 + - 2.189.0 + - Sentence Pair Classification + - `HuggingFace `__ |external-link| + * - huggingface-spc-bert-large-uncased + - True + - 3.0.6 + - 2.189.0 + - Sentence Pair Classification + - `HuggingFace `__ |external-link| + * - huggingface-spc-bert-large-uncased-whole-word-masking + - True + - 3.0.6 + - 2.189.0 + - Sentence Pair Classification + - `HuggingFace `__ |external-link| + * - huggingface-spc-distilbert-base-cased + - True + - 3.0.6 + - 2.189.0 + - Sentence Pair Classification + - `HuggingFace `__ |external-link| + * - huggingface-spc-distilbert-base-multilingual-cased + - True + - 3.0.6 + - 2.189.0 + - Sentence Pair Classification + - `HuggingFace `__ |external-link| + * - huggingface-spc-distilbert-base-uncased + - True + - 3.0.6 + - 2.189.0 + - Sentence Pair Classification + - `HuggingFace `__ |external-link| + * - huggingface-spc-distilroberta-base + - True + - 3.0.6 + - 2.189.0 + - Sentence Pair Classification + - `HuggingFace `__ |external-link| + * - huggingface-spc-roberta-base + - True + - 3.0.6 + - 2.189.0 + - Sentence Pair Classification + - `HuggingFace `__ |external-link| + * - huggingface-spc-roberta-base-openai-detector + - True + - 3.0.6 + - 2.189.0 + - Sentence Pair Classification + - `HuggingFace `__ |external-link| + * - huggingface-spc-roberta-large + - True + - 3.0.6 + - 2.189.0 + - Sentence Pair Classification + - `HuggingFace `__ |external-link| + * - huggingface-spc-roberta-large-openai-detector + - True + - 3.0.6 + - 2.189.0 + - Sentence Pair Classification + - `HuggingFace `__ |external-link| + * - huggingface-spc-xlm-clm-ende-1024 + - True + - 3.0.6 + - 2.189.0 + - Sentence Pair Classification + - `HuggingFace `__ |external-link| + * - huggingface-spc-xlm-mlm-ende-1024 + - True + - 3.0.6 + - 2.189.0 + - Sentence Pair Classification + - `HuggingFace `__ |external-link| + * - huggingface-spc-xlm-mlm-enro-1024 + - True + - 3.0.6 + - 2.189.0 + - Sentence Pair Classification + - `HuggingFace `__ |external-link| + * - huggingface-spc-xlm-mlm-tlm-xnli15-1024 + - True + - 3.0.6 + - 2.189.0 + - Sentence Pair Classification + - `HuggingFace `__ |external-link| + * - huggingface-spc-xlm-mlm-xnli15-1024 + - True + - 3.0.6 + - 2.189.0 + - Sentence Pair Classification + - `HuggingFace `__ |external-link| + * - huggingface-summarization-bart-large-cnn-samsum + - False + - 2.2.7 + - 2.189.0 + - Text Summarization + - `HuggingFace `__ |external-link| + * - huggingface-summarization-bert-small2bert-cnn-dailymail-summ + - False + - 1.1.7 + - 2.189.0 + - Text Summarization + - `HuggingFace `__ |external-link| + * - huggingface-summarization-bert-small2bert-small-finetuned-cnn-daily-mail-summarization + - False + - 2.1.7 + - 2.189.0 + - Text Summarization + - `HuggingFace `__ |external-link| + * - huggingface-summarization-bigbird-pegasus-large-arxiv + - False + - 2.1.7 + - 2.189.0 + - Text Summarization + - `HuggingFace `__ |external-link| + * - huggingface-summarization-bigbird-pegasus-large-pubmed + - False + - 2.1.7 + - 2.189.0 + - Text Summarization + - `HuggingFace `__ |external-link| + * - huggingface-summarization-distilbart-cnn-12-6 + - False + - 2.2.7 + - 2.189.0 + - Text Summarization + - `HuggingFace `__ |external-link| + * - huggingface-summarization-distilbart-cnn-6-6 + - False + - 2.1.13 + - 2.189.0 + - Text Summarization + - `HuggingFace `__ |external-link| + * - huggingface-summarization-distilbart-xsum-1-1 + - False + - 2.2.7 + - 2.189.0 + - Text Summarization + - `HuggingFace `__ |external-link| + * - huggingface-summarization-distilbart-xsum-12-3 + - False + - 2.1.13 + - 2.189.0 + - Text Summarization + - `HuggingFace `__ |external-link| + * - huggingface-tc-bert-base-cased + - True + - 3.0.6 + - 2.189.0 + - Text Classification + - `HuggingFace `__ |external-link| + * - huggingface-tc-bert-base-multilingual-cased + - True + - 3.0.6 + - 2.189.0 + - Text Classification + - `HuggingFace `__ |external-link| + * - huggingface-tc-bert-base-multilingual-uncased + - True + - 3.0.6 + - 2.189.0 + - Text Classification + - `HuggingFace `__ |external-link| + * - huggingface-tc-bert-base-uncased + - True + - 3.0.6 + - 2.189.0 + - Text Classification + - `HuggingFace `__ |external-link| + * - huggingface-tc-bert-large-cased + - True + - 3.0.6 + - 2.189.0 + - Text Classification + - `HuggingFace `__ |external-link| + * - huggingface-tc-bert-large-cased-whole-word-masking + - True + - 3.0.6 + - 2.189.0 + - Text Classification + - `HuggingFace `__ |external-link| + * - huggingface-tc-bert-large-uncased + - True + - 3.0.6 + - 2.189.0 + - Text Classification + - `HuggingFace `__ |external-link| + * - huggingface-tc-bert-large-uncased-whole-word-masking + - True + - 3.0.6 + - 2.189.0 + - Text Classification + - `HuggingFace `__ |external-link| + * - huggingface-tc-distilbert-base-cased + - True + - 3.0.6 + - 2.189.0 + - Text Classification + - `HuggingFace `__ |external-link| + * - huggingface-tc-distilbert-base-multilingual-cased + - True + - 3.0.6 + - 2.189.0 + - Text Classification + - `HuggingFace `__ |external-link| + * - huggingface-tc-distilbert-base-uncased + - True + - 3.0.6 + - 2.189.0 + - Text Classification + - `HuggingFace `__ |external-link| + * - huggingface-tc-distilroberta-base + - True + - 3.0.6 + - 2.189.0 + - Text Classification + - `HuggingFace `__ |external-link| + * - huggingface-tc-models + - True + - 3.0.6 + - 2.189.0 + - Text Classification + - `HuggingFace `__ |external-link| + * - huggingface-tc-roberta-base + - True + - 3.0.6 + - 2.189.0 + - Text Classification + - `HuggingFace `__ |external-link| + * - huggingface-tc-roberta-base-openai-detector + - True + - 3.0.6 + - 2.189.0 + - Text Classification + - `HuggingFace `__ |external-link| + * - huggingface-tc-roberta-large + - True + - 3.0.6 + - 2.189.0 + - Text Classification + - `HuggingFace `__ |external-link| + * - huggingface-tc-roberta-large-openai-detector + - True + - 3.0.6 + - 2.189.0 + - Text Classification + - `HuggingFace `__ |external-link| + * - huggingface-tc-xlm-clm-ende-1024 + - True + - 3.0.6 + - 2.189.0 + - Text Classification + - `HuggingFace `__ |external-link| + * - huggingface-tc-xlm-mlm-ende-1024 + - True + - 3.0.6 + - 2.189.0 + - Text Classification + - `HuggingFace `__ |external-link| + * - huggingface-tc-xlm-mlm-enro-1024 + - True + - 3.0.6 + - 2.189.0 + - Text Classification + - `HuggingFace `__ |external-link| + * - huggingface-tc-xlm-mlm-tlm-xnli15-1024 + - True + - 3.0.6 + - 2.189.0 + - Text Classification + - `HuggingFace `__ |external-link| + * - huggingface-text2text-bart4csc-base-chinese + - False + - 1.3.5 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-text2text-bigscience-t0pp + - False + - 2.2.7 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-text2text-bigscience-t0pp-bnb-int8 + - False + - 1.2.5 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-text2text-bigscience-t0pp-fp16 + - False + - 1.2.5 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-text2text-flan-t5-base + - True + - 2.3.7 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-text2text-flan-t5-base-samsum + - False + - 2.3.7 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-text2text-flan-t5-large + - True + - 2.3.7 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-text2text-flan-t5-small + - True + - 2.3.7 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-text2text-flan-t5-xl + - True + - 2.2.7 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-text2text-flan-t5-xxl + - True + - 2.2.7 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-text2text-flan-t5-xxl-bnb-int8 + - False + - 1.3.5 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-text2text-flan-t5-xxl-fp16 + - True + - 1.2.5 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-text2text-flan-ul2-bf16 + - False + - 2.2.7 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-text2text-pegasus-paraphrase + - False + - 1.3.5 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-text2text-qcpg-sentences + - False + - 2.2.7 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-text2text-t5-one-line-summary + - False + - 2.2.7 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-textembedding-all-MiniLM-L6-v2 + - False + - 2.0.11 + - 2.225.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-textembedding-bge-base-en-v1-5 + - False + - 1.0.11 + - 2.225.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-textembedding-bloom-7b1 + - False + - 1.1.17 + - 2.225.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-textembedding-bloom-7b1-fp16 + - False + - 1.1.17 + - 2.225.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-textembedding-gpt-j-6b + - False + - 1.1.17 + - 2.225.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-textembedding-gpt-j-6b-fp16 + - False + - 1.1.17 + - 2.225.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-textembedding-gte-qwen2-7b-instruct + - False + - 1.0.11 + - 2.225.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-textembedding-sfr-embedding-2-r + - False + - 1.0.11 + - 2.225.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-textembedding-sfr-embedding-mistral + - False + - 1.0.11 + - 2.225.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-textgeneration-bloom-1b1 + - False + - 2.3.7 + - 2.189.0 + - Text Generation + - `HuggingFace `__ |external-link| + * - huggingface-textgeneration-bloom-1b7 + - False + - 2.3.7 + - 2.189.0 + - Text Generation + - `HuggingFace `__ |external-link| + * - huggingface-textgeneration-bloom-560m + - False + - 2.3.7 + - 2.189.0 + - Text Generation + - `HuggingFace `__ |external-link| + * - huggingface-textgeneration-bloomz-1b1 + - False + - 2.3.7 + - 2.189.0 + - Text Generation + - `HuggingFace `__ |external-link| + * - huggingface-textgeneration-bloomz-1b7 + - False + - 2.3.7 + - 2.189.0 + - Text Generation + - `HuggingFace `__ |external-link| + * - huggingface-textgeneration-bloomz-560m + - False + - 2.2.7 + - 2.189.0 + - Text Generation + - `HuggingFace `__ |external-link| + * - huggingface-textgeneration-distilgpt2 + - False + - 3.0.6 + - 2.189.0 + - Text Generation + - `HuggingFace `__ |external-link| + * - huggingface-textgeneration-dolly-v2-12b-bf16 + - False + - 2.2.12 + - 2.189.0 + - Text Generation + - `HuggingFace `__ |external-link| + * - huggingface-textgeneration-dolly-v2-3b-bf16 + - False + - 2.3.7 + - 2.189.0 + - Text Generation + - `HuggingFace `__ |external-link| + * - huggingface-textgeneration-dolly-v2-7b-bf16 + - False + - 2.2.12 + - 2.189.0 + - Text Generation + - `HuggingFace `__ |external-link| + * - huggingface-textgeneration-falcon-40b-bf16 + - False + - 1.1.5 + - 2.189.0 + - Text Generation + - `HuggingFace `__ |external-link| + * - huggingface-textgeneration-falcon-40b-instruct-bf16 + - False + - 1.1.5 + - 2.189.0 + - Text Generation + - `HuggingFace `__ |external-link| + * - huggingface-textgeneration-falcon-7b-bf16 + - False + - 1.1.5 + - 2.189.0 + - Text Generation + - `HuggingFace `__ |external-link| + * - huggingface-textgeneration-falcon-7b-instruct-bf16 + - False + - 1.1.5 + - 2.189.0 + - Text Generation + - `HuggingFace `__ |external-link| + * - huggingface-textgeneration-gpt2 + - False + - 3.0.6 + - 2.189.0 + - Text Generation + - `HuggingFace `__ |external-link| + * - huggingface-textgeneration-gpt2-large + - False + - 1.0.6 + - 2.189.0 + - Text Generation + - `HuggingFace `__ |external-link| + * - huggingface-textgeneration-gpt2-medium + - False + - 1.0.6 + - 2.189.0 + - Text Generation + - `HuggingFace `__ |external-link| + * - huggingface-textgeneration-models + - False + - 1.4.5 + - 2.189.0 + - Text Generation + - `HuggingFace `__ |external-link| + * - huggingface-textgeneration-open-llama + - False + - 3.2.7 + - 2.189.0 + - Text Generation + - `HuggingFace `__ |external-link| + * - huggingface-textgeneration-openai-gpt + - False + - 1.0.6 + - 2.189.0 + - Text Generation + - `HuggingFace `__ |external-link| + * - huggingface-textgeneration1-bloom-176b-int8 + - False + - 1.1.4 + - 2.144.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-textgeneration1-bloom-3b + - True + - 3.3.7 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-textgeneration1-bloom-3b-fp16 + - True + - 2.1.4 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-textgeneration1-bloom-7b1 + - True + - 3.2.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-textgeneration1-bloom-7b1-fp16 + - True + - 3.0.4 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-textgeneration1-bloomz-176b-fp16 + - False + - 2.2.7 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-textgeneration1-bloomz-3b-fp16 + - True + - 3.2.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-textgeneration1-bloomz-7b1-fp16 + - True + - 3.3.7 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-textgeneration1-gpt-2-xl + - True + - 4.0.6 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-textgeneration1-gpt-2-xl-fp16 + - True + - 3.0.4 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-textgeneration1-gpt-j-6b + - True + - 3.2.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-textgeneration1-gpt-j-6b-fp16 + - True + - 2.1.4 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-textgeneration1-gpt-neo-1-3b + - True + - 3.2.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-textgeneration1-gpt-neo-1-3b-fp16 + - True + - 3.0.4 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-textgeneration1-gpt-neo-125m + - True + - 3.2.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-textgeneration1-gpt-neo-125m-fp16 + - True + - 2.1.4 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-textgeneration1-gpt-neo-2-7b + - True + - 3.2.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-textgeneration1-gpt-neo-2-7b-fp16 + - True + - 2.1.4 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-textgeneration1-lightgpt + - True + - 3.1.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-textgeneration1-mpt-7b-bf16 + - False + - 3.2.12 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-textgeneration1-mpt-7b-instruct-bf16 + - False + - 3.2.12 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-textgeneration1-mpt-7b-storywriter-bf16 + - False + - 3.2.12 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-textgeneration1-redpajama-incite-base-3B-v1-fp16 + - True + - 3.1.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-textgeneration1-redpajama-incite-base-7B-v1-fp16 + - True + - 3.1.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-textgeneration1-redpajama-incite-chat-3B-v1-fp16 + - True + - 3.1.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-textgeneration1-redpajama-incite-chat-7B-v1-fp16 + - True + - 3.1.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-textgeneration1-redpajama-incite-instruct-3B-v1-fp16 + - True + - 3.1.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-textgeneration1-redpajama-incite-instruct-3Bv1fp16 + - True + - 1.0.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-textgeneration1-redpajama-incite-instruct-7B-v1-fp16 + - True + - 3.1.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-textgeneration1-redpajama-incite-instruct-7B1fp16 + - True + - 1.0.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-textgeneration2-gpt-neox-20b-fp16 + - False + - 3.3.7 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-textgeneration2-gpt-neoxt-chat-base-20b-fp16 + - False + - 3.2.7 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-translation-opus-mt-en-es + - False + - 2.1.7 + - 2.189.0 + - Machine Translation + - `HuggingFace `__ |external-link| + * - huggingface-translation-opus-mt-en-vi + - False + - 2.1.7 + - 2.189.0 + - Machine Translation + - `HuggingFace `__ |external-link| + * - huggingface-translation-opus-mt-mul-en + - False + - 1.0.14 + - 2.189.0 + - Machine Translation + - `HuggingFace `__ |external-link| + * - huggingface-translation-t5-base + - False + - 3.0.6 + - 2.189.0 + - Machine Translation + - `HuggingFace `__ |external-link| + * - huggingface-translation-t5-large + - False + - 3.0.6 + - 2.189.0 + - Machine Translation + - `HuggingFace `__ |external-link| + * - huggingface-translation-t5-small + - False + - 3.0.6 + - 2.189.0 + - Machine Translation + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-22h-vintedois-diffusion-v0-1 + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-akikagura-mkgen-diffusion + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-alxdfy-noggles-fastdb-4800 + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-alxdfy-noggles9000 + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-andite-anything-v4-0 + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-astraliteheart-pony-diffusion-v2 + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-avrik-abstract-anim-spritesheets + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-aybeeceedee-knollingcase + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-bingsu-my-k-anything-v3-0 + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-bingsu-my-korean-stable-diffusion-v1-5 + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-black-forest-labs-flux-1-schnell + - False + - 3.0.2 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-buntopsih-novgoranstefanovski + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-claudfuen-photorealistic-fuen-v1 + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-coder119-vectorartz-diffusion + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-conflictx-complex-lineart + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-dallinmackay-cats-musical-diffusion + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-dallinmackay-jwst-deep-space-diffusion + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-dallinmackay-tron-legacy-diffusion + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-dallinmackay-van-gogh-diffusion + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-dgspitzer-cyberpunk-anime-diffusion + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-dreamlike-art-dreamlike-diffusion-1-0 + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-eimiss-eimisanimediffusion-1-0v + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-envvi-inkpunk-diffusion + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-evel-yoshin + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-extraphy-mustafa-kemal-ataturk + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-fffiloni-mr-men-and-little-misses + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-fictiverse-elrisitas + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-fictiverse-stable-diffusion-balloonart + - False + - 1.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-fictiverse-stable-diffusion-balloonart-model + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-fictiverse-stable-diffusion-micro-model + - False + - 1.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-fictiverse-stable-diffusion-microscopic-model + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-fictiverse-stable-diffusion-papercut-model + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-fictiverse-stable-diffusion-voxelart-model + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-haor-evt-v3 + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-hassanblend-hassanblend1-4 + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-idea-ccnl-taiyi-1b-chinese-en-v01 + - False + - 1.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-idea-ccnl-taiyi-1b-chinese-v0-1 + - False + - 1.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-idea-ccnl-taiyi-stable-diffusion-1b-chinese-en-v0-1 + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-idea-ccnl-taiyi-stable-diffusion-1b-chinese-v0-1 + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-ifansnek-johndiffusion + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-jersonm89-avatar + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-jvkape-iconsmi-appiconsmodelforsd + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-katakana-2d-mix + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-lacambre-vulvine-look-v02 + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-langboat-guohua-diffusion + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-linaqruf-anything-v3-0 + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-mikesmodels-waltz-with-bashir-diffusion + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-mitchtech-klingon-diffusion + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-mitchtech-vulcan-diffusion + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-mitsua-mitsua-diffusion-cc0 + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-naclbit-trinart-stable-diffusion-v2 + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-nitrosocke-arcane-diffusion + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-nitrosocke-archer-diffusion + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-nitrosocke-classic-anim-diffusion + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-nitrosocke-elden-ring-diffusion + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-nitrosocke-future-diffusion + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-nitrosocke-ghibli-diffusion + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-nitrosocke-mo-di-diffusion + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-nitrosocke-nitro-diffusion + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-nitrosocke-redshift-diffusion + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-nitrosocke-spider-verse-diffusion + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-nousr-robo-diffusion + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-ogkalu-comic-diffusion + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-openjourney-openjourney + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-piesposito-openpotionbottle-v2 + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-plasmo-voxel-ish + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-plasmo-woolitize + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-progamergov-min-illust-background-diffusion + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-progamergov-min-illust-backgrounddiffusion + - False + - 1.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-prompthero-linkedin-diffusion + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-prompthero-openjourney + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-qilex-magic-diffusion + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-rabidgremlin-sd-db-epic-space-machine + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-rayhell-popupbook-diffusion + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-runwayml-stable-diffusion-v1-5 + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-s3nh-beksinski-style-stable-diffusion + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-sd-dreambooth-library-original-char-cyclps + - False + - 1.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-sd-dreambooth-library-original-character-cyclps + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-sd-dreambooth-library-persona-5-shigenori + - False + - 1.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-sd-dreambooth-library-persona-5-shigenori-style + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-sd-dreambooth-library-seraphm + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-shirayu-sd-tohoku-v1 + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-thelastben-hrrzg-style-768px + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-timothepearce-gina-the-cat + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-trystar-clonediffusion + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-tuwonga-dbluth + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-tuwonga-rotoscopee + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-volrath50-fantasy-card-diffusion + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2img-yayab-sd-onepiece-diffusers4 + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2imgneuron-stabilityai-stable-diffusion-v2-1 + - False + - 1.1.9 + - 2.198.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2imgneuron-stabilityai-stable-diffusion-xl-base-1-0 + - False + - 1.1.9 + - 2.198.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-txt2imgneuron-stabilityai-stable-diffusion-xlbase1 + - False + - 1.1.9 + - 2.198.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-vlm-gemma-3-27b-instruct + - False + - 2.0.3 + - 2.225.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-vlm-gemma-3-4b-instruct + - False + - 1.0.2 + - 2.225.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-vlm-mistral-pixtral-12b-2409 + - False + - 3.1.6 + - 2.225.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-vlm-qvq-72b-preview + - False + - 1.0.8 + - 2.237.1 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-vlm-qwen2-vl-7b-instruct + - False + - 1.0.8 + - 2.237.1 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-zstc-cross-encoder-nli-deberta-base + - False + - 2.0.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-zstc-cross-encoder-nli-distilroberta-base + - False + - 2.0.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-zstc-cross-encoder-nli-minilm2-l6-h768 + - False + - 2.0.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-zstc-cross-encoder-nli-roberta-base + - False + - 2.0.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-zstc-digitalepidemiologylab-covid-twit-bert2-mnli + - False + - 1.0.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-zstc-digitalepidemiologylab-covid-twitter-bert-v2-mnli + - False + - 2.0.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-zstc-eleldar-theme-classification + - False + - 2.0.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-zstc-emrecan-bert-base-multilingual-cased-allnli-tr + - False + - 2.0.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-zstc-emrecan-bert-base-multilingual-cased-multinli-tr + - False + - 2.0.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-zstc-emrecan-bert-base-multilingual-cased-snli-tr + - False + - 2.0.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-zstc-emrecan-bert-base-turkish-cased-allnli-tr + - False + - 2.0.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-zstc-emrecan-bert-base-turkish-cased-multinli-tr + - False + - 2.0.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-zstc-emrecan-bert-base-turkish-cased-snli-tr + - False + - 2.0.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-zstc-emrecan-bertbase-mling-cased-allnli-tr + - False + - 1.0.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-zstc-emrecan-bertbase-mling-cased-multinli-tr + - False + - 1.0.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-zstc-emrecan-cbertbase-turkish-mc4cased-multinlitr + - False + - 1.0.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-zstc-emrecan-cbertbase-turkish-mc4cased-snlitr + - False + - 1.0.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-zstc-emrecan-cbertbase-turkishmc4-cased-allnlitr + - False + - 1.0.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-zstc-emrecan-convbert-base-turkish-mc4-cased-allnli-tr + - False + - 2.0.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-zstc-emrecan-convbert-base-turkish-mc4-cased-multinli-tr + - False + - 2.0.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-zstc-emrecan-convbert-base-turkish-mc4-cased-snli-tr + - False + - 2.0.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-zstc-emrecan-dbase-turkish-cased-allnlitr + - False + - 1.0.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-zstc-emrecan-dbertbase-turkish-cased-multinli-tr + - False + - 1.0.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-zstc-emrecan-distilbert-base-turkish-cased-allnli-tr + - False + - 2.0.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-zstc-emrecan-distilbert-base-turkish-cased-multinli-tr + - False + - 2.0.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-zstc-emrecan-distilbert-base-turkish-cased-snli-tr + - False + - 2.0.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-zstc-facebook-bart-large-mnli + - False + - 2.0.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-zstc-jiva-xlm-roberta-large-it-mnli + - False + - 2.0.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-zstc-lighteternal-nli-xlm-r-greek + - False + - 2.0.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-zstc-moritzlaurer-deberta-v3-large-mnli-fever-anli-ling-wanli + - False + - 2.0.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-zstc-moritzlaurer-deberta3large-mnli-fever + - False + - 1.0.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-zstc-moritzlaurer-mdeberta-v3-base-xnli-multilingual-nli-2mil7 + - False + - 2.0.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-zstc-moritzlaurer-mdeberta3base-xnli-mling-nli-2m7 + - False + - 1.0.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-zstc-narsil-bart-large-mnli-opti + - False + - 2.0.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-zstc-narsil-deberta-large-mnli-zero-cls + - False + - 2.0.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-zstc-navteca-bart-large-mnli + - False + - 2.0.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-zstc-recognai-bert-base-spanish-wwm-cased-xnli + - False + - 2.0.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-zstc-recognai-zeroshot-selectra-medium + - False + - 2.0.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - huggingface-zstc-recognai-zeroshot-selectra-small + - False + - 2.0.14 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - lightgbm-classification-model + - True + - 2.2.7 + - 2.189.0 + - Classification + - `LightGBM `__ |external-link| + * - lightgbm-regression-model + - True + - 2.2.7 + - 2.189.0 + - Regression + - `LightGBM `__ |external-link| + * - meta-tc-llama-prompt-guard-86m + - False + - 1.2.5 + - 2.198.0 + - Text Classification + - `Source `__ |external-link| + * - meta-textgeneration-llama-2-13b + - True + - 4.18.0 + - 2.225.0 + - Text Generation + - `Source `__ |external-link| + * - meta-textgeneration-llama-2-13b-f + - True + - 4.17.0 + - 2.225.0 + - Text Generation + - `Source `__ |external-link| + * - meta-textgeneration-llama-2-70b + - True + - 4.18.0 + - 2.225.0 + - Text Generation + - `Source `__ |external-link| + * - meta-textgeneration-llama-2-70b-f + - True + - 4.17.0 + - 2.225.0 + - Text Generation + - `Source `__ |external-link| + * - meta-textgeneration-llama-2-7b + - True + - 4.18.0 + - 2.225.0 + - Text Generation + - `Source `__ |external-link| + * - meta-textgeneration-llama-2-7b-f + - True + - 4.17.0 + - 2.225.0 + - Text Generation + - `Source `__ |external-link| + * - meta-textgeneration-llama-3-1-405b-fp8 + - True + - 2.10.0 + - 2.237.1 + - Text Generation + - `Source `__ |external-link| + * - meta-textgeneration-llama-3-1-405b-instruct-fp8 + - True + - 2.10.0 + - 2.237.1 + - Text Generation + - `Source `__ |external-link| + * - meta-textgeneration-llama-3-1-70b + - True + - 2.12.0 + - 2.232.1 + - Text Generation + - `Source `__ |external-link| + * - meta-textgeneration-llama-3-1-70b-instruct + - True + - 2.12.0 + - 2.232.1 + - Text Generation + - `Source `__ |external-link| + * - meta-textgeneration-llama-3-1-8b + - True + - 2.10.0 + - 2.232.1 + - Text Generation + - `Source `__ |external-link| + * - meta-textgeneration-llama-3-1-8b-instruct + - True + - 2.10.0 + - 2.232.1 + - Text Generation + - `Source `__ |external-link| + * - meta-textgeneration-llama-3-2-1b + - True + - 1.2.6 + - 2.225.0 + - Text Generation + - `Source `__ |external-link| + * - meta-textgeneration-llama-3-2-1b-instruct + - True + - 1.2.6 + - 2.225.0 + - Text Generation + - `Source `__ |external-link| + * - meta-textgeneration-llama-3-2-3b + - True + - 1.1.7 + - 2.225.0 + - Text Generation + - `Source `__ |external-link| + * - meta-textgeneration-llama-3-2-3b-instruct + - True + - 1.1.7 + - 2.225.0 + - Text Generation + - `Source `__ |external-link| + * - meta-textgeneration-llama-3-3-70b-instruct + - False + - 1.9.0 + - 2.237.1 + - Text Generation + - `Source `__ |external-link| + * - meta-textgeneration-llama-3-70b + - True + - 2.17.0 + - 2.225.0 + - Text Generation + - `Source `__ |external-link| + * - meta-textgeneration-llama-3-70b-instruct + - True + - 2.16.0 + - 2.225.0 + - Text Generation + - `Source `__ |external-link| + * - meta-textgeneration-llama-3-8b + - True + - 2.16.0 + - 2.225.0 + - Text Generation + - `Source `__ |external-link| + * - meta-textgeneration-llama-3-8b-instruct + - True + - 2.16.0 + - 2.225.0 + - Text Generation + - `Source `__ |external-link| + * - meta-textgeneration-llama-codellama-13b + - True + - 3.17.0 + - 2.225.0 + - Text Generation + - `Source `__ |external-link| + * - meta-textgeneration-llama-codellama-13b-instruct + - False + - 2.16.0 + - 2.225.0 + - Text Generation + - `Source `__ |external-link| + * - meta-textgeneration-llama-codellama-13b-python + - True + - 3.17.0 + - 2.225.0 + - Text Generation + - `Source `__ |external-link| + * - meta-textgeneration-llama-codellama-34b + - True + - 3.17.0 + - 2.225.0 + - Text Generation + - `Source `__ |external-link| + * - meta-textgeneration-llama-codellama-34b-instruct + - False + - 2.16.0 + - 2.225.0 + - Text Generation + - `Source `__ |external-link| + * - meta-textgeneration-llama-codellama-34b-python + - True + - 3.17.0 + - 2.225.0 + - Text Generation + - `Source `__ |external-link| + * - meta-textgeneration-llama-codellama-70b + - True + - 2.17.0 + - 2.225.0 + - Text Generation + - `Source `__ |external-link| + * - meta-textgeneration-llama-codellama-70b-instruct + - False + - 1.16.0 + - 2.225.0 + - Text Generation + - `Source `__ |external-link| + * - meta-textgeneration-llama-codellama-70b-python + - True + - 2.17.0 + - 2.225.0 + - Text Generation + - `Source `__ |external-link| + * - meta-textgeneration-llama-codellama-7b + - True + - 3.17.0 + - 2.225.0 + - Text Generation + - `Source `__ |external-link| + * - meta-textgeneration-llama-codellama-7b-instruct + - False + - 2.16.0 + - 2.225.0 + - Text Generation + - `Source `__ |external-link| + * - meta-textgeneration-llama-codellama-7b-python + - True + - 3.17.0 + - 2.225.0 + - Text Generation + - `Source `__ |external-link| + * - meta-textgeneration-llama-guard-3-1b + - False + - 1.1.6 + - 2.225.0 + - Text Generation + - `Source `__ |external-link| + * - meta-textgeneration-llama-guard-3-8b + - False + - 1.1.6 + - 2.225.0 + - Text Generation + - `Source `__ |external-link| + * - meta-textgeneration-llama-guard-7b + - False + - 1.2.14 + - 2.198.0 + - Text Generation + - `Source `__ |external-link| + * - meta-textgenerationneuron-llama-3-1-70b + - False + - 1.0.8 + - 2.229.0 + - Source + - `Source `__ |external-link| + * - meta-textgenerationneuron-llama-3-1-70b-instruct + - False + - 1.0.8 + - 2.229.0 + - Source + - `Source `__ |external-link| + * - meta-textgenerationneuron-llama-3-1-8b + - False + - 1.0.8 + - 2.229.0 + - Source + - `Source `__ |external-link| + * - meta-textgenerationneuron-llama-3-1-8b-instruct + - False + - 1.0.8 + - 2.229.0 + - Source + - `Source `__ |external-link| + * - meta-textgenerationneuron-llama-3-2-1b + - False + - 1.0.8 + - 2.229.0 + - Source + - `Source `__ |external-link| + * - meta-textgenerationneuron-llama-3-2-1b-instruct + - False + - 1.0.8 + - 2.229.0 + - Source + - `Source `__ |external-link| + * - meta-textgenerationneuron-llama-3-2-3b + - False + - 1.0.8 + - 2.229.0 + - Source + - `Source `__ |external-link| + * - meta-textgenerationneuron-llama-3-2-3b-instruct + - False + - 1.0.8 + - 2.229.0 + - Source + - `Source `__ |external-link| + * - meta-textgenerationneuron-llama-3-70b + - False + - 1.1.8 + - 2.198.0 + - Source + - `Source `__ |external-link| + * - meta-textgenerationneuron-llama-3-70b-instruct + - False + - 1.1.8 + - 2.198.0 + - Source + - `Source `__ |external-link| + * - meta-textgenerationneuron-llama-3-8b + - False + - 1.1.8 + - 2.198.0 + - Source + - `Source `__ |external-link| + * - meta-textgenerationneuron-llama-3-8b-instruct + - False + - 1.1.8 + - 2.198.0 + - Source + - `Source `__ |external-link| + * - meta-textgenerationneuron-llama-codellama-70b + - False + - 1.0.10 + - 2.198.0 + - Source + - `Source `__ |external-link| + * - meta-textgenerationneuron-llama-codellama-7b + - False + - 1.0.10 + - 2.198.0 + - Source + - `Source `__ |external-link| + * - meta-textgenerationneuron-llama-codellama-7b-python + - False + - 1.0.10 + - 2.198.0 + - Source + - `Source `__ |external-link| + * - meta-textgenerationneuron-llama-guard-3-1b + - False + - 1.0.8 + - 2.229.0 + - Source + - `Source `__ |external-link| + * - meta-textgenerationneuron-llama-guard-3-8b + - False + - 1.0.9 + - 2.229.0 + - Source + - `Source `__ |external-link| + * - meta-vs-sam-2-1-hiera-base-plus + - False + - 1.0.13 + - 2.237.1 + - Source + - `Source `__ |external-link| + * - meta-vs-sam-2-1-hiera-large + - False + - 1.0.13 + - 2.237.1 + - Source + - `Source `__ |external-link| + * - meta-vs-sam-2-1-hiera-small + - False + - 1.0.13 + - 2.237.1 + - Source + - `Source `__ |external-link| + * - meta-vs-sam-2-1-hiera-tiny + - False + - 1.0.13 + - 2.237.1 + - Source + - `Source `__ |external-link| + * - model-depth2img-stable-diffusion-2-depth-fp16 + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - model-depth2img-stable-diffusion-v1-5-controlnet + - False + - 2.1.5 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - model-depth2img-stable-diffusion-v1-5-controlnet-fp16 + - False + - 2.1.5 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - model-depth2img-stable-diffusion-v1-5-controlnet-v1-1 + - False + - 2.1.5 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - model-depth2img-stable-diffusion-v1-5-controlnet-v1-1-fp16 + - False + - 2.1.5 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - model-depth2img-stable-diffusion-v2-1-controlnet + - False + - 2.1.5 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - model-depth2img-stable-diffusion-v2-1-controlnet-fp16 + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - model-imagegeneration-stabilityai-stable-diffusion-v2-1 + - False + - 1.0.11 + - 2.181.0 + - Source + - `HuggingFace `__ |external-link| + * - model-imagegeneration-stabilityai-stable-diffusion-xl-base-1-0 + - False + - 1.0.12 + - 2.181.0 + - Source + - `HuggingFace `__ |external-link| + * - model-inpainting-runwayml-stable-diffusion-inpainting + - False + - 2.1.6 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - model-inpainting-runwayml-stable-diffusion-inpainting-fp16 + - False + - 2.1.6 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - model-inpainting-stabilityai-stable-diffusion-2-inpainting + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - model-inpainting-stabilityai-stable-diffusion-2-inpainting-fp16 + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - model-inpainting-stabilityai-stable-diffusion2-inpainting-fp16 + - False + - 1.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - model-textgenerationjp-japanese-stablelm-instruct-alpha-7b-v2 + - False + - 1.0.6 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - model-txt2img-stabilityai-stable-diffusion-v1-4 + - False + - 2.1.6 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - model-txt2img-stabilityai-stable-diffusion-v1-4-fp16 + - False + - 2.1.6 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - model-txt2img-stabilityai-stable-diffusion-v2 + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - model-txt2img-stabilityai-stable-diffusion-v2-1-base + - True + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - model-txt2img-stabilityai-stable-diffusion-v2-fp16 + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - model-upscaling-stabilityai-stable-diffusion-x4-upscaler-fp16 + - False + - 2.0.13 + - 2.189.0 + - Source + - `HuggingFace `__ |external-link| + * - mxnet-is-mask-rcnn-fpn-resnet101-v1d-coco + - False + - 2.0.14 + - 2.189.0 + - Instance Segmentation + - `GluonCV `__ |external-link| + * - mxnet-is-mask-rcnn-fpn-resnet18-v1b-coco + - False + - 2.0.14 + - 2.189.0 + - Instance Segmentation + - `GluonCV `__ |external-link| + * - mxnet-is-mask-rcnn-fpn-resnet50-v1b-coco + - False + - 2.0.14 + - 2.189.0 + - Instance Segmentation + - `GluonCV `__ |external-link| + * - mxnet-is-mask-rcnn-resnet101-v1d-coco + - False + - 1.0.5 + - 2.189.0 + - Instance Segmentation + - `GluonCV `__ |external-link| + * - mxnet-is-mask-rcnn-resnet18-v1b-coco + - False + - 2.0.14 + - 2.189.0 + - Instance Segmentation + - `GluonCV `__ |external-link| + * - mxnet-is-mask-rcnn-resnet50-v1b-coco + - False + - 1.0.5 + - 2.189.0 + - Instance Segmentation + - `GluonCV `__ |external-link| + * - mxnet-od-faster-rcnn-fpn-resnet101-v1d-coco + - False + - 2.0.14 + - 2.189.0 + - Object Detection + - `GluonCV `__ |external-link| + * - mxnet-od-faster-rcnn-fpn-resnet50-v1b-coco + - False + - 2.0.14 + - 2.189.0 + - Object Detection + - `GluonCV `__ |external-link| + * - mxnet-od-faster-rcnn-resnet101-v1d-coco + - False + - 2.0.14 + - 2.189.0 + - Object Detection + - `GluonCV `__ |external-link| + * - mxnet-od-faster-rcnn-resnet50-v1b-coco + - False + - 2.0.14 + - 2.189.0 + - Object Detection + - `GluonCV `__ |external-link| + * - mxnet-od-faster-rcnn-resnet50-v1b-voc + - False + - 2.0.14 + - 2.189.0 + - Object Detection + - `GluonCV `__ |external-link| + * - mxnet-od-ssd-300-vgg16-atrous-coco + - True + - 2.0.14 + - 2.189.0 + - Object Detection + - `GluonCV `__ |external-link| + * - mxnet-od-ssd-300-vgg16-atrous-voc + - True + - 2.0.14 + - 2.189.0 + - Object Detection + - `GluonCV `__ |external-link| + * - mxnet-od-ssd-512-mobilenet1-0-coco + - True + - 2.0.14 + - 2.189.0 + - Object Detection + - `GluonCV `__ |external-link| + * - mxnet-od-ssd-512-mobilenet1-0-voc + - True + - 2.0.14 + - 2.189.0 + - Object Detection + - `GluonCV `__ |external-link| + * - mxnet-od-ssd-512-resnet50-v1-coco + - True + - 2.0.14 + - 2.189.0 + - Object Detection + - `GluonCV `__ |external-link| + * - mxnet-od-ssd-512-resnet50-v1-voc + - True + - 2.0.14 + - 2.189.0 + - Object Detection + - `GluonCV `__ |external-link| + * - mxnet-od-ssd-512-vgg16-atrous-coco + - True + - 2.0.14 + - 2.189.0 + - Object Detection + - `GluonCV `__ |external-link| + * - mxnet-od-ssd-512-vgg16-atrous-voc + - True + - 2.0.14 + - 2.189.0 + - Object Detection + - `GluonCV `__ |external-link| + * - mxnet-od-yolo3-darknet53-coco + - False + - 2.0.14 + - 2.189.0 + - Object Detection + - `GluonCV `__ |external-link| + * - mxnet-od-yolo3-darknet53-voc + - False + - 2.0.14 + - 2.189.0 + - Object Detection + - `GluonCV `__ |external-link| + * - mxnet-od-yolo3-mobilenet1-0-coco + - False + - 2.0.14 + - 2.189.0 + - Object Detection + - `GluonCV `__ |external-link| + * - mxnet-od-yolo3-mobilenet1-0-voc + - False + - 2.0.14 + - 2.189.0 + - Object Detection + - `GluonCV `__ |external-link| + * - mxnet-semseg-fcn-resnet101-ade + - True + - 2.0.14 + - 2.189.0 + - Semantic Segmentation + - `GluonCV `__ |external-link| + * - mxnet-semseg-fcn-resnet101-coco + - True + - 2.0.14 + - 2.189.0 + - Semantic Segmentation + - `GluonCV `__ |external-link| + * - mxnet-semseg-fcn-resnet101-voc + - True + - 2.0.14 + - 2.189.0 + - Semantic Segmentation + - `GluonCV `__ |external-link| + * - mxnet-semseg-fcn-resnet50-ade + - True + - 2.0.14 + - 2.189.0 + - Semantic Segmentation + - `GluonCV `__ |external-link| + * - mxnet-tcembedding-robertafin-base-uncased + - False + - 2.0.14 + - 2.189.0 + - Text Embedding + - `GluonCV `__ |external-link| + * - mxnet-tcembedding-robertafin-base-wiki-uncased + - False + - 2.0.14 + - 2.189.0 + - Text Embedding + - `GluonCV `__ |external-link| + * - mxnet-tcembedding-robertafin-large-uncased + - False + - 2.0.14 + - 2.189.0 + - Text Embedding + - `GluonCV `__ |external-link| + * - mxnet-tcembedding-robertafin-large-wiki-uncased + - False + - 2.0.14 + - 2.189.0 + - Text Embedding + - `GluonCV `__ |external-link| + * - pytorch-eqa-bert-base-cased + - True + - 1.2.1 + - 2.75.0 + - Question Answering + - `Pytorch Hub `__ |external-link| + * - pytorch-eqa-bert-base-multilingual-cased + - True + - 1.2.1 + - 2.75.0 + - Question Answering + - `Pytorch Hub `__ |external-link| + * - pytorch-eqa-bert-base-multilingual-uncased + - True + - 1.2.1 + - 2.75.0 + - Question Answering + - `Pytorch Hub `__ |external-link| + * - pytorch-eqa-bert-base-uncased + - True + - 1.2.1 + - 2.75.0 + - Question Answering + - `Pytorch Hub `__ |external-link| + * - pytorch-eqa-bert-large-cased + - True + - 1.2.1 + - 2.75.0 + - Question Answering + - `Pytorch Hub `__ |external-link| + * - pytorch-eqa-bert-large-cased-whole-word-masking + - True + - 1.2.1 + - 2.75.0 + - Question Answering + - `Pytorch Hub `__ |external-link| + * - pytorch-eqa-bert-large-cased-whole-word-masking-finetuned-squad + - True + - 1.2.1 + - 2.75.0 + - Question Answering + - `Pytorch Hub `__ |external-link| + * - pytorch-eqa-bert-large-uncased + - True + - 1.2.1 + - 2.75.0 + - Question Answering + - `Pytorch Hub `__ |external-link| + * - pytorch-eqa-bert-large-uncased-whole-word-masking + - True + - 1.2.1 + - 2.75.0 + - Question Answering + - `Pytorch Hub `__ |external-link| + * - pytorch-eqa-bert-large-uncased-whole-word-masking-finetuned-squad + - True + - 1.2.1 + - 2.75.0 + - Question Answering + - `Pytorch Hub `__ |external-link| + * - pytorch-eqa-distilbert-base-cased + - True + - 1.2.1 + - 2.75.0 + - Question Answering + - `Pytorch Hub `__ |external-link| + * - pytorch-eqa-distilbert-base-multilingual-cased + - True + - 1.2.1 + - 2.75.0 + - Question Answering + - `Pytorch Hub `__ |external-link| + * - pytorch-eqa-distilbert-base-uncased + - True + - 1.2.1 + - 2.75.0 + - Question Answering + - `Pytorch Hub `__ |external-link| + * - pytorch-eqa-distilroberta-base + - True + - 1.2.1 + - 2.75.0 + - Question Answering + - `Pytorch Hub `__ |external-link| + * - pytorch-eqa-roberta-base + - True + - 1.2.1 + - 2.75.0 + - Question Answering + - `Pytorch Hub `__ |external-link| + * - pytorch-eqa-roberta-base-openai-detector + - True + - 1.2.1 + - 2.75.0 + - Question Answering + - `Pytorch Hub `__ |external-link| + * - pytorch-eqa-roberta-large + - True + - 1.2.1 + - 2.75.0 + - Question Answering + - `Pytorch Hub `__ |external-link| + * - pytorch-eqa-roberta-large-openai-detector + - True + - 1.2.1 + - 2.75.0 + - Question Answering + - `Pytorch Hub `__ |external-link| + * - pytorch-ic-alexnet + - True + - 3.1.7 + - 2.189.0 + - Image Classification + - `Pytorch Hub `__ |external-link| + * - pytorch-ic-densenet121 + - True + - 3.1.7 + - 2.189.0 + - Image Classification + - `Pytorch Hub `__ |external-link| + * - pytorch-ic-densenet161 + - True + - 3.1.7 + - 2.189.0 + - Image Classification + - `Pytorch Hub `__ |external-link| + * - pytorch-ic-densenet169 + - True + - 3.1.7 + - 2.189.0 + - Image Classification + - `Pytorch Hub `__ |external-link| + * - pytorch-ic-densenet201 + - True + - 3.1.7 + - 2.189.0 + - Image Classification + - `Pytorch Hub `__ |external-link| + * - pytorch-ic-googlenet + - True + - 3.1.7 + - 2.189.0 + - Image Classification + - `Pytorch Hub `__ |external-link| + * - pytorch-ic-mobilenet-v2 + - True + - 3.0.17 + - 2.189.0 + - Image Classification + - `Pytorch Hub `__ |external-link| + * - pytorch-ic-resnet101 + - True + - 3.1.7 + - 2.189.0 + - Image Classification + - `Pytorch Hub `__ |external-link| + * - pytorch-ic-resnet152 + - True + - 3.1.7 + - 2.189.0 + - Image Classification + - `Pytorch Hub `__ |external-link| + * - pytorch-ic-resnet18 + - True + - 3.1.7 + - 2.189.0 + - Image Classification + - `Pytorch Hub `__ |external-link| + * - pytorch-ic-resnet34 + - True + - 3.1.7 + - 2.189.0 + - Image Classification + - `Pytorch Hub `__ |external-link| + * - pytorch-ic-resnet50 + - True + - 3.1.7 + - 2.189.0 + - Image Classification + - `Pytorch Hub `__ |external-link| + * - pytorch-ic-resnext101-32x8d + - True + - 3.1.7 + - 2.189.0 + - Image Classification + - `Pytorch Hub `__ |external-link| + * - pytorch-ic-resnext50-32x4d + - True + - 3.1.7 + - 2.189.0 + - Image Classification + - `Pytorch Hub `__ |external-link| + * - pytorch-ic-shufflenet-v2-x1-0 + - True + - 3.1.7 + - 2.189.0 + - Image Classification + - `Pytorch Hub `__ |external-link| + * - pytorch-ic-squeezenet1-0 + - True + - 3.1.7 + - 2.189.0 + - Image Classification + - `Pytorch Hub `__ |external-link| + * - pytorch-ic-squeezenet1-1 + - True + - 3.1.7 + - 2.189.0 + - Image Classification + - `Pytorch Hub `__ |external-link| + * - pytorch-ic-vgg11 + - True + - 3.1.7 + - 2.189.0 + - Image Classification + - `Pytorch Hub `__ |external-link| + * - pytorch-ic-vgg11-bn + - True + - 3.1.7 + - 2.189.0 + - Image Classification + - `Pytorch Hub `__ |external-link| + * - pytorch-ic-vgg13 + - True + - 3.1.7 + - 2.189.0 + - Image Classification + - `Pytorch Hub `__ |external-link| + * - pytorch-ic-vgg13-bn + - True + - 3.1.7 + - 2.189.0 + - Image Classification + - `Pytorch Hub `__ |external-link| + * - pytorch-ic-vgg16 + - True + - 3.1.7 + - 2.189.0 + - Image Classification + - `Pytorch Hub `__ |external-link| + * - pytorch-ic-vgg16-bn + - True + - 3.1.7 + - 2.189.0 + - Image Classification + - `Pytorch Hub `__ |external-link| + * - pytorch-ic-vgg19 + - True + - 3.1.7 + - 2.189.0 + - Image Classification + - `Pytorch Hub `__ |external-link| + * - pytorch-ic-vgg19-bn + - True + - 3.1.7 + - 2.189.0 + - Image Classification + - `Pytorch Hub `__ |external-link| + * - pytorch-ic-wide-resnet101-2 + - True + - 3.1.7 + - 2.189.0 + - Image Classification + - `Pytorch Hub `__ |external-link| + * - pytorch-ic-wide-resnet50-2 + - True + - 3.1.7 + - 2.189.0 + - Image Classification + - `Pytorch Hub `__ |external-link| + * - pytorch-od-nvidia-ssd + - False + - 2.0.18 + - 2.189.0 + - Object Detection + - `Pytorch Hub `__ |external-link| + * - pytorch-od1-fasterrcnn-mobilenet-v3-large-320-fpn + - False + - 2.0.15 + - 2.189.0 + - Object Detection + - `Pytorch Hub `__ |external-link| + * - pytorch-od1-fasterrcnn-mobilenet-v3-large-fpn + - False + - 2.0.15 + - 2.189.0 + - Object Detection + - `Pytorch Hub `__ |external-link| + * - pytorch-od1-fasterrcnn-resnet50-fpn + - True + - 2.0.15 + - 2.189.0 + - Object Detection + - `Pytorch Hub `__ |external-link| + * - pytorch-semseg-deeplabv3-mobilenet-v3-large + - False + - 1.0.0 + - 2.75.0 + - Semantic Segmentation + - `Pytorch Hub `__ |external-link| + * - pytorch-semseg-deeplabv3-resnet101 + - False + - 1.0.0 + - 2.75.0 + - Semantic Segmentation + - `Pytorch Hub `__ |external-link| + * - pytorch-semseg-deeplabv3-resnet50 + - False + - 1.0.0 + - 2.75.0 + - Semantic Segmentation + - `Pytorch Hub `__ |external-link| + * - pytorch-semseg-fcn-resnet101 + - False + - 1.0.0 + - 2.75.0 + - Semantic Segmentation + - `Pytorch Hub `__ |external-link| + * - pytorch-semseg-fcn-resnet50 + - False + - 1.0.0 + - 2.75.0 + - Semantic Segmentation + - `Pytorch Hub `__ |external-link| + * - pytorch-tabtransformerclassification-model + - True + - 2.0.18 + - 2.189.0 + - Source + - `Source `__ |external-link| + * - pytorch-tabtransformerregression-model + - True + - 2.0.18 + - 2.189.0 + - Source + - `Source `__ |external-link| + * - pytorch-textgeneration1-alexa20b + - False + - 2.0.16 + - 2.189.0 + - Source + - `Source `__ |external-link| + * - sklearn-classification-linear + - True + - 1.3.9 + - 2.188.0 + - Classification + - `ScikitLearn `__ |external-link| + * - sklearn-classification-snowflake + - True + - 1.1.9 + - 2.188.0 + - Classification + - `ScikitLearn `__ |external-link| + * - sklearn-regression-linear + - True + - 1.3.9 + - 2.188.0 + - Regression + - `ScikitLearn `__ |external-link| + * - sklearn-regression-snowflake + - True + - 1.1.9 + - 2.188.0 + - Regression + - `ScikitLearn `__ |external-link| + * - tensorflow-audioembedding-frill-1 + - False + - 2.0.15 + - 2.189.0 + - Source + - `Tensorflow Hub `__ |external-link| + * - tensorflow-audioembedding-trill-3 + - False + - 2.0.15 + - 2.189.0 + - Source + - `Tensorflow Hub `__ |external-link| + * - tensorflow-audioembedding-trill-distilled-3 + - False + - 2.0.15 + - 2.189.0 + - Source + - `Tensorflow Hub `__ |external-link| + * - tensorflow-audioembedding-trillsson1-1 + - False + - 2.0.15 + - 2.189.0 + - Source + - `Tensorflow Hub `__ |external-link| + * - tensorflow-audioembedding-trillsson2-1 + - False + - 2.0.15 + - 2.189.0 + - Source + - `Tensorflow Hub `__ |external-link| + * - tensorflow-audioembedding-trillsson3-1 + - False + - 2.0.15 + - 2.189.0 + - Source + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-bit-m-r101x1-ilsvrc2012-classification-1 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-bit-m-r101x1-imagenet21k-classification-1 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-bit-m-r101x3-ilsvrc2012-classification-1 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-bit-m-r101x3-imagenet21k-classification-1 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-bit-m-r152x4-ilsvrc2012 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-bit-m-r152x4-imagenet21k + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-bit-m-r50x1-ilsvrc2012-classification-1 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-bit-m-r50x1-imagenet21k-classification-1 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-bit-m-r50x3-ilsvrc2012-classification-1 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-bit-m-r50x3-imagenet21k-classification-1 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-bit-s-r101x1-ilsvrc2012-classification-1 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-bit-s-r101x3-ilsvrc2012-classification-1 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-bit-s-r152x4-ilsvrc2012 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-bit-s-r50x1-ilsvrc2012-classification-1 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-bit-s-r50x3-ilsvrc2012-classification-1 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-cait-m36-384 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-cait-m48-448 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-cait-s24-224 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-cait-s24-384 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-cait-s36-384 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-cait-xs24-384 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-cait-xxs24-224 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-cait-xxs24-384 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-cait-xxs36-224 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-cait-xxs36-384 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-deit-base-distilled-patch16-224 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-deit-base-distilled-patch16-384 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-deit-base-patch16-224 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-deit-base-patch16-384 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-deit-small-distilled-patch16-224 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-deit-small-patch16-224 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-deit-tiny-distilled-patch16-224 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-deit-tiny-patch16-224 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-efficientnet-b0-classification-1 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-efficientnet-b1-classification-1 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-efficientnet-b2-classification-1 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-efficientnet-b3-classification-1 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-efficientnet-b4-classification-1 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-efficientnet-b5-classification-1 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-efficientnet-b6-classification-1 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-efficientnet-b7-classification-1 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-efficientnet-lite0-classification-2 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-efficientnet-lite1-classification-2 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-efficientnet-lite2-classification-2 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-efficientnet-lite3-classification-2 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-efficientnet-lite4-classification-2 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-efficientnet-v2-imagenet1k-b0 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-efficientnet-v2-imagenet1k-b1 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-efficientnet-v2-imagenet1k-b2 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-efficientnet-v2-imagenet1k-b3 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-efficientnet-v2-imagenet1k-l + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-efficientnet-v2-imagenet1k-m + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-efficientnet-v2-imagenet1k-s + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-efficientnet-v2-imagenet21k-b0 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-efficientnet-v2-imagenet21k-b1 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-efficientnet-v2-imagenet21k-b2 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-efficientnet-v2-imagenet21k-b3 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-efficientnet-v2-imagenet21k-ft1k-b0 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-efficientnet-v2-imagenet21k-ft1k-b1 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-efficientnet-v2-imagenet21k-ft1k-b2 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-efficientnet-v2-imagenet21k-ft1k-b3 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-efficientnet-v2-imagenet21k-ft1k-l + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-efficientnet-v2-imagenet21k-ft1k-m + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-efficientnet-v2-imagenet21k-ft1k-s + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-efficientnet-v2-imagenet21k-ft1k-xl + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-efficientnet-v2-imagenet21k-l + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-efficientnet-v2-imagenet21k-m + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-efficientnet-v2-imagenet21k-s + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-efficientnet-v2-imagenet21k-xl + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-imagenet-inception-resnet-v2-classification-4 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-imagenet-inception-v1-classification-4 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-imagenet-inception-v2-classification-4 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-imagenet-inception-v3-classification-4 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-imagenet-mobilenet-v1-025-128-classification-4 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-imagenet-mobilenet-v1-025-160-classification-4 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-imagenet-mobilenet-v1-025-192-classification-4 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-imagenet-mobilenet-v1-025-224-classification-4 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-imagenet-mobilenet-v1-050-128-classification-4 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-imagenet-mobilenet-v1-050-160-classification-4 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-imagenet-mobilenet-v1-050-192-classification-4 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-imagenet-mobilenet-v1-050-224-classification-4 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-imagenet-mobilenet-v1-075-128-classification-4 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-imagenet-mobilenet-v1-075-160-classification-4 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-imagenet-mobilenet-v1-075-192-classification-4 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-imagenet-mobilenet-v1-075-224-classification-4 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-imagenet-mobilenet-v1-100-128-classification-4 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-imagenet-mobilenet-v1-100-160-classification-4 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-imagenet-mobilenet-v1-100-192-classification-4 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-imagenet-mobilenet-v1-100-224-classification-4 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-imagenet-mobilenet-v2-035-128 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-imagenet-mobilenet-v2-035-160 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-imagenet-mobilenet-v2-035-192 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-imagenet-mobilenet-v2-035-224-classification-4 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-imagenet-mobilenet-v2-035-96 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-imagenet-mobilenet-v2-050-128 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-imagenet-mobilenet-v2-050-160 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-imagenet-mobilenet-v2-050-192 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-imagenet-mobilenet-v2-050-224-classification-4 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-imagenet-mobilenet-v2-050-96 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-imagenet-mobilenet-v2-075-128 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-imagenet-mobilenet-v2-075-160 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-imagenet-mobilenet-v2-075-192 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-imagenet-mobilenet-v2-075-224-classification-4 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-imagenet-mobilenet-v2-075-96 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-imagenet-mobilenet-v2-100-160 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-imagenet-mobilenet-v2-100-192 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-imagenet-mobilenet-v2-100-224-classification-4 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-imagenet-mobilenet-v2-100-96 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-imagenet-mobilenet-v2-130-224-classification-4 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-imagenet-mobilenet-v2-140-224-classification-4 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-imagenet-mobilenet-v3-large-075-224 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-imagenet-mobilenet-v3-large-100-224 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-imagenet-mobilenet-v3-small-075-224 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-imagenet-mobilenet-v3-small-100-224 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-imagenet-nasnet-large + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-imagenet-nasnet-mobile + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-imagenet-pnasnet-large + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-imagenet-resnet-v1-101-classification-4 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-imagenet-resnet-v1-152-classification-4 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-imagenet-resnet-v1-50-classification-4 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-imagenet-resnet-v2-101-classification-4 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-imagenet-resnet-v2-152-classification-4 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-imagenet-resnet-v2-50-classification-4 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-resnet-50-classification-1 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-swin-base-patch4-window12-384 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-swin-base-patch4-window7-224 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-swin-large-patch4-window12-384 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-swin-large-patch4-window7-224 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-swin-s3-base-224 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-swin-s3-small-224 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-swin-s3-tiny-224 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-swin-small-patch4-window7-224 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-swin-tiny-patch4-window7-224 + - True + - 2.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-tf2-preview-inception-v3-classification-4 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-ic-tf2-preview-mobilenet-v2-classification-4 + - True + - 4.0.17 + - 2.189.0 + - Image Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-bit-m-r101x1-ilsvrc2012-featurevector-1 + - False + - 3.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-bit-m-r101x3-imagenet21k-featurevector-1 + - False + - 3.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-bit-m-r101x3-imagenet21k-fv-1 + - False + - 1.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-bit-m-r50x1-ilsvrc2012-featurevector-1 + - False + - 3.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-bit-m-r50x3-imagenet21k-featurevector-1 + - False + - 3.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-bit-s-r101x1-ilsvrc2012-featurevector-1 + - False + - 3.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-bit-s-r101x3-ilsvrc2012-featurevector-1 + - False + - 3.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-bit-s-r50x1-ilsvrc2012-featurevector-1 + - False + - 3.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-bit-s-r50x3-ilsvrc2012-featurevector-1 + - False + - 3.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-efficientnet-b0-featurevector-1 + - False + - 3.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-efficientnet-b1-featurevector-1 + - False + - 3.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-efficientnet-b2-featurevector-1 + - False + - 3.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-efficientnet-b3-featurevector-1 + - False + - 3.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-efficientnet-b6-featurevector-1 + - False + - 3.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-efficientnet-lite0-featurevector-2 + - False + - 3.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-efficientnet-lite1-featurevector-2 + - False + - 3.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-efficientnet-lite2-featurevector-2 + - False + - 3.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-efficientnet-lite3-featurevector-2 + - False + - 3.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-efficientnet-lite4-featurevector-2 + - False + - 3.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-imagenet-inception-v1-featurevector-4 + - False + - 3.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-imagenet-inception-v2-featurevector-4 + - False + - 3.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-imagenet-inception-v3-featurevector-4 + - False + - 3.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-imagenet-mobilenet-v1-025-128-featurevector-4 + - False + - 3.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-imagenet-mobilenet-v1-025-128-fv-4 + - False + - 1.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-imagenet-mobilenet-v1-025-160-featurevector-4 + - False + - 3.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-imagenet-mobilenet-v1-025-160-fv-4 + - False + - 1.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-imagenet-mobilenet-v1-025-192-featurevector-4 + - False + - 3.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-imagenet-mobilenet-v1-025-192-fv-4 + - False + - 1.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-imagenet-mobilenet-v1-025-224-featurevector-4 + - False + - 3.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-imagenet-mobilenet-v1-025-224-fv-4 + - False + - 1.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-imagenet-mobilenet-v1-050-128-featurevector-4 + - False + - 3.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-imagenet-mobilenet-v1-050-128-fv-4 + - False + - 1.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-imagenet-mobilenet-v1-050-160-featurevector-4 + - False + - 3.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-imagenet-mobilenet-v1-050-160-fv-4 + - False + - 1.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-imagenet-mobilenet-v1-050-192-featurevector-4 + - False + - 3.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-imagenet-mobilenet-v1-050-192-fv-4 + - False + - 1.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-imagenet-mobilenet-v1-050-224-featurevector-4 + - False + - 3.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-imagenet-mobilenet-v1-050-224-fv-4 + - False + - 1.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-imagenet-mobilenet-v1-075-128-featurevector-4 + - False + - 3.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-imagenet-mobilenet-v1-075-128-fv-4 + - False + - 1.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-imagenet-mobilenet-v1-075-160-featurevector-4 + - False + - 3.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-imagenet-mobilenet-v1-075-160-fv-4 + - False + - 1.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-imagenet-mobilenet-v1-075-192-featurevector-4 + - False + - 3.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-imagenet-mobilenet-v1-075-192-fv-4 + - False + - 1.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-imagenet-mobilenet-v1-075-224-featurevector-4 + - False + - 3.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-imagenet-mobilenet-v1-075-224-fv-4 + - False + - 1.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-imagenet-mobilenet-v1-100-128-featurevector-4 + - False + - 3.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-imagenet-mobilenet-v1-100-128-fv-4 + - False + - 1.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-imagenet-mobilenet-v1-100-160-featurevector-4 + - False + - 3.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-imagenet-mobilenet-v1-100-160-fv-4 + - False + - 1.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-imagenet-mobilenet-v1-100-192-featurevector-4 + - False + - 3.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-imagenet-mobilenet-v1-100-192-fv-4 + - False + - 1.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-imagenet-mobilenet-v1-100-224-featurevector-4 + - False + - 3.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-imagenet-mobilenet-v1-100-224-fv-4 + - False + - 1.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-imagenet-mobilenet-v2-035-224-featurevector-4 + - False + - 3.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-imagenet-mobilenet-v2-035-224-fv-4 + - False + - 1.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-imagenet-mobilenet-v2-050-224-featurevector-4 + - False + - 3.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-imagenet-mobilenet-v2-050-224-fv-4 + - False + - 1.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-imagenet-mobilenet-v2-075-224-featurevector-4 + - False + - 3.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-imagenet-mobilenet-v2-075-224-fv-4 + - False + - 1.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-imagenet-mobilenet-v2-100-224-featurevector-4 + - False + - 3.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-imagenet-mobilenet-v2-100-224-fv-4 + - False + - 1.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-imagenet-mobilenet-v2-130-224-featurevector-4 + - False + - 3.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-imagenet-mobilenet-v2-130-224-fv-4 + - False + - 1.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-imagenet-mobilenet-v2-140-224-featurevector-4 + - False + - 3.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-imagenet-mobilenet-v2-140-224-fv-4 + - False + - 1.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-imagenet-resnet-v1-101-featurevector-4 + - False + - 3.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-imagenet-resnet-v1-152-featurevector-4 + - False + - 3.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-imagenet-resnet-v1-50-featurevector-4 + - False + - 2.0.17 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-imagenet-resnet-v2-101-featurevector-4 + - False + - 3.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-imagenet-resnet-v2-152-featurevector-4 + - False + - 3.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-imagenet-resnet-v2-50-featurevector-4 + - False + - 3.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-resnet-50-featurevector-1 + - False + - 3.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-tf2-preview-inception-v3-featurevector-4 + - False + - 3.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-tf2-preview-inception-v3-fv-4 + - False + - 1.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-tf2-preview-mobilenet-v2-featurevector-4 + - False + - 3.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-icembedding-tf2-preview-mobilenet-v2-fv-4 + - False + - 1.0.15 + - 2.189.0 + - Image Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-od-centernet-hourglass-1024x1024-1 + - False + - 3.0.15 + - 2.189.0 + - Object Detection + - `Tensorflow Hub `__ |external-link| + * - tensorflow-od-centernet-hourglass-1024x1024-kpts-1 + - False + - 3.0.15 + - 2.189.0 + - Object Detection + - `Tensorflow Hub `__ |external-link| + * - tensorflow-od-centernet-hourglass-512x512-1 + - False + - 3.0.15 + - 2.189.0 + - Object Detection + - `Tensorflow Hub `__ |external-link| + * - tensorflow-od-centernet-hourglass-512x512-kpts-1 + - False + - 3.0.15 + - 2.189.0 + - Object Detection + - `Tensorflow Hub `__ |external-link| + * - tensorflow-od-centernet-resnet101v1-fpn-512x512-1 + - False + - 3.0.15 + - 2.189.0 + - Object Detection + - `Tensorflow Hub `__ |external-link| + * - tensorflow-od-centernet-resnet50v1-fpn-512x512-1 + - False + - 3.0.15 + - 2.189.0 + - Object Detection + - `Tensorflow Hub `__ |external-link| + * - tensorflow-od-centernet-resnet50v1-fpn-512x512-kpts-1 + - False + - 3.0.15 + - 2.189.0 + - Object Detection + - `Tensorflow Hub `__ |external-link| + * - tensorflow-od-centernet-resnet50v2-512x512-1 + - False + - 3.0.15 + - 2.189.0 + - Object Detection + - `Tensorflow Hub `__ |external-link| + * - tensorflow-od-centernet-resnet50v2-512x512-kpts-1 + - False + - 3.0.15 + - 2.189.0 + - Object Detection + - `Tensorflow Hub `__ |external-link| + * - tensorflow-od-efficientdet-d0-1 + - False + - 3.0.15 + - 2.189.0 + - Object Detection + - `Tensorflow Hub `__ |external-link| + * - tensorflow-od-efficientdet-d1-1 + - False + - 3.0.15 + - 2.189.0 + - Object Detection + - `Tensorflow Hub `__ |external-link| + * - tensorflow-od-efficientdet-d2-1 + - False + - 3.0.15 + - 2.189.0 + - Object Detection + - `Tensorflow Hub `__ |external-link| + * - tensorflow-od-efficientdet-d3-1 + - False + - 3.0.15 + - 2.189.0 + - Object Detection + - `Tensorflow Hub `__ |external-link| + * - tensorflow-od-efficientdet-d4-1 + - False + - 3.0.15 + - 2.189.0 + - Object Detection + - `Tensorflow Hub `__ |external-link| + * - tensorflow-od-efficientdet-d5-1 + - False + - 3.0.15 + - 2.189.0 + - Object Detection + - `Tensorflow Hub `__ |external-link| + * - tensorflow-od-faster-rcnn-inception-resnet-v2-1024x1024-1 + - False + - 3.0.15 + - 2.189.0 + - Object Detection + - `Tensorflow Hub `__ |external-link| + * - tensorflow-od-faster-rcnn-inception-resnet-v2-640x640-1 + - False + - 3.0.15 + - 2.189.0 + - Object Detection + - `Tensorflow Hub `__ |external-link| + * - tensorflow-od-faster-rcnn-resnet101-v1-1024x1024-1 + - False + - 3.0.15 + - 2.189.0 + - Object Detection + - `Tensorflow Hub `__ |external-link| + * - tensorflow-od-faster-rcnn-resnet101-v1-640x640-1 + - False + - 3.0.15 + - 2.189.0 + - Object Detection + - `Tensorflow Hub `__ |external-link| + * - tensorflow-od-faster-rcnn-resnet101-v1-800x1333-1 + - False + - 3.0.15 + - 2.189.0 + - Object Detection + - `Tensorflow Hub `__ |external-link| + * - tensorflow-od-faster-rcnn-resnet152-v1-1024x1024-1 + - False + - 3.0.15 + - 2.189.0 + - Object Detection + - `Tensorflow Hub `__ |external-link| + * - tensorflow-od-faster-rcnn-resnet152-v1-640x640-1 + - False + - 3.0.15 + - 2.189.0 + - Object Detection + - `Tensorflow Hub `__ |external-link| + * - tensorflow-od-faster-rcnn-resnet152-v1-800x1333-1 + - False + - 3.0.15 + - 2.189.0 + - Object Detection + - `Tensorflow Hub `__ |external-link| + * - tensorflow-od-faster-rcnn-resnet50-v1-1024x1024-1 + - False + - 3.0.15 + - 2.189.0 + - Object Detection + - `Tensorflow Hub `__ |external-link| + * - tensorflow-od-faster-rcnn-resnet50-v1-640x640-1 + - False + - 3.0.15 + - 2.189.0 + - Object Detection + - `Tensorflow Hub `__ |external-link| + * - tensorflow-od-faster-rcnn-resnet50-v1-800x1333-1 + - False + - 3.0.15 + - 2.189.0 + - Object Detection + - `Tensorflow Hub `__ |external-link| + * - tensorflow-od-retinanet-resnet101-v1-fpn-1024x1024-1 + - False + - 3.0.15 + - 2.189.0 + - Object Detection + - `Tensorflow Hub `__ |external-link| + * - tensorflow-od-retinanet-resnet101-v1-fpn-640x640-1 + - False + - 3.0.15 + - 2.189.0 + - Object Detection + - `Tensorflow Hub `__ |external-link| + * - tensorflow-od-retinanet-resnet152-v1-fpn-1024x1024-1 + - False + - 3.0.15 + - 2.189.0 + - Object Detection + - `Tensorflow Hub `__ |external-link| + * - tensorflow-od-retinanet-resnet152-v1-fpn-640x640-1 + - False + - 3.0.15 + - 2.189.0 + - Object Detection + - `Tensorflow Hub `__ |external-link| + * - tensorflow-od-retinanet-resnet50-v1-fpn-1024x1024-1 + - False + - 3.0.15 + - 2.189.0 + - Object Detection + - `Tensorflow Hub `__ |external-link| + * - tensorflow-od-retinanet-resnet50-v1-fpn-640x640-1 + - False + - 3.0.15 + - 2.189.0 + - Object Detection + - `Tensorflow Hub `__ |external-link| + * - tensorflow-od-ssd-mobilenet-v1-fpn-640x640-1 + - False + - 3.0.15 + - 2.189.0 + - Object Detection + - `Tensorflow Hub `__ |external-link| + * - tensorflow-od-ssd-mobilenet-v2-2 + - False + - 3.0.15 + - 2.189.0 + - Object Detection + - `Tensorflow Hub `__ |external-link| + * - tensorflow-od-ssd-mobilenet-v2-fpnlite-320x320-1 + - False + - 3.0.15 + - 2.189.0 + - Object Detection + - `Tensorflow Hub `__ |external-link| + * - tensorflow-od-ssd-mobilenet-v2-fpnlite-640x640-1 + - False + - 3.0.15 + - 2.189.0 + - Object Detection + - `Tensorflow Hub `__ |external-link| + * - tensorflow-od1-ssd-efficientdet-d0-512x512-coco17-tpu-8 + - True + - 2.0.15 + - 2.189.0 + - Object Detection + - `Source `__ |external-link| + * - tensorflow-od1-ssd-efficientdet-d1-640x640-coco17-tpu-8 + - True + - 2.0.15 + - 2.189.0 + - Object Detection + - `Source `__ |external-link| + * - tensorflow-od1-ssd-efficientdet-d2-768x768-coco17-tpu-8 + - True + - 2.0.15 + - 2.189.0 + - Object Detection + - `Source `__ |external-link| + * - tensorflow-od1-ssd-efficientdet-d3-896x896-coco17-tpu-32 + - True + - 2.0.15 + - 2.189.0 + - Object Detection + - `Source `__ |external-link| + * - tensorflow-od1-ssd-mobilenet-v1-fpn-640x640-coco17-tpu-8 + - True + - 2.0.15 + - 2.189.0 + - Object Detection + - `Source `__ |external-link| + * - tensorflow-od1-ssd-mobilenet-v2-fpnlite-320x320-coco17-tpu-8 + - True + - 2.0.15 + - 2.189.0 + - Object Detection + - `Source `__ |external-link| + * - tensorflow-od1-ssd-mobilenet-v2-fpnlite-640x640-coco17-tpu-8 + - True + - 2.0.15 + - 2.189.0 + - Object Detection + - `Source `__ |external-link| + * - tensorflow-od1-ssd-resnet101-v1-fpn-1024x1024-coco17-tpu-8 + - True + - 2.0.15 + - 2.189.0 + - Object Detection + - `Source `__ |external-link| + * - tensorflow-od1-ssd-resnet101-v1-fpn-640x640-coco17-tpu-8 + - True + - 2.0.15 + - 2.189.0 + - Object Detection + - `Source `__ |external-link| + * - tensorflow-od1-ssd-resnet152-v1-fpn-1024x1024-coco17-tpu-8 + - True + - 2.0.15 + - 2.189.0 + - Object Detection + - `Source `__ |external-link| + * - tensorflow-od1-ssd-resnet152-v1-fpn-640x640-coco17-tpu-8 + - True + - 2.0.15 + - 2.189.0 + - Object Detection + - `Source `__ |external-link| + * - tensorflow-od1-ssd-resnet50-v1-fpn-1024x1024-coco17-tpu-8 + - True + - 2.0.15 + - 2.189.0 + - Object Detection + - `Source `__ |external-link| + * - tensorflow-od1-ssd-resnet50-v1-fpn-640x640-coco17-tpu-8 + - True + - 2.0.15 + - 2.189.0 + - Object Detection + - `Source `__ |external-link| + * - tensorflow-spc-bert-en-cased-L-12-H-768-A-12-2 + - True + - 2.0.16 + - 2.189.0 + - Sentence Pair Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-spc-bert-en-uncased-L-12-H-768-A-12-2 + - True + - 2.0.16 + - 2.189.0 + - Sentence Pair Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-spc-bert-en-uncased-L-24-H-1024-A-16-2 + - True + - 2.0.16 + - 2.189.0 + - Sentence Pair Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-spc-bert-en-wwm-cased-L-24-H-1024-A-16-2 + - True + - 2.0.16 + - 2.189.0 + - Sentence Pair Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-spc-bert-en-wwm-uncased-L-24-H-1024-A-16-2 + - True + - 2.0.16 + - 2.189.0 + - Sentence Pair Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-spc-bert-multi-cased-L-12-H-768-A-12-2 + - True + - 2.0.16 + - 2.189.0 + - Sentence Pair Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-spc-electra-base-1 + - True + - 2.0.16 + - 2.189.0 + - Sentence Pair Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-spc-electra-small-1 + - True + - 2.0.16 + - 2.189.0 + - Sentence Pair Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-spc-experts-bert-pubmed-1 + - True + - 2.0.16 + - 2.189.0 + - Sentence Pair Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-spc-experts-bert-wiki-books-1 + - True + - 2.0.16 + - 2.189.0 + - Sentence Pair Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tc-albert-en-base + - True + - 2.0.15 + - 2.189.0 + - Text Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tc-bert-en-cased-L-12-H-768-A-12-2 + - True + - 3.0.15 + - 2.189.0 + - Text Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tc-bert-en-cased-L-24-H-1024-A-16-2 + - True + - 3.0.15 + - 2.189.0 + - Text Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tc-bert-en-uncased-L-12-H-768-A-12-2 + - True + - 3.0.15 + - 2.189.0 + - Text Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tc-bert-en-uncased-L-24-H-1024-A-16-2 + - True + - 2.0.15 + - 2.189.0 + - Text Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tc-bert-en-wwm-cased-L-24-H-1024-A-16-2 + - True + - 3.0.15 + - 2.189.0 + - Text Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tc-bert-en-wwm-uncased-L-24-H-1024-A-16-2 + - True + - 3.0.15 + - 2.189.0 + - Text Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tc-bert-multi-cased-L-12-H-768-A-12-2 + - True + - 3.0.15 + - 2.189.0 + - Text Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tc-electra-base-1 + - True + - 3.0.15 + - 2.189.0 + - Text Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tc-electra-small-1 + - True + - 3.0.15 + - 2.189.0 + - Text Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tc-experts-bert-pubmed-1 + - True + - 3.0.15 + - 2.189.0 + - Text Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tc-experts-bert-wiki-books-1 + - True + - 3.0.15 + - 2.189.0 + - Text Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tc-small-bert-bert-en-uncased-L-10-H-128-A-2 + - True + - 2.0.15 + - 2.189.0 + - Text Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tc-small-bert-bert-en-uncased-L-10-H-256-A-4 + - True + - 2.0.15 + - 2.189.0 + - Text Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tc-small-bert-bert-en-uncased-L-10-H-512-A-8 + - True + - 2.0.15 + - 2.189.0 + - Text Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tc-small-bert-bert-en-uncased-L-10-H-768-A-12 + - True + - 2.0.15 + - 2.189.0 + - Text Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tc-small-bert-bert-en-uncased-L-12-H-128-A-2 + - True + - 2.0.15 + - 2.189.0 + - Text Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tc-small-bert-bert-en-uncased-L-12-H-256-A-4 + - True + - 2.0.15 + - 2.189.0 + - Text Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tc-small-bert-bert-en-uncased-L-12-H-512-A-8 + - True + - 2.0.15 + - 2.189.0 + - Text Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tc-small-bert-bert-en-uncased-L-12-H-768-A-12 + - True + - 2.0.15 + - 2.189.0 + - Text Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tc-small-bert-bert-en-uncased-L-2-H-128-A-2 + - True + - 2.0.15 + - 2.189.0 + - Text Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tc-small-bert-bert-en-uncased-L-2-H-256-A-4 + - True + - 2.0.15 + - 2.189.0 + - Text Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tc-small-bert-bert-en-uncased-L-2-H-512-A-8 + - True + - 2.0.15 + - 2.189.0 + - Text Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tc-small-bert-bert-en-uncased-L-2-H-768-A-12 + - True + - 2.0.15 + - 2.189.0 + - Text Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tc-small-bert-bert-en-uncased-L-4-H-128-A-2 + - True + - 2.0.15 + - 2.189.0 + - Text Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tc-small-bert-bert-en-uncased-L-4-H-256-A-4 + - True + - 2.0.15 + - 2.189.0 + - Text Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tc-small-bert-bert-en-uncased-L-4-H-512-A-8 + - True + - 2.0.15 + - 2.189.0 + - Text Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tc-small-bert-bert-en-uncased-L-4-H-768-A-12 + - True + - 2.0.15 + - 2.189.0 + - Text Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tc-small-bert-bert-en-uncased-L-6-H-128-A-2 + - True + - 2.0.15 + - 2.189.0 + - Text Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tc-small-bert-bert-en-uncased-L-6-H-256-A-4 + - True + - 2.0.15 + - 2.189.0 + - Text Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tc-small-bert-bert-en-uncased-L-6-H-512-A-8 + - True + - 2.0.15 + - 2.189.0 + - Text Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tc-small-bert-bert-en-uncased-L-6-H-768-A-12 + - True + - 2.0.15 + - 2.189.0 + - Text Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tc-small-bert-bert-en-uncased-L-8-H-128-A-2 + - True + - 2.0.15 + - 2.189.0 + - Text Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tc-small-bert-bert-en-uncased-L-8-H-256-A-4 + - True + - 2.0.15 + - 2.189.0 + - Text Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tc-small-bert-bert-en-uncased-L-8-H-512-A-8 + - True + - 2.0.15 + - 2.189.0 + - Text Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tc-small-bert-bert-en-uncased-L-8-H-768-A-12 + - True + - 2.0.15 + - 2.189.0 + - Text Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tc-talking-heads-base + - True + - 2.0.15 + - 2.189.0 + - Text Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tc-talking-heads-large + - True + - 2.0.15 + - 2.189.0 + - Text Classification + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tcembedding-bert-en-uncased-L-10-H-128-A-2-2 + - False + - 2.0.15 + - 2.189.0 + - Text Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tcembedding-bert-en-uncased-L-10-H-256-A-4-2 + - False + - 2.0.15 + - 2.189.0 + - Text Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tcembedding-bert-en-uncased-L-10-H-512-A-8-2 + - False + - 2.0.15 + - 2.189.0 + - Text Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tcembedding-bert-en-uncased-L-10-H-768-A-12-2 + - False + - 2.0.15 + - 2.189.0 + - Text Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tcembedding-bert-en-uncased-L-12-H-128-A-2-2 + - False + - 2.0.15 + - 2.189.0 + - Text Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tcembedding-bert-en-uncased-L-12-H-256-A-4 + - False + - 2.0.15 + - 2.189.0 + - Text Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tcembedding-bert-en-uncased-L-12-H-512-A-8-2 + - False + - 2.0.15 + - 2.189.0 + - Text Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tcembedding-bert-en-uncased-L-12-H-768-A-12-2 + - False + - 2.0.15 + - 2.189.0 + - Text Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tcembedding-bert-en-uncased-L-12-H-768-A-12-4 + - False + - 2.0.15 + - 2.189.0 + - Text Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tcembedding-bert-en-uncased-L-2-H-128-A-2-2 + - False + - 2.0.15 + - 2.189.0 + - Text Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tcembedding-bert-en-uncased-L-2-H-256-A-4 + - False + - 2.0.15 + - 2.189.0 + - Text Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tcembedding-bert-en-uncased-L-2-H-512-A-8-2 + - False + - 2.0.15 + - 2.189.0 + - Text Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tcembedding-bert-en-uncased-L-2-H-768-A-12-2 + - False + - 2.0.15 + - 2.189.0 + - Text Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tcembedding-bert-en-uncased-L-4-H-128-A-2-2 + - False + - 2.0.15 + - 2.189.0 + - Text Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tcembedding-bert-en-uncased-L-4-H-256-A-4-2 + - False + - 2.0.15 + - 2.189.0 + - Text Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tcembedding-bert-en-uncased-L-4-H-512-A-8-2 + - False + - 2.0.15 + - 2.189.0 + - Text Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tcembedding-bert-en-uncased-L-4-H-768-A-12-2 + - False + - 2.0.15 + - 2.189.0 + - Text Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tcembedding-bert-en-uncased-L-6-H-128-A-2-2 + - False + - 2.0.15 + - 2.189.0 + - Text Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tcembedding-bert-en-uncased-L-6-H-256-A-4 + - False + - 2.0.15 + - 2.189.0 + - Text Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tcembedding-bert-en-uncased-L-6-H-512-A-8-2 + - False + - 2.0.15 + - 2.189.0 + - Text Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tcembedding-bert-en-uncased-L-6-H-768-A-12-2 + - False + - 2.0.15 + - 2.189.0 + - Text Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tcembedding-bert-en-uncased-L-8-H-256-A-4-2 + - False + - 2.0.15 + - 2.189.0 + - Text Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tcembedding-bert-en-uncased-L-8-H-512-A-8-2 + - False + - 2.0.15 + - 2.189.0 + - Text Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tcembedding-bert-en-uncased-L-8-H-768-A-12-2 + - False + - 2.0.15 + - 2.189.0 + - Text Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tcembedding-bert-wiki-books-mnli-2 + - False + - 2.0.15 + - 2.189.0 + - Text Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tcembedding-bert-wiki-books-sst2 + - False + - 2.0.15 + - 2.189.0 + - Text Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tcembedding-talkheads-ggelu-bert-en-base-2 + - False + - 2.0.15 + - 2.189.0 + - Text Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tcembedding-talkheads-ggelu-bert-en-large-2 + - False + - 2.0.15 + - 2.189.0 + - Text Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tcembedding-universal-sentc-encoder-cmlm-en-base-1 + - False + - 1.0.15 + - 2.189.0 + - Text Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tcembedding-universal-sentc-encoder-cmlm-en-large-1 + - False + - 1.0.15 + - 2.189.0 + - Text Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tcembedding-universal-sentence-encoder-cmlm-en-base-1 + - False + - 2.0.15 + - 2.189.0 + - Text Embedding + - `Tensorflow Hub `__ |external-link| + * - tensorflow-tcembedding-universal-sentence-encoder-cmlm-en-large-1 + - False + - 2.0.15 + - 2.189.0 + - Text Embedding + - `Tensorflow Hub `__ |external-link| + * - xgboost-classification-model + - True + - 2.1.12 + - 2.188.0 + - Classification + - `XGBoost `__ |external-link| + * - xgboost-classification-snowflake + - True + - 1.1.12 + - 2.188.0 + - Classification + - `XGBoost `__ |external-link| + * - xgboost-regression-model + - True + - 2.1.12 + - 2.188.0 + - Regression + - `XGBoost `__ |external-link| + * - xgboost-regression-snowflake + - True + - 1.1.12 + - 2.188.0 + - Regression + - `XGBoost `__ |external-link| + +.. list-table:: Available Proprietary Models + :widths: 50 20 20 20 20 + :header-rows: 1 + :class: datatable + + * - Model ID + - Fine Tunable? + - Supported Version + - Min SDK Version + - Source + * - nvidia-nemotron-4-15b-nim + - False + - 1.2.3 + - 2.237.2 + - `Source `__ |external-link| + * - jinaai-embeddings-v2-base-en + - False + - 3.2 + - 2.213.0 + - `Source `__ |external-link| + * - cohere-command-r-a100 + - False + - v1.5.0 + - 2.213.0 + - `Source `__ |external-link| + * - cohere-command-r-h100 + - False + - v1.5.0 + - 2.213.0 + - `Source `__ |external-link| + * - cohere-command-r-plus-a100 + - False + - v1.5.0 + - 2.213.0 + - `Source `__ |external-link| + * - cohere-command-r-plus-h100 + - False + - v1.5.0 + - 2.213.0 + - `Source `__ |external-link| + * - cohere-command-r-08-2024-h100 + - False + - v1.0.5 + - 2.237.2 + - `Source `__ |external-link| + * - cohere-command-r-plus-08-2024-h100 + - False + - v1.0.5 + - 2.237.2 + - `Source `__ |external-link| + * - cohere-embed-multilingual + - False + - v3.3.9 + - 2.237.2 + - `Source `__ |external-link| + * - cohere-embed-english + - False + - v3.6.0 + - 2.237.2 + - `Source `__ |external-link| + * - cohere-embed-light-multilingual + - False + - v3.3.9 + - 2.237.2 + - `Source `__ |external-link| + * - cohere-embed-light-english + - False + - v3.3.9 + - 2.237.2 + - `Source `__ |external-link| + * - lgresearch-exaone + - False + - 1.0.0 + - 2.213.0 + - `Source `__ |external-link| + * - ncsoft-ko-13b-ist + - False + - v1.1.0 + - 2.213.0 + - `Source `__ |external-link| + * - ncsoft-ko-6-4b-ist + - False + - v1.0.0 + - 2.213.0 + - `Source `__ |external-link| + * - ncsoft-ko-1-3b-ist + - False + - v1.0.0 + - 2.213.0 + - `Source `__ |external-link| + * - ncsoft-llama-3-varco-offsetbias-8b + - False + - v1.1.0 + - 2.213.0 + - `Source `__ |external-link| + * - stabilityai-stable-diffusion-3-5-large + - False + - SD3_5L_v1 + - 2.213.0 + - `Source `__ |external-link| + * - stabilityai-sdxl-1-0 + - False + - 20230726 + - 2.213.0 + - `Source `__ |external-link| + * - ai21-summarization + - False + - 1.2.000 + - 2.213.0 + - `Source `__ |external-link| + * - lighton-mini-instruct40b + - False + - v1.0 + - 2.213.0 + - `Source `__ |external-link| + * - ai21-paraphrase + - False + - 1.0.005 + - 2.213.0 + - `Source `__ |external-link| + * - lighton-lyra-fr + - False + - v1.1 + - 2.213.0 + - `Source `__ |external-link| + * - ai21-jurassic-2-light + - False + - 2.0.004 + - 2.213.0 + - `Source `__ |external-link| + * - ai21-jurassic-2-grande-instruct + - False + - 2.2.004 + - 2.213.0 + - `Source `__ |external-link| + * - stabilityai-sdxl-beta-0-8 + - False + - 1.0-rc3 + - 2.213.0 + - `Source `__ |external-link| + * - ai21-contextual-answers + - False + - 2.2.001 + - 2.213.0 + - `Source `__ |external-link| + * - ai21-jurassic-2-jumbo-instruct + - False + - 2.2.004 + - 2.213.0 + - `Source `__ |external-link| + * - cohere-rerank-english-v2 + - False + - v2.0.3 + - 2.213.0 + - `Source `__ |external-link| + * - cohere-rerank-multilingual-v2 + - False + - v2.0.3 + - 2.213.0 + - `Source `__ |external-link| + * - upstage-solar-mini-chat-quant + - False + - v1.2.0 + - 2.213.0 + - `Source `__ |external-link| + * - upstage-solar-pro + - False + - 250422.0 + - 2.213.0 + - `Source `__ |external-link| + * - upstage-solar-pro-quantized + - False + - 250422.0 + - 2.213.0 + - `Source `__ |external-link| + * - voyage-2-embedding + - False + - v1.0 + - 2.213.0 + - `Source `__ |external-link| + * - voyage-large-2-embedding + - False + - v1.0.1 + - 2.213.0 + - `Source `__ |external-link| + * - voyage-code-2-embedding + - False + - v1.0.1 + - 2.213.0 + - `Source `__ |external-link| + * - nomic-embed-text + - False + - 0.0.3 + - 2.213.0 + - `Source `__ |external-link| + * - nomic-embed-image + - False + - v0.0.3 + - 2.213.0 + - `Source `__ |external-link| + * - evolutionary-scale-esm3 + - False + - 1.05 + - 2.213.0 + - `Source `__ |external-link| + * - cohere-rerank-nimble-english + - False + - v1.0.5 + - 2.213.0 + - `Source `__ |external-link| + * - cohere-rerank-nimble-multi + - False + - v1.0.4 + - 2.213.0 + - `Source `__ |external-link| + * - cohere-rerank-v3-english + - False + - v1.0.8 + - 2.213.0 + - `Source `__ |external-link| + * - cohere-rerank-v3-multilingual + - False + - v1.0.9 + - 2.213.0 + - `Source `__ |external-link| + * - bria-ai-2-3-commercial + - False + - 2.3 + - 2.213.0 + - `Source `__ |external-link| + * - bria-ai-2-3-fast-commercial + - False + - 2.3-Fast + - 2.213.0 + - `Source `__ |external-link| + * - bria-ai-2-2-hd-commercial + - False + - HD + - 2.213.0 + - `Source `__ |external-link| + * - liquid-lfm-7b-l40s + - False + - 1.0.0 + - 2.213.0 + - `Source `__ |external-link| + * - liquid-lfm-40b-a100 + - False + - 1.0.9 + - 2.213.0 + - `Source `__ |external-link| + * - liquid-lfm-40b-h100 + - False + - 1.0.8 + - 2.213.0 + - `Source `__ |external-link| + * - liquid-lfm-40b-l40s + - False + - 1.0.8 + - 2.213.0 + - `Source `__ |external-link| + * - john-snow-labs-summarization-qa + - False + - 5.4.4 + - 2.213.0 + - `Source `__ |external-link| + * - john-snow-labs-medical-summarization-qa-8b + - False + - 5.4.7 + - 2.213.0 + - `Source `__ |external-link| + * - john-snow-labs-medical-translation-en-es + - False + - 5.4.2 + - 2.213.0 + - `Source `__ |external-link| + * - upstage-document-layout-analysis + - False + - 250508c.1 + - 2.213.0 + - `Source `__ |external-link| + * - upstage-document-ocr + - False + - 2.2.1-2 + - 2.213.0 + - `Source `__ |external-link| + * - upstage-solar-embedding-large + - False + - v1.0.0 + - 2.213.0 + - `Source `__ |external-link| + * - arcee-lite + - False + - v2 + - 2.213.0 + - `Source `__ |external-link| + * - arcee-supernova + - False + - v2 + - 2.213.0 + - `Source `__ |external-link| + * - arcee-llama-spark + - False + - v1 + - 2.213.0 + - `Source `__ |external-link| + * - arcee-llama-3-1-supernova-lite + - False + - v3 + - 2.213.0 + - `Source `__ |external-link| + * - voyage-rerank-lite-1-reranker + - False + - v1 + - 2.213.0 + - `Source `__ |external-link| + * - writer-palmyra-fin-70b-32k + - False + - v1.0.0 + - 2.213.0 + - `Source `__ |external-link| + * - writer-palmyra-med-70b-32k + - False + - v1.0.0 + - 2.213.0 + - `Source `__ |external-link| + * - ibm-granite-20b-code-instruct-8k + - False + - v1 + - 2.213.0 + - `Source `__ |external-link| + * - ibm-granite-34b-code-instruct-8k + - False + - v1 + - 2.213.0 + - `Source `__ |external-link| + * - ibm-granite-3b-code-instruct-128k + - False + - v1 + - 2.213.0 + - `Source `__ |external-link| + * - ibm-granite-8b-code-instruct-128k + - False + - v1 + - 2.213.0 + - `Source `__ |external-link| + * - karakuri-lm-8x7b-instruct + - False + - v0.1.1 + - 2.213.0 + - `Source `__ |external-link| + * - stockmark-llm-13b + - False + - 20241010 + - 2.213.0 + - `Source `__ |external-link| + * - exaone-v3-0-7-8b-instruct + - False + - v3.0.0 + - 2.213.0 + - `Source `__ |external-link| + * - granite-3-0-2b-instruct + - False + - v1 + - 2.213.0 + - `Source `__ |external-link| + * - granite-3-0-8b-instruct + - False + - v1 + - 2.213.0 + - `Source `__ |external-link| + * - writer-palmyra-x-004 + - False + - v1.0.0 + - 2.213.0 + - `Source `__ |external-link| + * - widn-tower-anthill + - False + - v4.0 + - 2.213.0 + - `Source `__ |external-link| + * - widn-tower-sugarloaf + - False + - v3.1 + - 2.213.0 + - `Source `__ |external-link| + * - widn-llama3-tower-vesuvius + - False + - v4.0 + - 2.213.0 + - `Source `__ |external-link| + * - cambai-mars6 + - False + - 1.0.2 + - 2.213.0 + - `Source `__ |external-link| + * - preferred-networks-plamo-api + - False + - 0.5.1.4bit + - 2.213.0 + - `Source `__ |external-link| + * - gretel-navigator-tabular + - False + - 1.0.1 + - 2.213.0 + - `Source `__ |external-link| + * - bioptimus-h-optimus-0 + - False + - 1.0.0 + - 2.213.0 + - `Source `__ |external-link| + * - orbital-materials-orb + - False + - v1 + - 2.213.0 + - `Source `__ |external-link| + * - voyage-3-embedding + - False + - v1.0.0 + - 2.213.0 + - `Source `__ |external-link| + * - arcee-virtuoso-small + - False + - v1 + - 2.213.0 + - `Source `__ |external-link| + * - nvidia-llama3-2-nv-embedqa-1b-v2-nim + - False + - v1.3.3 + - 2.239.0 + - `Source `__ |external-link| + * - nvidia-llama3-2-nv-rerankqa-1b-v2-nim + - False + - v1.3.3 + - 2.239.0 + - `Source `__ |external-link| + * - ibm-granite-3-2-2b-instruct + - False + - v1.1 + - 2.213.0 + - `Source `__ |external-link| + * - ibm-granite-3-2-8b-instruct + - False + - v1.1 + - 2.213.0 + - `Source `__ |external-link| + * - cohere-embed-v4-0 + - False + - v.2.0 + - 2.213.0 + - `Source `__ |external-link| + * - nvidia-nemotron-nano-8b-nim + - False + - v1.8.0 + - 2.239.0 + - `Source `__ |external-link| + * - nvidia-nemotron-super-49b-nim + - False + - v1.8.0 + - 2.239.0 + - `Source `__ |external-link| + diff --git a/doc/examples/index.md b/doc/examples/index.md new file mode 100644 index 0000000000..44eb2ad309 --- /dev/null +++ b/doc/examples/index.md @@ -0,0 +1,3 @@ +# SageMaker Python SDK Example Notebooks + +Jupyter notebooks that demonstrate how to build, train, and deploy machine learning models using AWS SageMaker Python SDK. \ No newline at end of file diff --git a/doc/experiments/index.rst b/doc/experiments/index.rst deleted file mode 100644 index 8c12f30edc..0000000000 --- a/doc/experiments/index.rst +++ /dev/null @@ -1,10 +0,0 @@ -############################ -Amazon SageMaker Experiments -############################ - -The SageMaker Python SDK supports to track and organize your machine learning workflow across SageMaker with jobs, such as Processing, Training and Transform, or locally. - -.. toctree:: - :maxdepth: 2 - - sagemaker.experiments diff --git a/doc/experiments/sagemaker.experiments.rst b/doc/experiments/sagemaker.experiments.rst deleted file mode 100644 index 148dd00284..0000000000 --- a/doc/experiments/sagemaker.experiments.rst +++ /dev/null @@ -1,29 +0,0 @@ -Experiments -============ - -Run -------------- - -.. autoclass:: sagemaker.experiments.Run - :members: - -.. automethod:: sagemaker.experiments.run.load_run - -.. automethod:: sagemaker.experiments.list_runs - -Experiment -------------- - -.. autoclass:: sagemaker.experiments.Experiment - :members: - -Other -------------- - -.. autoclass:: sagemaker.experiments.SortByType - :members: - :undoc-members: - -.. autoclass:: sagemaker.experiments.SortOrderType - :members: - :undoc-members: diff --git a/doc/hyperpod/inference.rst b/doc/hyperpod/inference.rst new file mode 100644 index 0000000000..4d524d1d04 --- /dev/null +++ b/doc/hyperpod/inference.rst @@ -0,0 +1,230 @@ +Inference with SageMaker Hyperpod +================================= + +This guide covers how to deploy and manage inference endpoints using both the CLI and Python SDK. + +Setup +----- + +.. tabs:: + + .. tab:: CLI + + .. code-block:: bash + + # List available clusters + hp cluster list + + # Set the cluster context + hp cluster set-context + + # View current context + hp cluster get-context + + .. tab:: Python SDK + + .. code-block:: python + + from hyperpod.hyperpod_manager import HyperPodManager + + hyperpod_manager = HyperPodManager() + hyperpod_manager.list_clusters() + hyperpod_manager.set_cluster(cluster_name="") + hyperpod_manager.get_context() + + +JumpStart Model +--------------- + +.. tabs:: + + .. tab:: CLI + + **Create from Command** + + .. code-block:: bash + + hp hp-jumpstart-endpoint create \ + --model-id huggingface-llm-falcon-7b \ + --instance-type ml.g5.2xlarge + + **Create Interactively** + + .. code-block:: bash + + hp hp-jumpstart-endpoint create \ + --model-id huggingface-llm-falcon-7b \ + --instance-type ml.g5.2xlarge -i + + User will be prompted to edit a YAML config file with fields like model_id, instance_type, namespace, etc. + + **Other Commands** + + .. code-block:: bash + + hp hp-jumpstart-endpoint list + hp hp-jumpstart-endpoint describe + hp hp-jumpstart-endpoint delete + + .. tab:: Python SDK + + **Create from Spec** + + .. code-block:: python + + from hyperpod.inference.config.jumpstart_model_endpoint_config import ( + Model, Server, SageMakerEndpoint, JumpStartModelSpec + ) + from hyperpod.inference.hp_jumpstart_endpoint import HPJumpStartEndpoint + + model = Model(model_id="sklearn-regression-linear") + server = Server(instance_type="ml.t3.medium") + endpoint_name = SageMakerEndpoint(name="my-endpoint") + spec = JumpStartModelSpec(model=model, server=server, sage_maker_endpoint=endpoint_name) + + endpoint = HPJumpStartEndpoint() + endpoint.create_from_spec(spec) + + **Create from Inputs** + + .. code-block:: python + + endpoint = HPJumpStartEndpoint() + endpoint.create( + namespace="default", + model_id="sklearn-regression-linear", + instance_type="ml.t3.medium" + ) + + **Other Operations** + + .. code-block:: python + + endpoint.list_endpoints(namespace="default") + endpoint.describe_endpoint(name="my-endpoint", namespace="default") + endpoint.delete_endpoint(name="my-endpoint", namespace="default") + + +Custom Model +------------ + +.. tabs:: + + .. tab:: CLI + + .. code-block:: bash + + hp hp-endpoint create \ + --model-name custom-bert \ + --image \ + --container-port 8080 \ + --instance-type ml.g5.xlarge \ + --model-source-type s3 \ + --bucket-name my-bucket \ + --bucket-region us-west-2 + + .. tab:: Python SDK + + **Create from Spec** + + .. code-block:: python + + from hyperpod.inference.hp_endpoint import HPEndpoint + from hyperpod.inference.config.inference_endpoint_config import ( + InferenceEndpointConfigSpec, ModelSourceConfig, S3Storage + ) + + model_source = ModelSourceConfig( + model_source_type='s3', + s3_storage=S3Storage(bucket_name='my-bucket', region='us-west-2') + ) + + spec = InferenceEndpointConfigSpec( + endpoint_name='my-endpoint', + instance_type='ml.t3.medium', + model_name='custom-bert', + image='image-uri', + container_port=8080, + model_source_config=model_source + ) + + endpoint = HPEndpoint() + endpoint.create_from_spec(spec) + + **Create from Inputs** + + .. code-block:: python + + endpoint = HPEndpoint() + endpoint.create( + namespace="default", + model_name="custom-bert", + instance_type="ml.t3.medium", + image="image-uri", + container_port=8080, + model_source_type="s3", + bucket_name="my-bucket", + bucket_region="us-west-2" + ) + + +Invoke Endpoint +--------------- + +.. tabs:: + + .. tab:: CLI + + .. code-block:: bash + + hp hp-jumpstart-endpoint invoke --body '{"inputs": ["hello world"]}' + + .. tab:: Python SDK + + .. code-block:: python + + import json + + payload = json.dumps({"inputs": ["Hello", "Goodbye"]}) + response = endpoint.invoke(body=payload) + print(response) + + +CLI Configuration Options +------------------------- + +**Identification & Namespace** + +- --namespace: (Optional) Kubernetes namespace + +- --model-name: (Required) Model identifier + +- --model-id: (Required if no config file) + +**Infrastructure** + +- --instance-type: (Required) Instance type (e.g., ml.g5.xlarge) + +- --container-port: (Required) Container port + +- --image: (Required) Inference container image + +**Model Source** + +- --model-source-type: (Required) s3 or fsx + +- --config-file: (Optional) Path to deployment YAML config + +**S3 Configuration** + +- --bucket-name: (Required if source is s3) + +- --bucket-region: (Required if source is s3) + +**FSX Configuration** + +- --fsx-dns-name: (Required if source is fsx) + +- --fsx-file-system-id: (Required if source is fsx) + +- --fsx-mount-name: (Required if source is fsx) diff --git a/doc/hyperpod/train.rst b/doc/hyperpod/train.rst new file mode 100644 index 0000000000..ee28de3157 --- /dev/null +++ b/doc/hyperpod/train.rst @@ -0,0 +1,244 @@ +Training with SageMaker Hyperpod +================================== + +This section covers the tools and methods for creating, configuring, and managing distributed training jobs on HyperPod clusters. + +Using CLI +------------ + +.. tabs:: + + .. tab:: Create Training Job + + **Minimal parameters for quick job creation:** + + .. code-block:: bash + + hp hp-pytorch-job create \ + --job-name my-job \ + --image \ + --node-count 4 + + **Using Config File for more complex configurations:** + + .. code-block:: bash + + hp hp-pytorch-job create --config-file + + **Using Kubernetes YAML for advanced Kubernetes-native configurations:** + + .. code-block:: bash + + hp hp-pytorch-job create --k8s-yaml + + **Using Built-in Recipe for standardized training workflows:** + + .. code-block:: bash + + hp hp-pytorch-job create --recipe + + .. tab:: Dry Runs and Interactive Modes + + **Generate Config File** + + .. code-block:: bash + + hp hp-pytorch-job create \ + --job-name my-job \ + --image \ + --node-count 4 \ + --generate-config + + **Generate Kubernetes YAML** + + .. code-block:: bash + + hp hp-pytorch-job create \ + --job-name my-job \ + --image \ + --node-count 4 \ + --generate-k8s-yaml + + **Generate Recipe with Customizations** + + .. code-block:: bash + + hp hp-pytorch-job create \ + --recipe \ + --generate-recipe + + **Interactive Config Editing** + + .. code-block:: bash + + hp hp-pytorch-job create \ + --job-name my-job \ + --image \ + --node-count 4 \ + --editable + + **Interactive Recipe Editing** + + .. code-block:: bash + + hp hp-pytorch-job create \ + --recipe \ + --editable + + .. tab:: Manage Training Jobs + + .. code-block:: bash + + # List all training jobs in the current namespace + hp hp-pytorch-job list + + # Get detailed information about a specific job + hp hp-pytorch-job get --job-name + + # Remove a job and its associated resources + hp hp-pytorch-job delete --job-name + + # Temporarily pause a running job + hp hp-pytorch-job patch --job-name --suspend + + # Continue execution of a suspended job + hp hp-pytorch-job patch --job-name --resume + + # View all pods associated with a specific job + hp hp-pytorch-job list-pods --job-name + + # Execute commands inside a running pod + hp hp-pytorch-job exec --job-name --pod -- + + # Retrieve and display logs from a specific pod + hp hp-pytorch-job get-logs --job-name --pod + + .. tab:: CLI Configuration Options + + **Job Identification** + + - --job-name (Required): Unique name for the training job + + - --namespace (Optional): Kubernetes namespace + + **Container Configuration** + + - --image (Required): Docker image for training + + - --entry-script (Optional): Script to execute + + - --script-args (Optional): Arguments for entry script + + - --environment (Optional): Key-value env variables + + - --pull-policy (Optional): Always | IfNotPresent | Never + + **Resource Allocation** + + - --node-count (Required): Number of nodes + + - --instance-type (Optional): AWS instance type + + - --tasks-per-node (Optional): Number of tasks per node + + **Node Selection** + + - --label-selector (Optional): Node label filter + + - --deep-health-check-passed-nodes-only (Optional) + + **Scheduling** + + - --scheduler-type (Optional): Kueue | SageMaker | None + + - --queue-name (Optional): Name of the queue + + - --priority (Optional): Priority level + + **Resilience** + + - --max-retry (Optional): Retry count on failure + + **Storage** + + - --volumes (Optional): List of volumes + + - --persistent-volume-claims (Optional): PVC mounts + + - --results-dir (Optional): Job results path + + - --service-account-name (Optional): K8s service account + + **Lifecycle Hooks** + + - --pre-script (Optional): Pre-job shell commands + + - --post-script (Optional): Post-job shell commands + + +Using SDK +--------- + +.. tabs:: + + .. tab:: Create Training Job + + **Basic Job** + + .. code-block:: python + + from sagemaker.hyperpod.training import HyperPodPytorchJob + + job = HyperPodPytorchJob.create( + job_name="my-training-job", + image="python:tag", + node_count=4, + entry_script="train.py", + script_args="--epochs 10", + environment={"LEARNING_RATE": "0.001"}, + namespace="kubeflow" + ) + + **Advanced Job via Spec** + + .. code-block:: python + + from sagemaker.hyperpod.training import ( + HyperPodPytorchJob, HyperPodPytorchJobSpec, + ReplicaSpec, Template, Spec, Container + ) + + spec = HyperPodPytorchJobSpec( + nproc_per_node=2, + replica_specs=[ + ReplicaSpec( + name="trainer", + template=Template( + spec=Spec( + containers=[ + Container(name="trainer", image="python:tag") + ] + ) + ) + ) + ] + ) + + job = HyperPodPytorchJob.create_from_spec( + job_name="advanced-training-job", + namespace="kubeflow", + spec=spec + ) + + .. tab:: Manage Training Job + + .. code-block:: python + + # Retrieve a list of all jobs in the specified namespace + job.list_jobs(namespace="default") + + # Get detailed information about a specific job + job.describe_job(name="my-job", namespace="default") + + # Remove a job and its associated resources + job.delete_job(name="my-job", namespace="default") \ No newline at end of file diff --git a/doc/index.md b/doc/index.md new file mode 100644 index 0000000000..616dbf6b5f --- /dev/null +++ b/doc/index.md @@ -0,0 +1,43 @@ +# Welcome to the SageMaker Python SDK Documentation + +The Amazon SageMaker Python SDK is an open source library for training and deploying machine learning models on Amazon SageMaker. + +--- + +```{toctree} +:caption: Getting Started +:hidden: +:maxdepth: 1 + +overview +installation +quickstart +``` + +```{toctree} +:caption: ML Lifecycle +:hidden: +:maxdepth: 1 + +train +hyperpod/train +deploy +hyperpod/inference +workflows/index +``` + +```{toctree} +:caption: Resources +:hidden: +:maxdepth: 1 + +api/index +algorithms/index +frameworks/index +amazon_sagemaker_debugger +amazon_sagemaker_featurestore +amazon_sagemaker_model_building_pipeline +amazon_sagemaker_model_monitoring +examples/index +release-notes +``` \ No newline at end of file diff --git a/doc/index.rst b/doc/index.rst deleted file mode 100644 index 69038056b0..0000000000 --- a/doc/index.rst +++ /dev/null @@ -1,125 +0,0 @@ -########################### -Amazon SageMaker Python SDK -########################### -Amazon SageMaker Python SDK is an open source library for training and deploying machine-learned models on Amazon SageMaker. - -With the SDK, you can train and deploy models using popular deep learning frameworks, algorithms provided by Amazon, or your own algorithms built into SageMaker-compatible Docker images. - -Here you'll find an overview and API documentation for SageMaker Python SDK. The project homepage is in Github: https://github.com/aws/sagemaker-python-sdk, where you can find the SDK source and installation instructions for the library. - - -******** -Overview -******** - -.. toctree:: - :maxdepth: 2 - - overview - v2 - -The SageMaker Python SDK APIs: - -.. toctree:: - :maxdepth: 2 - - api/index - - -********** -Frameworks -********** - -The SageMaker Python SDK supports managed training and inference for a variety of machine learning frameworks: - -.. toctree:: - :maxdepth: 2 - - frameworks/index - - -******************************** -SageMaker Built-in Algorithms -******************************** -Amazon SageMaker provides implementations of some common machine learning algorithms optimized for GPU architecture and massive datasets. - -.. toctree:: - :maxdepth: 2 - - algorithms/index - - -************* -Workflows -************* -Orchestrate your SageMaker training and inference workflows with Airflow and Kubernetes. - -.. toctree:: - :maxdepth: 2 - - workflows/index - - -**************************** -Amazon SageMaker Experiments -**************************** -You can use Amazon SageMaker Experiments to track machine learning experiments. - -.. toctree:: - :maxdepth: 2 - - experiments/index - -************************* -Amazon SageMaker Debugger -************************* -You can use Amazon SageMaker Debugger to automatically detect anomalies while training your machine learning models. - -.. toctree:: - :maxdepth: 2 - - amazon_sagemaker_debugger - - -****************************** -Amazon SageMaker Feature Store -****************************** -You can use Feature Store to store features and associated metadata, so features can be discovered and reused. - -.. toctree:: - :maxdepth: 2 - - amazon_sagemaker_featurestore - - -********************************* -Amazon SageMaker Model Monitoring -********************************* -You can use Amazon SageMaker Model Monitoring to automatically detect concept drift by monitoring your machine learning models. - -.. toctree:: - :maxdepth: 2 - - amazon_sagemaker_model_monitoring - - -*************************** -Amazon SageMaker Processing -*************************** -You can use Amazon SageMaker Processing to perform data processing tasks such as data pre- and post-processing, feature engineering, data validation, and model evaluation - -.. toctree:: - :maxdepth: 2 - - amazon_sagemaker_processing - - -***************************************** -Amazon SageMaker Model Building Pipeline -***************************************** -You can use Amazon SageMaker Model Building Pipelines to orchestrate your machine learning workflow. - -.. toctree:: - :maxdepth: 2 - - amazon_sagemaker_model_building_pipeline diff --git a/doc/installation.md b/doc/installation.md new file mode 100644 index 0000000000..95aa48f767 --- /dev/null +++ b/doc/installation.md @@ -0,0 +1,15 @@ +# Installing the SageMaker Python SDK + +The SageMaker Python SDK is built to PyPI and the latest version of the SageMaker Python SDK can be installed with pip as follows: + +```bash +pip install sagemaker +``` + +You can install from source by cloning its repository and running a pip install command in the root directory of the repository: + +```bash +git clone https://github.com/aws/sagemaker-python-sdk.git +cd sagemaker-python-sdk +pip install . +``` \ No newline at end of file diff --git a/doc/quickstart.md b/doc/quickstart.md new file mode 100644 index 0000000000..7303a01d84 --- /dev/null +++ b/doc/quickstart.md @@ -0,0 +1,30 @@ +# Quickstart + +The SageMaker Python SDK provides a high-level interface for training and deploying machine learning models. The new `ModelTrainer` class simplifies the process even further. + +Here's a simple example to get you started: + +```python +import sagemaker +from sagemaker.modules.train import ModelTrainer +from sagemaker.modules.configs import SourceCode + +# Define a training image +pytorch_image = "763104351884.dkr.ecr.us-west-2.amazonaws.com/pytorch-training:2.0.0-cpu-py310" + +# Define source code +source_code = SourceCode( + source_dir="my_training_code", + entry_script="train.py", +) + +# Create the ModelTrainer +model_trainer = ModelTrainer( + training_image=pytorch_image, + source_code=source_code, + base_job_name="my-first-training-job", +) + +# Start the training job +model_trainer.train() +``` \ No newline at end of file diff --git a/doc/release-notes.md b/doc/release-notes.md new file mode 100644 index 0000000000..abf7bdee69 --- /dev/null +++ b/doc/release-notes.md @@ -0,0 +1 @@ +# Release Notes \ No newline at end of file diff --git a/doc/requirements.txt b/doc/requirements.txt index 11098e2bc1..d9c2f1f26f 100644 --- a/doc/requirements.txt +++ b/doc/requirements.txt @@ -6,3 +6,7 @@ jinja2==3.1.6 schema==0.7.5 accelerate>=0.24.1,<=0.27.0 graphene<4.0 +myst-parser>=0.18.0 +sphinx-design>=0.4.1 +sphinx-book-theme +sphinx-tabs \ No newline at end of file diff --git a/doc/train.md b/doc/train.md new file mode 100644 index 0000000000..737163d247 --- /dev/null +++ b/doc/train.md @@ -0,0 +1,105 @@ +--- +title: Training with SageMaker Python SDK +description: Learn about different training approaches in the SageMaker Python SDK +--- + +# Training with SageMaker Python SDK + +The SageMaker Python SDK provides multiple approaches to train machine learning models on Amazon SageMaker, from high-level abstractions to resource-level controls. This guide covers the key training interfaces and helps you choose the right approach for your needs. + +::: {admonition} Choose the right interface +:class: tip + +Each training interface offers different levels of abstraction and control. Consider your specific needs when selecting an interface. +::: + +## Training Interfaces Overview + +| Interface | Description | Best For | +|----------------------|--------------------------------------------------------------|-------------------------------------------------| +| **ModelTrainer** | Modern, intuitive interface with simplified configuration | New users, simplified workflows | +| **Estimator** | Traditional interface with extensive framework support | Framework-specific training, legacy workflows | +| **Algorithm Estimator** | Specialized interface for SageMaker built-in algorithms | Using SageMaker's pre-built algorithms | +| **SageMaker Core** | Low-level resource abstractions over boto3 | Advanced users, fine-grained control | + +## Training Workflow + +Regardless of which interface you choose, the general workflow for training in SageMaker follows these steps: + +1. **Prepare your training script** - Create a Python script containing your training logic +2. **Configure your training job** - Set up the training environment, resources, and inputs +3. **Launch training** - Execute the training job on SageMaker infrastructure +4. **Monitor progress** - Track metrics and logs during training +5. **Save the model** - Store trained model artifacts for deployment + +## Choosing the Right Interface + +::::{grid} +:gutter: 3 + +:::{grid-item-card} +:columns: 6 + +### ModelTrainer + +Modern, intuitive interface with simplified configuration classes. + +**Recommended for new users and simplified workflows** +::: + +:::{grid-item-card} +:columns: 6 + +### Estimator + +Traditional interface with extensive framework support. + +**Best for framework-specific training and legacy workflows** +::: + +:::{grid-item-card} +:columns: 6 + +### Algorithm Estimator + +Specialized interface for SageMaker built-in algorithms. + +**Ideal for using SageMaker's pre-built algorithms** +::: + +:::{grid-item-card} +:columns: 6 + +### SageMaker Core + +Low-level resource abstractions over boto3. + +**For advanced users needing fine-grained control** +::: +:::: + +## ModelTrainer + +The `ModelTrainer` is the newest and recommended interface for training in SageMaker. It provides an intuitive, simplified experience with these key benefits: + +- **Improved usability** through configuration classes and minimal core parameters +- **Native script mode support** without requiring the SageMaker Training Toolkit +- **Simplified distributed training** with dedicated configuration classes +- **Bring your own container (BYOC)** without adaptation for SageMaker + +```python +from sagemaker.modules.train import ModelTrainer +from sagemaker.modules.configs import SourceCode + +# Define the training image and source code +pytorch_image = "763104351884.dkr.ecr.us-west-2.amazonaws.com/pytorch-training:2.0.0-cpu-py310" +source_code = SourceCode(command="python train.py --epochs 10") + +# Create and launch the training job +model_trainer = ModelTrainer( + training_image=pytorch_image, + source_code=source_code, + base_job_name="my-training-job", +) +model_trainer.train() +``` \ No newline at end of file diff --git a/doc/v2.rst b/doc/v2.rst deleted file mode 100644 index bca663af33..0000000000 --- a/doc/v2.rst +++ /dev/null @@ -1,468 +0,0 @@ -########################################### -Use Version 2.x of the SageMaker Python SDK -########################################### - -.. contents:: - :local: - :depth: 2 - -************ -Installation -************ - -To install the latest version: - -.. code:: bash - - pip install --upgrade sagemaker - -If you are executing this pip install command in a notebook, make sure to restart your kernel. - -**************** -Breaking Changes -**************** - -This section is for major changes that may require updates to your SageMaker Python SDK code. -For the full list of changes, see the `CHANGELOG `_. - -Removals -============ - -Python 2 Support ----------------- - -This library is no longer compatible with Python 2. -Python 2 has been EOL since January 1, 2020. -Please upgrade to Python 3 if you haven't already. - -Remove Legacy TensorFlow ---------------------------- - -TensorFlow versions 1.4-1.10 and some variations of versions 1.11-1.12 -(see `What Constitutes "Legacy TensorFlow Support" `_) -are no longer natively supported by the SageMaker Python SDK. - -To use those versions of TensorFlow, you must specify the Docker image URI explicitly, -and configure settings via hyperparameters or environment variables rather than using SDK parameters. -For more information, see `Upgrade from Legacy TensorFlow Support `_. - -SageMaker Python SDK CLI ------------------------- - -The SageMaker Python SDK CLI has been removed. -(This is different from the AWS CLI.) - -``delete_endpoint()`` for Estimators and ``HyperparameterTuner`` ----------------------------------------------------------------- - -The ``delete_endpoint()`` method for estimators and ``HyperparameterTuner`` is now a no-op. -Please use :func:`sagemaker.predictor.Predictor.delete_endpoint` instead. - -``update_endpoint`` in ``deploy()`` ------------------------------------ - -The ``update_endpoint`` argument in ``deploy()`` methods for estimators and models is now a no-op. -Please use :func:`sagemaker.predictor.Predictor.update_endpoint` instead. - -``serializer`` and ``deserializer`` in ``create_model()`` ---------------------------------------------------------- - -The ``serializer`` and ``deserializer`` arguments in -:func:`sagemaker.estimator.Estimator.create_model` are now no-ops. -Please specify serializers and deserializers in ``deploy()`` methods instead. - -``content_type`` and ``accept`` in the Predictor Constructor ------------------------------------------------------------- - -The ``content_type`` and ``accept`` parameters are now no-ops in the -following classes and methods: - -- ``sagemaker.predictor.Predictor`` -- ``sagemaker.estimator.Estimator.create_model`` -- ``sagemaker.algorithms.AlgorithmEstimator.create_model`` -- ``sagemaker.tensorflow.model.TensorFlowPredictor`` - -Please specify content types in a serializer or deserializer class instead. - -Changes in Default Behavior -=========================== - -Require ``framework_version`` and ``py_version`` for Frameworks ---------------------------------------------------------------- - -Framework estimator and model classes now require ``framework_version`` and ``py_version`` instead of supplying defaults, -unless an image URI is explicitly supplied. - -For example: - -.. code:: python - - from sagemaker.tensorflow import TensorFlow - - TensorFlow( - entry_point="script.py", - framework_version="2.2.0", # now required - py_version="py37", # now required - role="my-role", - instance_type="ml.m5.xlarge", - instance_count=1, - ) - - from sagemaker.mxnet import MXNetModel - - MXNetModel( - model_data="s3://bucket/model.tar.gz", - role="my-role", - entry_point="inference.py", - framework_version="1.6.0", # now required - py_version="py3", # now required - ) - -Log Display Behavior with ``attach()`` --------------------------------------- - -Logs are no longer printed when using ``attach()`` with an estimator. -To view logs after attaching a training job to an estimator, use :func:`sagemaker.estimator.EstimatorBase.logs`. - -``HyperparameterTuner.fit()`` and ``Transformer.transform()`` -------------------------------------------------------------- - -:func:`sagemaker.tuner.HyperparameterTuner.fit` and :func:`sagemaker.transformer.Transformer.transform` now wait -until the completion of the Hyperparameter Tuning Job or Batch Transform Job, respectively. -To make the function non-blocking, use ``wait=False``. - -XGBoost Predictor ------------------ - -The default serializer of ``sagemaker.xgboost.model.XGBoostPredictor`` has been changed from ``NumpySerializer`` to ``LibSVMSerializer``. - - -Parameter Order Changes -======================= - -``sagemaker.model.Model`` Parameter Order ------------------------------------------ - -The parameter order for :class:`sagemaker.model.Model` changed: instead of ``model_data`` being first, ``image_uri`` (formerly ``image``) is first. -As a result, ``model_data`` has been made into an optional parameter. - -If you are using the :class:`sagemaker.model.Model` class, your code should be changed as follows: - -.. code:: python - - # v1.x - Model("s3://bucket/path/model.tar.gz", "my-image:latest") - - # v2.0 and later - Model("my-image:latest", model_data="s3://bucket/path/model.tar.gz") - -Airflow Parameter Order ------------------------ - -For :func:`sagemaker.workflow.airflow.model_config` and :func:`sagemaker.workflow.airflow.model_config_from_estimator`, -``instance_type`` is no longer the first positional argument and is now an optional keyword argument. - -Dependency Changes -================== - -SciPy ------ - -SciPy is no longer a required dependency of the SageMaker Python SDK. - -If you use :func:`sagemaker.amazon.common.write_spmatrix_to_sparse_tensor` and -don't already install SciPy in your environment, you can use our ``scipy`` installation target: - -.. code:: bash - - pip install sagemaker[scipy] - -TensorFlow ----------- - -The ``tensorflow`` installation target has been removed, as it is no longer needed for any SageMaker Python SDK functionality. - -If you want to install TensorFlow, see `the TensorFlow documentation `_. - -******************** -Non-Breaking Changes -******************** - -Deprecations -============ - -Pre-instantiated Serializer and Deserializer Objects ----------------------------------------------------- - -The ``csv_serializer``, ``json_serializer``, ``npy_serializer``, ``csv_deserializer``, -``json_deserializer``, and ``numpy_deserializer`` objects have been deprecated. - -Please instantiate the objects instead. - -+--------------------------------------------+------------------------------------------------+ -| v1.x | v2.0 and later | -+============================================+================================================+ -| ``sagemaker.predictor.csv_serializer`` | ``sagemaker.serializers.CSVSerializer()`` | -+--------------------------------------------+------------------------------------------------+ -| ``sagemaker.predictor.json_serializer`` | ``sagemaker.serializers.JSONSerializer()`` | -+--------------------------------------------+------------------------------------------------+ -| ``sagemaker.predictor.npy_serializer`` | ``sagemaker.serializers.NumpySerializer()`` | -+--------------------------------------------+------------------------------------------------+ -| ``sagemaker.predictor.csv_deserializer`` | ``sagemaker.deserializers.CSVDeserializer()`` | -+--------------------------------------------+------------------------------------------------+ -| ``sagemaker.predictor.json_deserializer`` | ``sagemaker.deserializers.JSONDeserializer()`` | -+--------------------------------------------+------------------------------------------------+ -| ``sagemaker.predictor.numpy_deserializer`` | ``sagemaker.deserializers.NumpyDeserializer()``| -+--------------------------------------------+------------------------------------------------+ - -``sagemaker.content_types`` ---------------------------- - -The ``sagemaker.content_types`` module is deprecated in v2.0 and later of the -SageMaker Python SDK. - -Instead of importing constants from ``sagemaker.content_types``, explicitly -write MIME types as a string. - -+-------------------------------+--------------------------------+ -| v1.x | v2.0 and later | -+===============================+================================+ -| ``CONTENT_TYPE_JSON`` | ``"application/json"`` | -+-------------------------------+--------------------------------+ -| ``CONTENT_TYPE_CSV`` | ``"text/csv"`` | -+-------------------------------+--------------------------------+ -| ``CONTENT_TYPE_OCTET_STREAM`` | ``"application/octet-stream"`` | -+-------------------------------+--------------------------------+ -| ``CONTENT_TYPE_NPY`` | ``"application/x-npy"`` | -+-------------------------------+--------------------------------+ - -Image URI Functions (e.g. ``get_image_uri``) --------------------------------------------- - -The following functions have been deprecated in favor of :func:`sagemaker.image_uris.retrieve`: - -- ``sagemaker.amazon_estimator.get_image_uri()`` -- ``sagemaker.fw_utils.create_image_uri()`` -- ``sagemaker.fw_registry.registry()`` -- ``sagemaker.utils.get_ecr_image_uri_prefix()`` - -For more information about usage, see :func:`sagemaker.image_uris.retrieve`. - -``enable_cloudwatch_metrics`` for Estimators and Models -------------------------------------------------------- - -The parameter ``enable_cloudwatch_metrics`` has been deprecated. -CloudWatch metrics are already emitted for all Training Jobs, etc. - -``sagemaker.fw_utils.parse_s3_url`` ------------------------------------ - -The ``sagemaker.fw_utils.parse_s3_url`` function has been deprecated. -Please use :func:`sagemaker.s3.parse_s3_url` instead. - -``sagemaker.session.ModelContainer`` ------------------------------------- - -The class ``sagemaker.session.ModelContainer`` has been deprecated, as it is not needed for creating inference pipelines. - -``sagemaker.workflow.condition_step.JsonGet`` ---------------------------------------------- - -The class ``sagemaker.workflow.condition_step.JsonGet`` has been deprecated. -Please use :class:`sagemaker.workflow.functions.JsonGet` instead. - -Parameter and Class Name Changes -================================ - -Estimators ----------- - -Renamed Estimator Parameters -~~~~~~~~~~~~~~~~~~~~~~~~~~~~ - -The following estimator parameters have been renamed: - -+------------------------------+------------------------+ -| v1.x | v2.0 and later | -+==============================+========================+ -| ``train_instance_count`` | ``instance_count`` | -+------------------------------+------------------------+ -| ``train_instance_type`` | ``instance_type`` | -+------------------------------+------------------------+ -| ``train_max_run`` | ``max_run`` | -+------------------------------+------------------------+ -| ``train_use_spot_instances`` | ``use_spot_instances`` | -+------------------------------+------------------------+ -| ``train_max_wait`` | ``max_wait`` | -+------------------------------+------------------------+ -| ``train_volume_size`` | ``volume_size`` | -+------------------------------+------------------------+ -| ``train_volume_kms_key`` | ``volume_kms_key`` | -+------------------------------+------------------------+ - -Serializer and Deserializer Classes -~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ - -The follow serializer/deserializer classes have been renamed and/or moved: - -+--------------------------------------------------------+-------------------------------------------------------+ -| v1.x | v2.0 and later | -+========================================================+=======================================================+ -| ``sagemaker.predictor._CsvDeserializer`` | ``sagemaker.deserializers.CSVDeserializer`` | -+--------------------------------------------------------+-------------------------------------------------------+ -| ``sagemaker.predictor._CsvSerializer`` | ``sagemaker.serializers.CSVSerializer`` | -+--------------------------------------------------------+-------------------------------------------------------+ -| ``sagemaker.predictor.BytesDeserializer`` | ``sagemaker.deserializers.BytesDeserializers`` | -+--------------------------------------------------------+-------------------------------------------------------+ -| ``sagemaker.predictor.StringDeserializer`` | ``sagemaker.deserializers.StringDeserializer`` | -+--------------------------------------------------------+-------------------------------------------------------+ -| ``sagemaker.predictor.StreamDeserializer`` | ``sagemaker.deserializers.StreamDeserializer`` | -+--------------------------------------------------------+-------------------------------------------------------+ -| ``sagemaker.predictor._JsonSerializer`` | ``sagemaker.serializers.JSONSerializer`` | -+--------------------------------------------------------+-------------------------------------------------------+ -| ``sagemaker.predictor._NumpyDeserializer`` | ``sagemaker.deserializers.NumpyDeserializer`` | -+--------------------------------------------------------+-------------------------------------------------------+ -| ``sagemaker.predictor._NPYSerializer`` | ``sagemaker.serializers.NumpySerializer`` | -+--------------------------------------------------------+-------------------------------------------------------+ -| ``sagemaker.amazon.common.numpy_to_record_serializer`` | ``sagemaker.serializers.RecordSerializer`` | -+--------------------------------------------------------+-------------------------------------------------------+ -| ``sagemaker.amazon.common.record_deserializer`` | ``sagemaker.deserializers.RecordDeserializer`` | -+--------------------------------------------------------+-------------------------------------------------------+ -| ``sagemaker.predictor._JsonDeserializer`` | ``sagemaker.deserializers.JSONDeserializer`` | -+--------------------------------------------------------+-------------------------------------------------------+ - -``sagemaker.serializers.LibSVMSerializer`` has been added in v2.0. - -``distributions`` -~~~~~~~~~~~~~~~~~ - -For TensorFlow and MXNet estimators, ``distributions`` has been renamed to ``distribution``. - -Specify Custom Training Images -~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ - -The ``image_name`` parameter has been renamed to ``image_uri`` for specifying a custom Docker image URI to use with training. - - -Models ------- - -Specify Custom Serving Image -~~~~~~~~~~~~~~~~~~~~~~~~~~~~ - -The ``image`` parameter has been renamed to ``image_uri`` for specifying a custom Docker image URI to use with inference. - -TensorFlow Serving Model -~~~~~~~~~~~~~~~~~~~~~~~~ - -``sagemaker.tensorflow.serving.Model`` has been renamed to :class:`sagemaker.tensorflow.model.TensorFlowModel`. -(For the previous implementation of that class, see `Remove Legacy TensorFlow <#remove-legacy-tensorflow>`_). - -Predictors ----------- - -Generic Predictor Class Name -~~~~~~~~~~~~~~~~~~~~~~~~~~~~ - -``sagemaker.predictor.RealTimePredictor`` has been renamed to :class:`sagemaker.predictor.Predictor`. - -Endpoint Argument Name -~~~~~~~~~~~~~~~~~~~~~~ - -For :class:`sagemaker.predictor.Predictor`, :class:`sagemaker.sparkml.model.SparkMLPredictor`, -and predictors for Amazon algorithm (e.g. Factorization Machines, Linear Learner, etc.), -the ``endpoint`` attribute has been renamed to ``endpoint_name``. - -TensorFlow Serving Predictor -~~~~~~~~~~~~~~~~~~~~~~~~~~~~ - -``sagemaker.tensorflow.serving.Predictor`` has been renamed to :class:`sagemaker.tensorflow.model.TensorFlowPredictor`. -(For the previous implementation of that class, see `Remove Legacy TensorFlow <#remove-legacy-tensorflow>`_). - - -Inputs ------- - -``s3_input`` -~~~~~~~~~~~~ - -``sagemaker.session.s3_input`` has been renamed to :class:`sagemaker.inputs.TrainingInput`. - -``ShuffleConfig`` -~~~~~~~~~~~~~~~~~ - -``sagemaker.session.ShuffleConfig`` has been renamed to :class:`sagemaker.inputs.ShuffleConfig`. - -Airflow -------- - -For :func:`sagemaker.workflow.airflow.model_config`, :func:`sagemaker.workflow.airflow.model_config_from_estimator`, and -:func:`sagemaker.workflow.airflow.transform_config_from_estimator`, the ``image`` argument has been renamed to ``image_uri``. - -******************************* -Automatically Upgrade Your Code -******************************* - -To help make your transition as seamless as possible, v2 of the SageMaker Python SDK comes with a command-line tool to automate updating your code. -It automates as much as possible, but there are still syntactical and stylistic changes that cannot be performed by the script. - -.. warning:: - While the tool is intended to be easy to use, we recommend using it as part of a process that includes testing before and after you run the tool. - -Usage -===== - -Currently, the tool supports only converting one file at a time: - -.. code:: - - $ sagemaker-upgrade-v2 --in-file input.py --out-file output.py - $ sagemaker-upgrade-v2 --in-file input.ipynb --out-file output.ipynb - -You can apply it to a set of files using a loop: - -.. code:: bash - - $ for file in $(find input-dir); do sagemaker-upgrade-v2 --in-file $file --out-file output-dir/$file; done - -Limitations -=========== - -Jupyter Notebook Cells with Shell Commands ------------------------------------------- - -If your Jupyter notebook has a code cell with lines that start with either ``%%`` or ``!``, the tool ignores that cell. -The other cells in the notebook are still updated. - -Aliased Imports ---------------- - -The tool checks for a limited number of patterns when looking for constructors. -For example, if you are using a TensorFlow estimator, only the following invocation styles are handled: - -.. code:: python - - TensorFlow() - sagemaker.tensorflow.TensorFlow() - sagemaker.tensorflow.estimator.TensorFlow() - -If you have aliased an import, e.g. ``from sagemaker.tensorflow import TensorFlow as TF``, the tool does not take care of updating its parameters. - -TensorFlow Serving ------------------- - -If you are using the ``sagemaker.tensorflow.serving.Model`` class, the tool does not take care of adding a framework version or changing it to ``sagemaker.tensorflow.TensorFlowModel``. - -``sagemaker.model.Model`` -------------------------- - -If you are using the :class:`sagemaker.model.Model` class, the tool does not take care of switching the order between ``model_data`` and ``image_uri`` (formerly ``image``). - -``update_endpoint`` and ``delete_endpoint`` -------------------------------------------- - -The tool does not take care of removing the ``update_endpoint`` argument from a ``deploy`` call. -If you are using that argument, please modify your code to use :func:`sagemaker.predictor.Predictor.update_endpoint` instead. - -The tool also does not handle ``delete_endpoint`` calls on estimators or ``HyperparameterTuner``. -If you are using that method, please modify your code to use :func:`sagemaker.predictor.Predictor.delete_endpoint` instead. diff --git a/src/sagemaker/image_uri_config/pytorch.json b/src/sagemaker/image_uri_config/pytorch.json index dbff976442..58b1fdfff7 100644 --- a/src/sagemaker/image_uri_config/pytorch.json +++ b/src/sagemaker/image_uri_config/pytorch.json @@ -1705,7 +1705,8 @@ "2.3": "2.3.0", "2.4": "2.4.0", "2.5": "2.5.1", - "2.6": "2.6.0" + "2.6": "2.6.0", + "2.7": "2.7.1" }, "versions": { "0.4.0": { @@ -2946,6 +2947,51 @@ "us-west-2": "763104351884" }, "repository": "pytorch-training" + }, + "2.7.1": { + "py_versions": [ + "py312" + ], + "registries": { + "af-south-1": "626614931356", + "ap-east-1": "871362719292", + "ap-east-2": "975050140332", + "ap-northeast-1": "763104351884", + "ap-northeast-2": "763104351884", + "ap-northeast-3": "364406365360", + "ap-south-1": "763104351884", + "ap-south-2": "772153158452", + "ap-southeast-1": "763104351884", + "ap-southeast-2": "763104351884", + "ap-southeast-3": "907027046896", + "ap-southeast-4": "457447274322", + "ap-southeast-5": "550225433462", + "ap-southeast-7": "590183813437", + "ca-central-1": "763104351884", + "ca-west-1": "204538143572", + "cn-north-1": "727897471807", + "cn-northwest-1": "727897471807", + "eu-central-1": "763104351884", + "eu-central-2": "380420809688", + "eu-north-1": "763104351884", + "eu-south-1": "692866216735", + "eu-south-2": "503227376785", + "eu-west-1": "763104351884", + "eu-west-2": "763104351884", + "eu-west-3": "763104351884", + "il-central-1": "780543022126", + "me-central-1": "914824155844", + "me-south-1": "217643126080", + "mx-central-1": "637423239942", + "sa-east-1": "763104351884", + "us-east-1": "763104351884", + "us-east-2": "763104351884", + "us-gov-east-1": "446045086412", + "us-gov-west-1": "442386744353", + "us-west-1": "763104351884", + "us-west-2": "763104351884" + }, + "repository": "pytorch-training" } } } diff --git a/src/sagemaker/image_uri_config/spark.json b/src/sagemaker/image_uri_config/spark.json index bbb8c9b123..48c43fca15 100644 --- a/src/sagemaker/image_uri_config/spark.json +++ b/src/sagemaker/image_uri_config/spark.json @@ -11,6 +11,7 @@ "registries": { "af-south-1": "309385258863", "ap-east-1": "732049463269", + "ap-east-2": "533267296287", "ap-northeast-1": "411782140378", "ap-northeast-2": "860869212795", "ap-northeast-3": "102471314380", @@ -55,6 +56,7 @@ "registries": { "af-south-1": "309385258863", "ap-east-1": "732049463269", + "ap-east-2": "533267296287", "ap-northeast-1": "411782140378", "ap-northeast-2": "860869212795", "ap-northeast-3": "102471314380", @@ -99,6 +101,7 @@ "registries": { "af-south-1": "309385258863", "ap-east-1": "732049463269", + "ap-east-2": "533267296287", "ap-northeast-1": "411782140378", "ap-northeast-2": "860869212795", "ap-northeast-3": "102471314380", @@ -143,6 +146,7 @@ "registries": { "af-south-1": "309385258863", "ap-east-1": "732049463269", + "ap-east-2": "533267296287", "ap-northeast-1": "411782140378", "ap-northeast-2": "860869212795", "ap-northeast-3": "102471314380", @@ -187,6 +191,7 @@ "registries": { "af-south-1": "309385258863", "ap-east-1": "732049463269", + "ap-east-2": "533267296287", "ap-northeast-1": "411782140378", "ap-northeast-2": "860869212795", "ap-northeast-3": "102471314380", diff --git a/src/sagemaker/jumpstart/region_config.json b/src/sagemaker/jumpstart/region_config.json index 30bea6ee70..136bf8256c 100644 --- a/src/sagemaker/jumpstart/region_config.json +++ b/src/sagemaker/jumpstart/region_config.json @@ -7,6 +7,10 @@ "content_bucket": "jumpstart-cache-prod-ap-east-1", "gated_content_bucket": "jumpstart-private-cache-prod-ap-east-1" }, + "ap-east-2": { + "content_bucket": "jumpstart-cache-prod-ap-east-2", + "gated_content_bucket": "jumpstart-private-cache-prod-ap-east-2" + }, "ap-northeast-1": { "content_bucket": "jumpstart-cache-prod-ap-northeast-1", "gated_content_bucket": "jumpstart-private-cache-prod-ap-northeast-1", diff --git a/src/sagemaker/modules/configs.py b/src/sagemaker/modules/configs.py index 1ada10dff3..8fdf88e735 100644 --- a/src/sagemaker/modules/configs.py +++ b/src/sagemaker/modules/configs.py @@ -42,6 +42,7 @@ RemoteDebugConfig, SessionChainingConfig, InstanceGroup, + MetricDefinition, ) from sagemaker.modules.utils import convert_unassigned_to_none @@ -68,6 +69,7 @@ "Compute", "Networking", "InputData", + "MetricDefinition", ] diff --git a/src/sagemaker/modules/train/model_trainer.py b/src/sagemaker/modules/train/model_trainer.py index 7d83766c9f..eaabe5972a 100644 --- a/src/sagemaker/modules/train/model_trainer.py +++ b/src/sagemaker/modules/train/model_trainer.py @@ -66,6 +66,7 @@ RemoteDebugConfig, SessionChainingConfig, InputData, + MetricDefinition, ) from sagemaker.modules.local_core.local_container import _LocalContainer @@ -239,6 +240,7 @@ class ModelTrainer(BaseModel): _infra_check_config: Optional[InfraCheckConfig] = PrivateAttr(default=None) _session_chaining_config: Optional[SessionChainingConfig] = PrivateAttr(default=None) _remote_debug_config: Optional[RemoteDebugConfig] = PrivateAttr(default=None) + _metric_definitions: Optional[List[MetricDefinition]] = PrivateAttr(default=None) _temp_recipe_train_dir: Optional[TemporaryDirectory] = PrivateAttr(default=None) @@ -696,6 +698,7 @@ def train( training_image_config=self.training_image_config, container_entrypoint=container_entrypoint, container_arguments=container_arguments, + metric_definitions=self._metric_definitions, ) resource_config = self.compute._to_resource_config() @@ -1290,3 +1293,33 @@ def with_checkpoint_config( """ self.checkpoint_config = checkpoint_config or configs.CheckpointConfig() return self + + def with_metric_definitions( + self, metric_definitions: List[MetricDefinition] + ) -> "ModelTrainer": # noqa: D412 + """Set the metric definitions for the training job. + + Example: + + .. code:: python + + from sagemaker.modules.train import ModelTrainer + from sagemaker.modules.configs import MetricDefinition + + metric_definitions = [ + MetricDefinition( + name="loss", + regex="Loss: (.*?)", + ) + ] + + model_trainer = ModelTrainer( + ... + ).with_metric_definitions(metric_definitions) + + Args: + metric_definitions (List[MetricDefinition]): + The metric definitions for the training job. + """ + self._metric_definitions = metric_definitions + return self diff --git a/tests/unit/sagemaker/modules/train/test_model_trainer.py b/tests/unit/sagemaker/modules/train/test_model_trainer.py index cf38f26334..23ea167ecf 100644 --- a/tests/unit/sagemaker/modules/train/test_model_trainer.py +++ b/tests/unit/sagemaker/modules/train/test_model_trainer.py @@ -64,6 +64,7 @@ FileSystemDataSource, Channel, DataSource, + MetricDefinition, ) from sagemaker.modules.distributed import Torchrun, SMP, MPI from sagemaker.modules.train.sm_recipes.utils import _load_recipes_cfg @@ -705,6 +706,32 @@ def test_remote_debug_config(mock_training_job, modules_session): ) +@patch("sagemaker.modules.train.model_trainer.TrainingJob") +def test_metric_definitions(mock_training_job, modules_session): + image_uri = DEFAULT_IMAGE + role = DEFAULT_ROLE + metric_definitions = [ + MetricDefinition( + name="loss", + regex="Loss: (.*?);", + ) + ] + + model_trainer = ModelTrainer( + training_image=image_uri, sagemaker_session=modules_session, role=role + ).with_metric_definitions(metric_definitions) + + with patch("sagemaker.modules.train.model_trainer.Session.upload_data") as mock_upload_data: + mock_upload_data.return_value = "s3://dummy-bucket/dummy-prefix" + model_trainer.train() + + mock_training_job.create.assert_called_once() + assert ( + mock_training_job.create.call_args.kwargs["algorithm_specification"].metric_definitions + == metric_definitions + ) + + @patch("sagemaker.modules.train.model_trainer._get_unique_name") @patch("sagemaker.modules.train.model_trainer.TrainingJob") def test_model_trainer_full_init(mock_training_job, mock_unique_name, modules_session): @@ -822,6 +849,7 @@ def mock_upload_data(path, bucket, key_prefix): training_input_mode=training_input_mode, training_image=training_image, algorithm_name=None, + metric_definitions=None, container_entrypoint=DEFAULT_ENTRYPOINT, container_arguments=DEFAULT_ARGUMENTS, training_image_config=training_image_config,