diff --git a/doc/algorithms/index.rst b/doc/algorithms/index.rst index bd78267d9b..87d1c62a89 100644 --- a/doc/algorithms/index.rst +++ b/doc/algorithms/index.rst @@ -2,14 +2,18 @@ Built-in Algorithms ###################### -Amazon SageMaker provides implementations of some common machine learning algorithms optimized for GPU architecture and massive datasets. +Built-in algorithms are offered in 2 modes: + +* Container mode algorithms offered through :ref:`Estimators ` & :ref:`Amazon Estimators ` + +* Script mode algorithms based on `pre-built SageMaker Docker Images `__ offered through Estimators .. toctree:: :maxdepth: 2 + sagemaker.amazon.amazon_estimator tabular/index text/index time_series/index unsupervised/index vision/index - other/index diff --git a/doc/algorithms/other/index.rst b/doc/algorithms/other/index.rst deleted file mode 100644 index 4bd9800221..0000000000 --- a/doc/algorithms/other/index.rst +++ /dev/null @@ -1,10 +0,0 @@ -###################### -Other -###################### - -:ref:`All Pre-trained Models ` - -.. toctree:: - :maxdepth: 2 - - sagemaker.amazon.amazon_estimator diff --git a/doc/algorithms/other/sagemaker.amazon.amazon_estimator.rst b/doc/algorithms/sagemaker.amazon.amazon_estimator.rst similarity index 90% rename from doc/algorithms/other/sagemaker.amazon.amazon_estimator.rst rename to doc/algorithms/sagemaker.amazon.amazon_estimator.rst index bfc0b4a0be..0273c44c17 100644 --- a/doc/algorithms/other/sagemaker.amazon.amazon_estimator.rst +++ b/doc/algorithms/sagemaker.amazon.amazon_estimator.rst @@ -1,3 +1,5 @@ +.. _amazon_estimators: + Amazon Estimators -------------------- diff --git a/doc/algorithms/tabular/index.rst b/doc/algorithms/tabular/index.rst index 029437fb39..b6924c86e7 100644 --- a/doc/algorithms/tabular/index.rst +++ b/doc/algorithms/tabular/index.rst @@ -15,4 +15,3 @@ Amazon SageMaker provides built-in algorithms that are tailored to the analysis linear_learner tabtransformer xgboost - object2vec diff --git a/doc/algorithms/text/index.rst b/doc/algorithms/text/index.rst index a24288fdc7..3e59aac0f0 100644 --- a/doc/algorithms/text/index.rst +++ b/doc/algorithms/text/index.rst @@ -10,6 +10,7 @@ Amazon SageMaker provides algorithms that are tailored to the analysis of textua blazing_text lda ntm + object2vec sequence_to_sequence text_classification_tensorflow sentence_pair_classification_tensorflow @@ -19,4 +20,3 @@ Amazon SageMaker provides algorithms that are tailored to the analysis of textua text_summarization_hugging_face text_generation_hugging_face machine_translation_hugging_face - text_embedding_tensorflow_mxnet diff --git a/doc/algorithms/tabular/object2vec.rst b/doc/algorithms/text/object2vec.rst similarity index 100% rename from doc/algorithms/tabular/object2vec.rst rename to doc/algorithms/text/object2vec.rst diff --git a/doc/algorithms/vision/index.rst b/doc/algorithms/vision/index.rst index 50af5003b1..c17871d8f3 100644 --- a/doc/algorithms/vision/index.rst +++ b/doc/algorithms/vision/index.rst @@ -7,14 +7,15 @@ Amazon SageMaker provides image processing algorithms that are used for image cl .. toctree:: :maxdepth: 2 - image_classification_mxnet - image_classification_pytorch image_classification_tensorflow + image_classification_pytorch + image_classification_mxnet + image_embedding_tensorflow + instance_segmentation_mxnet + object_detection_tensorflow + object_detection_pytorch object_detection_mxnet_gluoncv object_detection_mxnet - object_detection_pytorch - object_detection_tensorflow semantic_segmentation_mxnet_gluoncv semantic_segmentation_mxnet - instance_segmentation_mxnet - image_embedding_tensorflow + text_embedding_tensorflow_mxnet diff --git a/doc/algorithms/text/text_embedding_tensorflow_mxnet.rst b/doc/algorithms/vision/text_embedding_tensorflow_mxnet.rst similarity index 100% rename from doc/algorithms/text/text_embedding_tensorflow_mxnet.rst rename to doc/algorithms/vision/text_embedding_tensorflow_mxnet.rst diff --git a/doc/api/training/estimators.rst b/doc/api/training/estimators.rst index 93e094f502..8f80fba67c 100644 --- a/doc/api/training/estimators.rst +++ b/doc/api/training/estimators.rst @@ -1,3 +1,5 @@ +.. _estimators: + Estimators ---------- diff --git a/doc/doc_utils/jumpstart_doc_utils.py b/doc/doc_utils/jumpstart_doc_utils.py index 92a418a6b4..348de7adeb 100644 --- a/doc/doc_utils/jumpstart_doc_utils.py +++ b/doc/doc_utils/jumpstart_doc_utils.py @@ -58,6 +58,20 @@ class ProblemTypes(str, Enum): TABULAR_CLASSIFICATION = "Classification" +class Frameworks(str, Enum): + """Possible frameworks for JumpStart models""" + + TENSORFLOW = "Tensorflow Hub" + PYTORCH = "Pytorch Hub" + HUGGINGFACE = "HuggingFace" + CATBOOST = "Catboost" + GLUONCV = "GluonCV" + LIGHTGBM = "LightGBM" + XGBOOST = "XGBoost" + SCIKIT_LEARN = "ScikitLearn" + SOURCE = "Source" + + JUMPSTART_REGION = "eu-west-2" SDK_MANIFEST_FILE = "models_manifest.json" JUMPSTART_BUCKET_BASE_URL = "https://jumpstart-cache-prod-{}.s3.{}.amazonaws.com".format( @@ -82,6 +96,61 @@ class ProblemTypes(str, Enum): Tasks.TABULAR_CLASSIFICATION: ProblemTypes.TABULAR_CLASSIFICATION, } +TO_FRAMEWORK = { + "Tensorflow Hub": Frameworks.TENSORFLOW, + "Pytorch Hub": Frameworks.PYTORCH, + "HuggingFace": Frameworks.HUGGINGFACE, + "Catboost": Frameworks.CATBOOST, + "GluonCV": Frameworks.GLUONCV, + "LightGBM": Frameworks.LIGHTGBM, + "XGBoost": Frameworks.XGBOOST, + "ScikitLearn": Frameworks.SCIKIT_LEARN, + "Source": Frameworks.SOURCE, +} + + +MODALITY_MAP = { + (Tasks.IC, Frameworks.PYTORCH): "algorithms/vision/image_classification_pytorch.rst", + (Tasks.IC, Frameworks.TENSORFLOW): "algorithms/vision/image_classification_tensorflow.rst", + (Tasks.IC_EMBEDDING, Frameworks.TENSORFLOW): "algorithms/vision/image_embedding_tensorflow.rst", + (Tasks.IS, Frameworks.GLUONCV): "algorithms/vision/instance_segmentation_mxnet.rst", + (Tasks.OD, Frameworks.GLUONCV): "algorithms/vision/object_detection_mxnet.rst", + (Tasks.OD, Frameworks.PYTORCH): "algorithms/vision/object_detection_pytorch.rst", + (Tasks.OD, Frameworks.TENSORFLOW): "algorithms/vision/object_detection_tensorflow.rst", + (Tasks.SEMSEG, Frameworks.GLUONCV): "algorithms/vision/semantic_segmentation_mxnet.rst", + ( + Tasks.TRANSLATION, + Frameworks.HUGGINGFACE, + ): "algorithms/text/machine_translation_hugging_face.rst", + (Tasks.NER, Frameworks.GLUONCV): "algorithms/text/named_entity_recognition_hugging_face.rst", + (Tasks.EQA, Frameworks.PYTORCH): "algorithms/text/question_answering_pytorch.rst", + ( + Tasks.SPC, + Frameworks.HUGGINGFACE, + ): "algorithms/text/sentence_pair_classification_hugging_face.rst", + ( + Tasks.SPC, + Frameworks.TENSORFLOW, + ): "algorithms/text/sentence_pair_classification_tensorflow.rst", + (Tasks.TC, Frameworks.TENSORFLOW): "algorithms/text/text_classification_tensorflow.rst", + ( + Tasks.TC_EMBEDDING, + Frameworks.GLUONCV, + ): "algorithms/vision/text_embedding_tensorflow_mxnet.rst", + ( + Tasks.TC_EMBEDDING, + Frameworks.TENSORFLOW, + ): "algorithms/vision/text_embedding_tensorflow_mxnet.rst", + ( + Tasks.TEXT_GENERATION, + Frameworks.HUGGINGFACE, + ): "algorithms/text/text_generation_hugging_face.rst", + ( + Tasks.SUMMARIZATION, + Frameworks.HUGGINGFACE, + ): "algorithms/text/text_summarization_hugging_face.rst", +} + def get_jumpstart_sdk_manifest(): url = "{}/{}".format(JUMPSTART_BUCKET_BASE_URL, SDK_MANIFEST_FILE) @@ -102,6 +171,10 @@ def get_model_task(id): return TASK_MAP[task_short] if task_short in TASK_MAP else "Source" +def get_string_model_task(id): + return id.split("-")[1] + + def get_model_source(url): if "tfhub" in url: return "Tensorflow Hub" @@ -113,8 +186,6 @@ def get_model_source(url): return "Catboost" if "gluon" in url: return "GluonCV" - if "catboost" in url: - return "Catboost" if "lightgbm" in url: return "LightGBM" if "xgboost" in url: @@ -138,58 +209,97 @@ def create_jumpstart_model_table(): ) < Version(model["version"]): sdk_manifest_top_versions_for_models[model["model_id"]] = model - file_content = [] + file_content_intro = [] - file_content.append(".. _all-pretrained-models:\n\n") - file_content.append(".. |external-link| raw:: html\n\n") - file_content.append(' \n\n') + file_content_intro.append(".. _all-pretrained-models:\n\n") + file_content_intro.append(".. |external-link| raw:: html\n\n") + file_content_intro.append(' \n\n') - file_content.append("================================================\n") - file_content.append("Built-in Algorithms with pre-trained Model Table\n") - file_content.append("================================================\n") - file_content.append( + file_content_intro.append("================================================\n") + file_content_intro.append("Built-in Algorithms with pre-trained Model Table\n") + file_content_intro.append("================================================\n") + file_content_intro.append( """ 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.\n""" ) - file_content.append( + file_content_intro.append( """ 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.\n""" ) - file_content.append( + file_content_intro.append( """ These models are also available through the `JumpStart UI in SageMaker Studio `__\n""" ) - file_content.append("\n") - file_content.append(".. list-table:: Available Models\n") - file_content.append(" :widths: 50 20 20 20 30 20\n") - file_content.append(" :header-rows: 1\n") - file_content.append(" :class: datatable\n") - file_content.append("\n") - file_content.append(" * - Model ID\n") - file_content.append(" - Fine Tunable?\n") - file_content.append(" - Latest Version\n") - file_content.append(" - Min SDK Version\n") - file_content.append(" - Problem Type\n") - file_content.append(" - Source\n") + file_content_intro.append("\n") + file_content_intro.append(".. list-table:: Available Models\n") + file_content_intro.append(" :widths: 50 20 20 20 30 20\n") + file_content_intro.append(" :header-rows: 1\n") + file_content_intro.append(" :class: datatable\n") + file_content_intro.append("\n") + file_content_intro.append(" * - Model ID\n") + file_content_intro.append(" - Fine Tunable?\n") + file_content_intro.append(" - Latest Version\n") + file_content_intro.append(" - Min SDK Version\n") + file_content_intro.append(" - Problem Type\n") + file_content_intro.append(" - Source\n") + + dynamic_table_files = [] + file_content_entries = [] for model in sdk_manifest_top_versions_for_models.values(): model_spec = get_jumpstart_sdk_spec(model["spec_key"]) model_task = get_model_task(model_spec["model_id"]) + string_model_task = get_string_model_task(model_spec["model_id"]) model_source = get_model_source(model_spec["url"]) - file_content.append(" * - {}\n".format(model_spec["model_id"])) - file_content.append(" - {}\n".format(model_spec["training_supported"])) - file_content.append(" - {}\n".format(model["version"])) - file_content.append(" - {}\n".format(model["min_version"])) - file_content.append(" - {}\n".format(model_task)) - file_content.append( + file_content_entries.append(" * - {}\n".format(model_spec["model_id"])) + file_content_entries.append(" - {}\n".format(model_spec["training_supported"])) + file_content_entries.append(" - {}\n".format(model["version"])) + file_content_entries.append(" - {}\n".format(model["min_version"])) + file_content_entries.append(" - {}\n".format(model_task)) + file_content_entries.append( " - `{} <{}>`__ |external-link|\n".format(model_source, model_spec["url"]) ) - f = open("doc_utils/pretrainedmodels.rst", "w") - f.writelines(file_content) + if (string_model_task, TO_FRAMEWORK[model_source]) in MODALITY_MAP: + file_content_single_entry = [] + + if ( + MODALITY_MAP[(string_model_task, TO_FRAMEWORK[model_source])] + not in dynamic_table_files + ): + file_content_single_entry.append("\n") + file_content_single_entry.append(".. list-table:: Available Models\n") + file_content_single_entry.append(" :widths: 50 20 20 20 20\n") + file_content_single_entry.append(" :header-rows: 1\n") + file_content_single_entry.append(" :class: datatable\n") + file_content_single_entry.append("\n") + file_content_single_entry.append(" * - Model ID\n") + file_content_single_entry.append(" - Fine Tunable?\n") + file_content_single_entry.append(" - Latest Version\n") + file_content_single_entry.append(" - Min SDK Version\n") + file_content_single_entry.append(" - Source\n") + + dynamic_table_files.append( + MODALITY_MAP[(string_model_task, TO_FRAMEWORK[model_source])] + ) + + file_content_single_entry.append(" * - {}\n".format(model_spec["model_id"])) + file_content_single_entry.append(" - {}\n".format(model_spec["training_supported"])) + file_content_single_entry.append(" - {}\n".format(model["version"])) + file_content_single_entry.append(" - {}\n".format(model["min_version"])) + file_content_single_entry.append( + " - `{} <{}>`__\n".format(model_source, model_spec["url"]) + ) + f = open(MODALITY_MAP[(string_model_task, TO_FRAMEWORK[model_source])], "a") + f.writelines(file_content_single_entry) + f.close() + + f = open("doc_utils/pretrainedmodels.rst", "a") + f.writelines(file_content_intro) + f.writelines(file_content_entries) f.close() diff --git a/doc/doc_utils/pretrainedmodels.rst b/doc/doc_utils/pretrainedmodels.rst index 3aee847787..e69de29bb2 100644 --- a/doc/doc_utils/pretrainedmodels.rst +++ b/doc/doc_utils/pretrainedmodels.rst @@ -1,2076 +0,0 @@ -.. |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 - - 1.0.1 - - 2.80.0 - - Classification - - `GluonCV `__ |external-link| - * - autogluon-regression-ensemble - - True - - 1.0.1 - - 2.80.0 - - Regression - - `GluonCV `__ |external-link| - * - catboost-classification-model - - True - - 1.2.4 - - 2.75.0 - - Classification - - `Catboost `__ |external-link| - * - catboost-regression-model - - True - - 1.2.4 - - 2.75.0 - - Regression - - `Catboost `__ |external-link| - * - huggingface-eqa-bert-base-cased - - True - - 1.0.2 - - 2.75.0 - - Question Answering - - `HuggingFace `__ |external-link| - * - huggingface-eqa-bert-base-multilingual-cased - - True - - 1.0.2 - - 2.75.0 - - Question Answering - - `HuggingFace `__ |external-link| - * - huggingface-eqa-bert-base-multilingual-uncased - - True - - 1.0.2 - - 2.75.0 - - Question Answering - - `HuggingFace `__ |external-link| - * - huggingface-eqa-bert-base-uncased - - True - - 1.0.2 - - 2.75.0 - - Question Answering - - `HuggingFace `__ |external-link| - * - huggingface-eqa-bert-large-cased - - True - - 1.0.2 - - 2.75.0 - - Question Answering - - `HuggingFace `__ |external-link| - * - huggingface-eqa-bert-large-cased-whole-word-masking - - True - - 1.0.2 - - 2.75.0 - - Question Answering - - `HuggingFace `__ |external-link| - * - huggingface-eqa-bert-large-uncased - - True - - 1.0.2 - - 2.75.0 - - Question Answering - - `HuggingFace `__ |external-link| - * - huggingface-eqa-bert-large-uncased-whole-word-masking - - True - - 1.0.2 - - 2.75.0 - - Question Answering - - `HuggingFace `__ |external-link| - * - huggingface-eqa-distilbert-base-cased - - True - - 1.0.2 - - 2.75.0 - - Question Answering - - `HuggingFace `__ |external-link| - * - huggingface-eqa-distilbert-base-multilingual-cased - - True - - 1.0.2 - - 2.75.0 - - Question Answering - - `HuggingFace `__ |external-link| - * - huggingface-eqa-distilbert-base-uncased - - True - - 1.0.2 - - 2.75.0 - - Question Answering - - `HuggingFace `__ |external-link| - * - huggingface-eqa-distilroberta-base - - True - - 1.0.2 - - 2.75.0 - - Question Answering - - `HuggingFace `__ |external-link| - * - huggingface-eqa-roberta-base - - True - - 1.0.2 - - 2.75.0 - - Question Answering - - `HuggingFace `__ |external-link| - * - huggingface-eqa-roberta-base-openai-detector - - True - - 1.0.2 - - 2.75.0 - - Question Answering - - `HuggingFace `__ |external-link| - * - huggingface-eqa-roberta-large - - True - - 1.0.2 - - 2.75.0 - - Question Answering - - `HuggingFace `__ |external-link| - * - huggingface-ner-distilbert-base-cased-finetuned-conll03-english - - False - - 1.1.0 - - 2.75.0 - - Named Entity Recognition - - `HuggingFace `__ |external-link| - * - huggingface-ner-distilbert-base-uncased-finetuned-conll03-english - - False - - 1.1.0 - - 2.75.0 - - Named Entity Recognition - - `HuggingFace `__ |external-link| - * - huggingface-spc-bert-base-cased - - True - - 1.2.3 - - 2.75.0 - - Sentence Pair Classification - - `HuggingFace `__ |external-link| - * - huggingface-spc-bert-base-multilingual-cased - - True - - 1.2.3 - - 2.75.0 - - Sentence Pair Classification - - `HuggingFace `__ |external-link| - * - huggingface-spc-bert-base-multilingual-uncased - - True - - 1.2.3 - - 2.75.0 - - Sentence Pair Classification - - `HuggingFace `__ |external-link| - * - huggingface-spc-bert-base-uncased - - True - - 1.2.3 - - 2.75.0 - - Sentence Pair Classification - - `HuggingFace `__ |external-link| - * - huggingface-spc-bert-large-cased - - True - - 1.2.3 - - 2.75.0 - - Sentence Pair Classification - - `HuggingFace `__ |external-link| - * - huggingface-spc-bert-large-cased-whole-word-masking - - True - - 1.2.3 - - 2.75.0 - - Sentence Pair Classification - - `HuggingFace `__ |external-link| - * - huggingface-spc-bert-large-uncased - - True - - 1.2.3 - - 2.75.0 - - Sentence Pair Classification - - `HuggingFace `__ |external-link| - * - huggingface-spc-bert-large-uncased-whole-word-masking - - True - - 1.2.3 - - 2.75.0 - - Sentence Pair Classification - - `HuggingFace `__ |external-link| - * - huggingface-spc-distilbert-base-cased - - True - - 1.2.3 - - 2.75.0 - - Sentence Pair Classification - - `HuggingFace `__ |external-link| - * - huggingface-spc-distilbert-base-multilingual-cased - - True - - 1.2.3 - - 2.75.0 - - Sentence Pair Classification - - `HuggingFace `__ |external-link| - * - huggingface-spc-distilbert-base-uncased - - True - - 1.2.3 - - 2.75.0 - - Sentence Pair Classification - - `HuggingFace `__ |external-link| - * - huggingface-spc-distilroberta-base - - True - - 1.2.3 - - 2.75.0 - - Sentence Pair Classification - - `HuggingFace `__ |external-link| - * - huggingface-spc-roberta-base - - True - - 1.2.3 - - 2.75.0 - - Sentence Pair Classification - - `HuggingFace `__ |external-link| - * - huggingface-spc-roberta-base-openai-detector - - True - - 1.2.3 - - 2.75.0 - - Sentence Pair Classification - - `HuggingFace `__ |external-link| - * - huggingface-spc-roberta-large - - True - - 1.2.3 - - 2.75.0 - - Sentence Pair Classification - - `HuggingFace `__ |external-link| - * - huggingface-spc-roberta-large-openai-detector - - True - - 1.2.3 - - 2.75.0 - - Sentence Pair Classification - - `HuggingFace `__ |external-link| - * - huggingface-spc-xlm-clm-ende-1024 - - True - - 1.2.3 - - 2.75.0 - - Sentence Pair Classification - - `HuggingFace `__ |external-link| - * - huggingface-spc-xlm-mlm-ende-1024 - - True - - 1.2.3 - - 2.75.0 - - Sentence Pair Classification - - `HuggingFace `__ |external-link| - * - huggingface-spc-xlm-mlm-enro-1024 - - True - - 1.2.3 - - 2.75.0 - - Sentence Pair Classification - - `HuggingFace `__ |external-link| - * - huggingface-spc-xlm-mlm-tlm-xnli15-1024 - - True - - 1.2.3 - - 2.75.0 - - Sentence Pair Classification - - `HuggingFace `__ |external-link| - * - huggingface-spc-xlm-mlm-xnli15-1024 - - True - - 1.2.3 - - 2.75.0 - - Sentence Pair Classification - - `HuggingFace `__ |external-link| - * - huggingface-summarization-bart-large-cnn-samsum - - False - - 1.1.0 - - 2.75.0 - - Text Summarization - - `HuggingFace `__ |external-link| - * - huggingface-summarization-bert-small2bert-small-finetuned-cnn-daily-mail-summarization - - False - - 1.1.0 - - 2.75.0 - - Text Summarization - - `HuggingFace `__ |external-link| - * - huggingface-summarization-bigbird-pegasus-large-arxiv - - False - - 1.1.0 - - 2.75.0 - - Text Summarization - - `HuggingFace `__ |external-link| - * - huggingface-summarization-bigbird-pegasus-large-pubmed - - False - - 1.1.0 - - 2.75.0 - - Text Summarization - - `HuggingFace `__ |external-link| - * - huggingface-summarization-distilbart-cnn-12-6 - - False - - 1.1.0 - - 2.75.0 - - Text Summarization - - `HuggingFace `__ |external-link| - * - huggingface-summarization-distilbart-cnn-6-6 - - False - - 1.1.0 - - 2.75.0 - - Text Summarization - - `HuggingFace `__ |external-link| - * - huggingface-summarization-distilbart-xsum-1-1 - - False - - 1.1.0 - - 2.75.0 - - Text Summarization - - `HuggingFace `__ |external-link| - * - huggingface-summarization-distilbart-xsum-12-3 - - False - - 1.1.0 - - 2.75.0 - - Text Summarization - - `HuggingFace `__ |external-link| - * - huggingface-textgeneration-distilgpt2 - - False - - 1.1.0 - - 2.75.0 - - Text Generation - - `HuggingFace `__ |external-link| - * - huggingface-textgeneration-gpt2 - - False - - 1.1.0 - - 2.75.0 - - Text Generation - - `HuggingFace `__ |external-link| - * - huggingface-translation-opus-mt-en-es - - False - - 1.1.0 - - 2.75.0 - - Machine Translation - - `HuggingFace `__ |external-link| - * - huggingface-translation-opus-mt-en-vi - - False - - 1.1.0 - - 2.75.0 - - Machine Translation - - `HuggingFace `__ |external-link| - * - huggingface-translation-t5-base - - False - - 1.1.0 - - 2.75.0 - - Machine Translation - - `HuggingFace `__ |external-link| - * - huggingface-translation-t5-large - - False - - 1.1.0 - - 2.75.0 - - Machine Translation - - `HuggingFace `__ |external-link| - * - huggingface-translation-t5-small - - False - - 1.1.0 - - 2.75.0 - - Machine Translation - - `HuggingFace `__ |external-link| - * - lightgbm-classification-model - - True - - 1.2.3 - - 2.75.0 - - Classification - - `LightGBM `__ |external-link| - * - lightgbm-regression-model - - True - - 1.2.3 - - 2.75.0 - - Regression - - `LightGBM `__ |external-link| - * - mxnet-is-mask-rcnn-fpn-resnet101-v1d-coco - - False - - 1.1.0 - - 2.75.0 - - Instance Segmentation - - `GluonCV `__ |external-link| - * - mxnet-is-mask-rcnn-fpn-resnet18-v1b-coco - - False - - 1.1.0 - - 2.75.0 - - Instance Segmentation - - `GluonCV `__ |external-link| - * - mxnet-is-mask-rcnn-fpn-resnet50-v1b-coco - - False - - 1.1.0 - - 2.75.0 - - Instance Segmentation - - `GluonCV `__ |external-link| - * - mxnet-is-mask-rcnn-resnet18-v1b-coco - - False - - 1.1.0 - - 2.75.0 - - Instance Segmentation - - `GluonCV `__ |external-link| - * - mxnet-od-faster-rcnn-fpn-resnet101-v1d-coco - - False - - 1.1.0 - - 2.75.0 - - Object Detection - - `GluonCV `__ |external-link| - * - mxnet-od-faster-rcnn-fpn-resnet50-v1b-coco - - False - - 1.1.0 - - 2.75.0 - - Object Detection - - `GluonCV `__ |external-link| - * - mxnet-od-faster-rcnn-resnet101-v1d-coco - - False - - 1.1.0 - - 2.75.0 - - Object Detection - - `GluonCV `__ |external-link| - * - mxnet-od-faster-rcnn-resnet50-v1b-coco - - False - - 1.1.0 - - 2.75.0 - - Object Detection - - `GluonCV `__ |external-link| - * - mxnet-od-faster-rcnn-resnet50-v1b-voc - - False - - 1.1.0 - - 2.75.0 - - Object Detection - - `GluonCV `__ |external-link| - * - mxnet-od-ssd-300-vgg16-atrous-coco - - True - - 1.2.3 - - 2.75.0 - - Object Detection - - `GluonCV `__ |external-link| - * - mxnet-od-ssd-300-vgg16-atrous-voc - - True - - 1.2.3 - - 2.75.0 - - Object Detection - - `GluonCV `__ |external-link| - * - mxnet-od-ssd-512-mobilenet1-0-coco - - True - - 1.2.3 - - 2.75.0 - - Object Detection - - `GluonCV `__ |external-link| - * - mxnet-od-ssd-512-mobilenet1-0-voc - - True - - 1.2.3 - - 2.75.0 - - Object Detection - - `GluonCV `__ |external-link| - * - mxnet-od-ssd-512-resnet50-v1-coco - - True - - 1.2.3 - - 2.75.0 - - Object Detection - - `GluonCV `__ |external-link| - * - mxnet-od-ssd-512-resnet50-v1-voc - - True - - 1.2.3 - - 2.75.0 - - Object Detection - - `GluonCV `__ |external-link| - * - mxnet-od-ssd-512-vgg16-atrous-coco - - True - - 1.2.3 - - 2.75.0 - - Object Detection - - `GluonCV `__ |external-link| - * - mxnet-od-ssd-512-vgg16-atrous-voc - - True - - 1.2.3 - - 2.75.0 - - Object Detection - - `GluonCV `__ |external-link| - * - mxnet-od-yolo3-darknet53-coco - - False - - 1.1.0 - - 2.75.0 - - Object Detection - - `GluonCV `__ |external-link| - * - mxnet-od-yolo3-darknet53-voc - - False - - 1.1.0 - - 2.75.0 - - Object Detection - - `GluonCV `__ |external-link| - * - mxnet-od-yolo3-mobilenet1-0-coco - - False - - 1.1.0 - - 2.75.0 - - Object Detection - - `GluonCV `__ |external-link| - * - mxnet-od-yolo3-mobilenet1-0-voc - - False - - 1.1.0 - - 2.75.0 - - Object Detection - - `GluonCV `__ |external-link| - * - mxnet-semseg-fcn-resnet101-ade - - True - - 1.3.5 - - 2.75.0 - - Semantic Segmentation - - `GluonCV `__ |external-link| - * - mxnet-semseg-fcn-resnet101-coco - - True - - 1.3.5 - - 2.75.0 - - Semantic Segmentation - - `GluonCV `__ |external-link| - * - mxnet-semseg-fcn-resnet101-voc - - True - - 1.3.5 - - 2.75.0 - - Semantic Segmentation - - `GluonCV `__ |external-link| - * - mxnet-semseg-fcn-resnet50-ade - - True - - 1.3.5 - - 2.75.0 - - Semantic Segmentation - - `GluonCV `__ |external-link| - * - mxnet-tcembedding-robertafin-base-uncased - - False - - 1.1.0 - - 2.75.0 - - Text Embedding - - `GluonCV `__ |external-link| - * - mxnet-tcembedding-robertafin-base-wiki-uncased - - False - - 1.1.0 - - 2.75.0 - - Text Embedding - - `GluonCV `__ |external-link| - * - mxnet-tcembedding-robertafin-large-uncased - - False - - 1.1.0 - - 2.75.0 - - Text Embedding - - `GluonCV `__ |external-link| - * - mxnet-tcembedding-robertafin-large-wiki-uncased - - False - - 1.1.0 - - 2.75.0 - - Text Embedding - - `GluonCV `__ |external-link| - * - pytorch-eqa-bert-base-cased - - True - - 1.2.0 - - 2.75.0 - - Question Answering - - `Pytorch Hub `__ |external-link| - * - pytorch-eqa-bert-base-multilingual-cased - - True - - 1.2.0 - - 2.75.0 - - Question Answering - - `Pytorch Hub `__ |external-link| - * - pytorch-eqa-bert-base-multilingual-uncased - - True - - 1.2.0 - - 2.75.0 - - Question Answering - - `Pytorch Hub `__ |external-link| - * - pytorch-eqa-bert-base-uncased - - True - - 1.2.0 - - 2.75.0 - - Question Answering - - `Pytorch Hub `__ |external-link| - * - pytorch-eqa-bert-large-cased - - True - - 1.2.0 - - 2.75.0 - - Question Answering - - `Pytorch Hub `__ |external-link| - * - pytorch-eqa-bert-large-cased-whole-word-masking - - True - - 1.2.0 - - 2.75.0 - - Question Answering - - `Pytorch Hub `__ |external-link| - * - pytorch-eqa-bert-large-cased-whole-word-masking-finetuned-squad - - True - - 1.2.0 - - 2.75.0 - - Question Answering - - `Pytorch Hub `__ |external-link| - * - pytorch-eqa-bert-large-uncased - - True - - 1.2.0 - - 2.75.0 - - Question Answering - - `Pytorch Hub `__ |external-link| - * - pytorch-eqa-bert-large-uncased-whole-word-masking - - True - - 1.2.0 - - 2.75.0 - - Question Answering - - `Pytorch Hub `__ |external-link| - * - pytorch-eqa-bert-large-uncased-whole-word-masking-finetuned-squad - - True - - 1.2.0 - - 2.75.0 - - Question Answering - - `Pytorch Hub `__ |external-link| - * - pytorch-eqa-distilbert-base-cased - - True - - 1.2.0 - - 2.75.0 - - Question Answering - - `Pytorch Hub `__ |external-link| - * - pytorch-eqa-distilbert-base-multilingual-cased - - True - - 1.2.0 - - 2.75.0 - - Question Answering - - `Pytorch Hub `__ |external-link| - * - pytorch-eqa-distilbert-base-uncased - - True - - 1.2.0 - - 2.75.0 - - Question Answering - - `Pytorch Hub `__ |external-link| - * - pytorch-eqa-distilroberta-base - - True - - 1.2.0 - - 2.75.0 - - Question Answering - - `Pytorch Hub `__ |external-link| - * - pytorch-eqa-roberta-base - - True - - 1.2.0 - - 2.75.0 - - Question Answering - - `Pytorch Hub `__ |external-link| - * - pytorch-eqa-roberta-base-openai-detector - - True - - 1.2.0 - - 2.75.0 - - Question Answering - - `Pytorch Hub `__ |external-link| - * - pytorch-eqa-roberta-large - - True - - 1.2.0 - - 2.75.0 - - Question Answering - - `Pytorch Hub `__ |external-link| - * - pytorch-eqa-roberta-large-openai-detector - - True - - 1.2.0 - - 2.75.0 - - Question Answering - - `Pytorch Hub `__ |external-link| - * - pytorch-ic-alexnet - - True - - 2.2.3 - - 2.75.0 - - Image Classification - - `Pytorch Hub `__ |external-link| - * - pytorch-ic-densenet121 - - True - - 2.2.3 - - 2.75.0 - - Image Classification - - `Pytorch Hub `__ |external-link| - * - pytorch-ic-densenet161 - - True - - 2.2.3 - - 2.75.0 - - Image Classification - - `Pytorch Hub `__ |external-link| - * - pytorch-ic-densenet169 - - True - - 2.2.3 - - 2.75.0 - - Image Classification - - `Pytorch Hub `__ |external-link| - * - pytorch-ic-densenet201 - - True - - 2.2.3 - - 2.75.0 - - Image Classification - - `Pytorch Hub `__ |external-link| - * - pytorch-ic-googlenet - - True - - 2.2.3 - - 2.75.0 - - Image Classification - - `Pytorch Hub `__ |external-link| - * - pytorch-ic-mobilenet-v2 - - True - - 2.2.3 - - 2.75.0 - - Image Classification - - `Pytorch Hub `__ |external-link| - * - pytorch-ic-resnet101 - - True - - 2.2.3 - - 2.75.0 - - Image Classification - - `Pytorch Hub `__ |external-link| - * - pytorch-ic-resnet152 - - True - - 2.2.3 - - 2.75.0 - - Image Classification - - `Pytorch Hub `__ |external-link| - * - pytorch-ic-resnet18 - - True - - 2.2.3 - - 2.75.0 - - Image Classification - - `Pytorch Hub `__ |external-link| - * - pytorch-ic-resnet34 - - True - - 2.2.3 - - 2.75.0 - - Image Classification - - `Pytorch Hub `__ |external-link| - * - pytorch-ic-resnet50 - - True - - 2.2.3 - - 2.75.0 - - Image Classification - - `Pytorch Hub `__ |external-link| - * - pytorch-ic-resnext101-32x8d - - True - - 2.2.3 - - 2.75.0 - - Image Classification - - `Pytorch Hub `__ |external-link| - * - pytorch-ic-resnext50-32x4d - - True - - 2.2.3 - - 2.75.0 - - Image Classification - - `Pytorch Hub `__ |external-link| - * - pytorch-ic-shufflenet-v2-x1-0 - - True - - 2.2.3 - - 2.75.0 - - Image Classification - - `Pytorch Hub `__ |external-link| - * - pytorch-ic-squeezenet1-0 - - True - - 2.2.3 - - 2.75.0 - - Image Classification - - `Pytorch Hub `__ |external-link| - * - pytorch-ic-squeezenet1-1 - - True - - 2.2.3 - - 2.75.0 - - Image Classification - - `Pytorch Hub `__ |external-link| - * - pytorch-ic-vgg11 - - True - - 2.2.3 - - 2.75.0 - - Image Classification - - `Pytorch Hub `__ |external-link| - * - pytorch-ic-vgg11-bn - - True - - 2.2.3 - - 2.75.0 - - Image Classification - - `Pytorch Hub `__ |external-link| - * - pytorch-ic-vgg13 - - True - - 2.2.3 - - 2.75.0 - - Image Classification - - `Pytorch Hub `__ |external-link| - * - pytorch-ic-vgg13-bn - - True - - 2.2.3 - - 2.75.0 - - Image Classification - - `Pytorch Hub `__ |external-link| - * - pytorch-ic-vgg16 - - True - - 2.2.3 - - 2.75.0 - - Image Classification - - `Pytorch Hub `__ |external-link| - * - pytorch-ic-vgg16-bn - - True - - 2.2.3 - - 2.75.0 - - Image Classification - - `Pytorch Hub `__ |external-link| - * - pytorch-ic-vgg19 - - True - - 2.2.3 - - 2.75.0 - - Image Classification - - `Pytorch Hub `__ |external-link| - * - pytorch-ic-vgg19-bn - - True - - 2.2.3 - - 2.75.0 - - Image Classification - - `Pytorch Hub `__ |external-link| - * - pytorch-ic-wide-resnet101-2 - - True - - 2.2.3 - - 2.75.0 - - Image Classification - - `Pytorch Hub `__ |external-link| - * - pytorch-ic-wide-resnet50-2 - - True - - 2.2.3 - - 2.75.0 - - Image Classification - - `Pytorch Hub `__ |external-link| - * - pytorch-od-nvidia-ssd - - False - - 1.0.1 - - 2.75.0 - - Object Detection - - `Pytorch Hub `__ |external-link| - * - pytorch-od1-fasterrcnn-mobilenet-v3-large-320-fpn - - False - - 1.0.0 - - 2.75.0 - - Object Detection - - `Pytorch Hub `__ |external-link| - * - pytorch-od1-fasterrcnn-mobilenet-v3-large-fpn - - False - - 1.0.0 - - 2.75.0 - - Object Detection - - `Pytorch Hub `__ |external-link| - * - pytorch-od1-fasterrcnn-resnet50-fpn - - True - - 1.3.2 - - 2.75.0 - - Object Detection - - `Pytorch Hub `__ |external-link| - * - pytorch-tabtransformerclassification-model - - True - - 1.0.1 - - 2.75.0 - - Source - - `Source `__ |external-link| - * - pytorch-tabtransformerregression-model - - True - - 1.0.0 - - 2.75.0 - - Source - - `Source `__ |external-link| - * - sklearn-classification-linear - - True - - 1.1.1 - - 2.75.0 - - Classification - - `ScikitLearn `__ |external-link| - * - sklearn-regression-linear - - True - - 1.1.1 - - 2.75.0 - - Regression - - `ScikitLearn `__ |external-link| - * - tensorflow-ic-bit-m-r101x1-ilsvrc2012-classification-1 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-bit-m-r101x1-imagenet21k-classification-1 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-bit-m-r101x3-ilsvrc2012-classification-1 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-bit-m-r101x3-imagenet21k-classification-1 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-bit-m-r50x1-ilsvrc2012-classification-1 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-bit-m-r50x1-imagenet21k-classification-1 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-bit-m-r50x3-ilsvrc2012-classification-1 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-bit-m-r50x3-imagenet21k-classification-1 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-bit-s-r101x1-ilsvrc2012-classification-1 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-bit-s-r101x3-ilsvrc2012-classification-1 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-bit-s-r50x1-ilsvrc2012-classification-1 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-bit-s-r50x3-ilsvrc2012-classification-1 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-efficientnet-b0-classification-1 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-efficientnet-b1-classification-1 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-efficientnet-b2-classification-1 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-efficientnet-b3-classification-1 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-efficientnet-b4-classification-1 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-efficientnet-b5-classification-1 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-efficientnet-b6-classification-1 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-efficientnet-b7-classification-1 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-efficientnet-lite0-classification-2 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-efficientnet-lite1-classification-2 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-efficientnet-lite2-classification-2 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-efficientnet-lite3-classification-2 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-efficientnet-lite4-classification-2 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-imagenet-inception-resnet-v2-classification-4 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-imagenet-inception-v1-classification-4 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-imagenet-inception-v2-classification-4 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-imagenet-inception-v3-classification-4 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-imagenet-mobilenet-v1-025-128-classification-4 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-imagenet-mobilenet-v1-025-160-classification-4 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-imagenet-mobilenet-v1-025-192-classification-4 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-imagenet-mobilenet-v1-025-224-classification-4 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-imagenet-mobilenet-v1-050-128-classification-4 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-imagenet-mobilenet-v1-050-160-classification-4 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-imagenet-mobilenet-v1-050-192-classification-4 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-imagenet-mobilenet-v1-050-224-classification-4 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-imagenet-mobilenet-v1-075-128-classification-4 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-imagenet-mobilenet-v1-075-160-classification-4 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-imagenet-mobilenet-v1-075-192-classification-4 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-imagenet-mobilenet-v1-075-224-classification-4 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-imagenet-mobilenet-v1-100-128-classification-4 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-imagenet-mobilenet-v1-100-160-classification-4 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-imagenet-mobilenet-v1-100-192-classification-4 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-imagenet-mobilenet-v1-100-224-classification-4 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-imagenet-mobilenet-v2-035-224-classification-4 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-imagenet-mobilenet-v2-050-224-classification-4 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-imagenet-mobilenet-v2-075-224-classification-4 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-imagenet-mobilenet-v2-100-224-classification-4 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-imagenet-mobilenet-v2-130-224-classification-4 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-imagenet-mobilenet-v2-140-224-classification-4 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-imagenet-resnet-v1-101-classification-4 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-imagenet-resnet-v1-152-classification-4 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-imagenet-resnet-v1-50-classification-4 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-imagenet-resnet-v2-101-classification-4 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-imagenet-resnet-v2-152-classification-4 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-imagenet-resnet-v2-50-classification-4 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-resnet-50-classification-1 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-tf2-preview-inception-v3-classification-4 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-ic-tf2-preview-mobilenet-v2-classification-4 - - True - - 2.0.1 - - 2.80.0 - - Image Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-icembedding-bit-m-r101x1-ilsvrc2012-featurevector-1 - - False - - 2.0.0 - - 2.80.0 - - Image Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-icembedding-bit-m-r101x3-imagenet21k-featurevector-1 - - False - - 2.0.0 - - 2.80.0 - - Image Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-icembedding-bit-m-r50x1-ilsvrc2012-featurevector-1 - - False - - 2.0.0 - - 2.80.0 - - Image Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-icembedding-bit-m-r50x3-imagenet21k-featurevector-1 - - False - - 2.0.0 - - 2.80.0 - - Image Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-icembedding-bit-s-r101x1-ilsvrc2012-featurevector-1 - - False - - 2.0.0 - - 2.80.0 - - Image Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-icembedding-bit-s-r101x3-ilsvrc2012-featurevector-1 - - False - - 2.0.0 - - 2.80.0 - - Image Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-icembedding-bit-s-r50x1-ilsvrc2012-featurevector-1 - - False - - 2.0.0 - - 2.80.0 - - Image Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-icembedding-bit-s-r50x3-ilsvrc2012-featurevector-1 - - False - - 2.0.0 - - 2.80.0 - - Image Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-icembedding-efficientnet-b0-featurevector-1 - - False - - 2.0.0 - - 2.80.0 - - Image Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-icembedding-efficientnet-b1-featurevector-1 - - False - - 2.0.0 - - 2.80.0 - - Image Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-icembedding-efficientnet-b2-featurevector-1 - - False - - 2.0.0 - - 2.80.0 - - Image Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-icembedding-efficientnet-b3-featurevector-1 - - False - - 2.0.0 - - 2.80.0 - - Image Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-icembedding-efficientnet-b6-featurevector-1 - - False - - 2.0.0 - - 2.80.0 - - Image Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-icembedding-efficientnet-lite0-featurevector-2 - - False - - 2.0.0 - - 2.80.0 - - Image Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-icembedding-efficientnet-lite1-featurevector-2 - - False - - 2.0.0 - - 2.80.0 - - Image Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-icembedding-efficientnet-lite2-featurevector-2 - - False - - 2.0.0 - - 2.80.0 - - Image Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-icembedding-efficientnet-lite3-featurevector-2 - - False - - 2.0.0 - - 2.80.0 - - Image Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-icembedding-efficientnet-lite4-featurevector-2 - - False - - 2.0.0 - - 2.80.0 - - Image Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-icembedding-imagenet-inception-v1-featurevector-4 - - False - - 2.0.0 - - 2.80.0 - - Image Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-icembedding-imagenet-inception-v2-featurevector-4 - - False - - 2.0.0 - - 2.80.0 - - Image Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-icembedding-imagenet-inception-v3-featurevector-4 - - False - - 2.0.0 - - 2.80.0 - - Image Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-icembedding-imagenet-mobilenet-v1-025-128-featurevector-4 - - False - - 2.0.0 - - 2.80.0 - - Image Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-icembedding-imagenet-mobilenet-v1-025-160-featurevector-4 - - False - - 2.0.0 - - 2.80.0 - - Image Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-icembedding-imagenet-mobilenet-v1-025-192-featurevector-4 - - False - - 2.0.0 - - 2.80.0 - - Image Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-icembedding-imagenet-mobilenet-v1-025-224-featurevector-4 - - False - - 2.0.0 - - 2.80.0 - - Image Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-icembedding-imagenet-mobilenet-v1-050-128-featurevector-4 - - False - - 2.0.0 - - 2.80.0 - - Image Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-icembedding-imagenet-mobilenet-v1-050-160-featurevector-4 - - False - - 2.0.0 - - 2.80.0 - - Image Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-icembedding-imagenet-mobilenet-v1-050-192-featurevector-4 - - False - - 2.0.0 - - 2.80.0 - - Image Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-icembedding-imagenet-mobilenet-v1-050-224-featurevector-4 - - False - - 2.0.0 - - 2.80.0 - - Image Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-icembedding-imagenet-mobilenet-v1-075-128-featurevector-4 - - False - - 2.0.0 - - 2.80.0 - - Image Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-icembedding-imagenet-mobilenet-v1-075-160-featurevector-4 - - False - - 2.0.0 - - 2.80.0 - - Image Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-icembedding-imagenet-mobilenet-v1-075-192-featurevector-4 - - False - - 2.0.0 - - 2.80.0 - - Image Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-icembedding-imagenet-mobilenet-v1-075-224-featurevector-4 - - False - - 2.0.0 - - 2.80.0 - - Image Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-icembedding-imagenet-mobilenet-v1-100-128-featurevector-4 - - False - - 2.0.0 - - 2.80.0 - - Image Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-icembedding-imagenet-mobilenet-v1-100-160-featurevector-4 - - False - - 2.0.0 - - 2.80.0 - - Image Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-icembedding-imagenet-mobilenet-v1-100-192-featurevector-4 - - False - - 2.0.0 - - 2.80.0 - - Image Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-icembedding-imagenet-mobilenet-v1-100-224-featurevector-4 - - False - - 2.0.0 - - 2.80.0 - - Image Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-icembedding-imagenet-mobilenet-v2-035-224-featurevector-4 - - False - - 2.0.0 - - 2.80.0 - - Image Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-icembedding-imagenet-mobilenet-v2-050-224-featurevector-4 - - False - - 2.0.0 - - 2.80.0 - - Image Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-icembedding-imagenet-mobilenet-v2-075-224-featurevector-4 - - False - - 2.0.0 - - 2.80.0 - - Image Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-icembedding-imagenet-mobilenet-v2-100-224-featurevector-4 - - False - - 2.0.0 - - 2.80.0 - - Image Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-icembedding-imagenet-mobilenet-v2-130-224-featurevector-4 - - False - - 2.0.0 - - 2.80.0 - - Image Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-icembedding-imagenet-mobilenet-v2-140-224-featurevector-4 - - False - - 2.0.0 - - 2.80.0 - - Image Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-icembedding-imagenet-resnet-v1-101-featurevector-4 - - False - - 2.0.0 - - 2.80.0 - - Image Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-icembedding-imagenet-resnet-v1-152-featurevector-4 - - False - - 2.0.0 - - 2.80.0 - - Image Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-icembedding-imagenet-resnet-v1-50-featurevector-4 - - False - - 2.0.0 - - 2.80.0 - - Image Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-icembedding-imagenet-resnet-v2-101-featurevector-4 - - False - - 2.0.0 - - 2.80.0 - - Image Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-icembedding-imagenet-resnet-v2-152-featurevector-4 - - False - - 2.0.0 - - 2.80.0 - - Image Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-icembedding-imagenet-resnet-v2-50-featurevector-4 - - False - - 2.0.0 - - 2.80.0 - - Image Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-icembedding-resnet-50-featurevector-1 - - False - - 2.0.0 - - 2.80.0 - - Image Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-icembedding-tf2-preview-inception-v3-featurevector-4 - - False - - 2.0.0 - - 2.80.0 - - Image Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-icembedding-tf2-preview-mobilenet-v2-featurevector-4 - - False - - 2.0.0 - - 2.80.0 - - Image Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-od-centernet-hourglass-1024x1024-1 - - False - - 2.0.0 - - 2.80.0 - - Object Detection - - `Tensorflow Hub `__ |external-link| - * - tensorflow-od-centernet-hourglass-1024x1024-kpts-1 - - False - - 2.0.0 - - 2.80.0 - - Object Detection - - `Tensorflow Hub `__ |external-link| - * - tensorflow-od-centernet-hourglass-512x512-1 - - False - - 2.0.0 - - 2.80.0 - - Object Detection - - `Tensorflow Hub `__ |external-link| - * - tensorflow-od-centernet-hourglass-512x512-kpts-1 - - False - - 2.0.0 - - 2.80.0 - - Object Detection - - `Tensorflow Hub `__ |external-link| - * - tensorflow-od-centernet-resnet101v1-fpn-512x512-1 - - False - - 2.0.0 - - 2.80.0 - - Object Detection - - `Tensorflow Hub `__ |external-link| - * - tensorflow-od-centernet-resnet50v1-fpn-512x512-1 - - False - - 2.0.0 - - 2.80.0 - - Object Detection - - `Tensorflow Hub `__ |external-link| - * - tensorflow-od-centernet-resnet50v1-fpn-512x512-kpts-1 - - False - - 2.0.0 - - 2.80.0 - - Object Detection - - `Tensorflow Hub `__ |external-link| - * - tensorflow-od-centernet-resnet50v2-512x512-1 - - False - - 2.0.0 - - 2.80.0 - - Object Detection - - `Tensorflow Hub `__ |external-link| - * - tensorflow-od-centernet-resnet50v2-512x512-kpts-1 - - False - - 2.0.0 - - 2.80.0 - - Object Detection - - `Tensorflow Hub `__ |external-link| - * - tensorflow-od-efficientdet-d0-1 - - False - - 2.0.0 - - 2.80.0 - - Object Detection - - `Tensorflow Hub `__ |external-link| - * - tensorflow-od-efficientdet-d1-1 - - False - - 2.0.0 - - 2.80.0 - - Object Detection - - `Tensorflow Hub `__ |external-link| - * - tensorflow-od-efficientdet-d2-1 - - False - - 2.0.0 - - 2.80.0 - - Object Detection - - `Tensorflow Hub `__ |external-link| - * - tensorflow-od-efficientdet-d3-1 - - False - - 2.0.0 - - 2.80.0 - - Object Detection - - `Tensorflow Hub `__ |external-link| - * - tensorflow-od-efficientdet-d4-1 - - False - - 2.0.0 - - 2.80.0 - - Object Detection - - `Tensorflow Hub `__ |external-link| - * - tensorflow-od-efficientdet-d5-1 - - False - - 2.0.0 - - 2.80.0 - - Object Detection - - `Tensorflow Hub `__ |external-link| - * - tensorflow-od-faster-rcnn-inception-resnet-v2-1024x1024-1 - - False - - 2.0.0 - - 2.80.0 - - Object Detection - - `Tensorflow Hub `__ |external-link| - * - tensorflow-od-faster-rcnn-inception-resnet-v2-640x640-1 - - False - - 2.0.0 - - 2.80.0 - - Object Detection - - `Tensorflow Hub `__ |external-link| - * - tensorflow-od-faster-rcnn-resnet101-v1-1024x1024-1 - - False - - 2.0.0 - - 2.80.0 - - Object Detection - - `Tensorflow Hub `__ |external-link| - * - tensorflow-od-faster-rcnn-resnet101-v1-640x640-1 - - False - - 2.0.0 - - 2.80.0 - - Object Detection - - `Tensorflow Hub `__ |external-link| - * - tensorflow-od-faster-rcnn-resnet101-v1-800x1333-1 - - False - - 2.0.0 - - 2.80.0 - - Object Detection - - `Tensorflow Hub `__ |external-link| - * - tensorflow-od-faster-rcnn-resnet152-v1-1024x1024-1 - - False - - 2.0.0 - - 2.80.0 - - Object Detection - - `Tensorflow Hub `__ |external-link| - * - tensorflow-od-faster-rcnn-resnet152-v1-640x640-1 - - False - - 2.0.0 - - 2.80.0 - - Object Detection - - `Tensorflow Hub `__ |external-link| - * - tensorflow-od-faster-rcnn-resnet152-v1-800x1333-1 - - False - - 2.0.0 - - 2.80.0 - - Object Detection - - `Tensorflow Hub `__ |external-link| - * - tensorflow-od-faster-rcnn-resnet50-v1-1024x1024-1 - - False - - 2.0.0 - - 2.80.0 - - Object Detection - - `Tensorflow Hub `__ |external-link| - * - tensorflow-od-faster-rcnn-resnet50-v1-640x640-1 - - False - - 2.0.0 - - 2.80.0 - - Object Detection - - `Tensorflow Hub `__ |external-link| - * - tensorflow-od-faster-rcnn-resnet50-v1-800x1333-1 - - False - - 2.0.0 - - 2.80.0 - - Object Detection - - `Tensorflow Hub `__ |external-link| - * - tensorflow-od-retinanet-resnet101-v1-fpn-1024x1024-1 - - False - - 2.0.0 - - 2.80.0 - - Object Detection - - `Tensorflow Hub `__ |external-link| - * - tensorflow-od-retinanet-resnet101-v1-fpn-640x640-1 - - False - - 2.0.0 - - 2.80.0 - - Object Detection - - `Tensorflow Hub `__ |external-link| - * - tensorflow-od-retinanet-resnet152-v1-fpn-1024x1024-1 - - False - - 2.0.0 - - 2.80.0 - - Object Detection - - `Tensorflow Hub `__ |external-link| - * - tensorflow-od-retinanet-resnet152-v1-fpn-640x640-1 - - False - - 2.0.0 - - 2.80.0 - - Object Detection - - `Tensorflow Hub `__ |external-link| - * - tensorflow-od-retinanet-resnet50-v1-fpn-1024x1024-1 - - False - - 2.0.0 - - 2.80.0 - - Object Detection - - `Tensorflow Hub `__ |external-link| - * - tensorflow-od-retinanet-resnet50-v1-fpn-640x640-1 - - False - - 2.0.0 - - 2.80.0 - - Object Detection - - `Tensorflow Hub `__ |external-link| - * - tensorflow-od-ssd-mobilenet-v1-fpn-640x640-1 - - False - - 2.0.0 - - 2.80.0 - - Object Detection - - `Tensorflow Hub `__ |external-link| - * - tensorflow-od-ssd-mobilenet-v2-2 - - False - - 2.0.0 - - 2.80.0 - - Object Detection - - `Tensorflow Hub `__ |external-link| - * - tensorflow-od-ssd-mobilenet-v2-fpnlite-320x320-1 - - False - - 2.0.0 - - 2.80.0 - - Object Detection - - `Tensorflow Hub `__ |external-link| - * - tensorflow-od-ssd-mobilenet-v2-fpnlite-640x640-1 - - False - - 2.0.0 - - 2.80.0 - - Object Detection - - `Tensorflow Hub `__ |external-link| - * - tensorflow-spc-bert-en-cased-L-12-H-768-A-12-2 - - True - - 1.2.2 - - 2.75.0 - - Sentence Pair Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-spc-bert-en-uncased-L-12-H-768-A-12-2 - - True - - 1.2.2 - - 2.75.0 - - Sentence Pair Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-spc-bert-en-uncased-L-24-H-1024-A-16-2 - - True - - 1.2.2 - - 2.75.0 - - Sentence Pair Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-spc-bert-en-wwm-cased-L-24-H-1024-A-16-2 - - True - - 1.2.2 - - 2.75.0 - - Sentence Pair Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-spc-bert-en-wwm-uncased-L-24-H-1024-A-16-2 - - True - - 1.2.2 - - 2.75.0 - - Sentence Pair Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-spc-bert-multi-cased-L-12-H-768-A-12-2 - - True - - 1.2.2 - - 2.75.0 - - Sentence Pair Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-spc-electra-base-1 - - True - - 1.2.2 - - 2.75.0 - - Sentence Pair Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-spc-electra-small-1 - - True - - 1.2.2 - - 2.75.0 - - Sentence Pair Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-spc-experts-bert-pubmed-1 - - True - - 1.2.2 - - 2.75.0 - - Sentence Pair Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-spc-experts-bert-wiki-books-1 - - True - - 1.2.2 - - 2.75.0 - - Sentence Pair Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-tc-bert-en-cased-L-12-H-768-A-12-2 - - True - - 1.1.2 - - 2.75.0 - - Text Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-tc-bert-en-cased-L-24-H-1024-A-16-2 - - True - - 1.1.2 - - 2.75.0 - - Text Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-tc-bert-en-uncased-L-12-H-768-A-12-2 - - True - - 1.1.2 - - 2.75.0 - - Text Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-tc-bert-en-wwm-cased-L-24-H-1024-A-16-2 - - True - - 1.1.2 - - 2.75.0 - - Text Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-tc-bert-en-wwm-uncased-L-24-H-1024-A-16-2 - - True - - 1.1.2 - - 2.75.0 - - Text Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-tc-bert-multi-cased-L-12-H-768-A-12-2 - - True - - 1.1.2 - - 2.75.0 - - Text Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-tc-electra-base-1 - - True - - 1.1.2 - - 2.75.0 - - Text Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-tc-electra-small-1 - - True - - 1.1.2 - - 2.75.0 - - Text Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-tc-experts-bert-pubmed-1 - - True - - 1.1.2 - - 2.75.0 - - Text Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-tc-experts-bert-wiki-books-1 - - True - - 1.1.2 - - 2.75.0 - - Text Classification - - `Tensorflow Hub `__ |external-link| - * - tensorflow-tcembedding-bert-en-uncased-L-10-H-128-A-2-2 - - False - - 1.1.0 - - 2.75.0 - - Text Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-tcembedding-bert-en-uncased-L-10-H-256-A-4-2 - - False - - 1.1.0 - - 2.75.0 - - Text Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-tcembedding-bert-en-uncased-L-10-H-512-A-8-2 - - False - - 1.1.0 - - 2.75.0 - - Text Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-tcembedding-bert-en-uncased-L-10-H-768-A-12-2 - - False - - 1.1.0 - - 2.75.0 - - Text Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-tcembedding-bert-en-uncased-L-12-H-128-A-2-2 - - False - - 1.1.0 - - 2.75.0 - - Text Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-tcembedding-bert-en-uncased-L-12-H-256-A-4 - - False - - 1.1.0 - - 2.75.0 - - Text Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-tcembedding-bert-en-uncased-L-12-H-512-A-8-2 - - False - - 1.1.0 - - 2.75.0 - - Text Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-tcembedding-bert-en-uncased-L-12-H-768-A-12-2 - - False - - 1.1.0 - - 2.75.0 - - Text Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-tcembedding-bert-en-uncased-L-12-H-768-A-12-4 - - False - - 1.1.0 - - 2.75.0 - - Text Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-tcembedding-bert-en-uncased-L-2-H-128-A-2-2 - - False - - 1.1.0 - - 2.75.0 - - Text Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-tcembedding-bert-en-uncased-L-2-H-256-A-4 - - False - - 1.1.0 - - 2.75.0 - - Text Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-tcembedding-bert-en-uncased-L-2-H-512-A-8-2 - - False - - 1.1.0 - - 2.75.0 - - Text Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-tcembedding-bert-en-uncased-L-2-H-768-A-12-2 - - False - - 1.1.0 - - 2.75.0 - - Text Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-tcembedding-bert-en-uncased-L-4-H-128-A-2-2 - - False - - 1.1.0 - - 2.75.0 - - Text Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-tcembedding-bert-en-uncased-L-4-H-256-A-4-2 - - False - - 1.1.0 - - 2.75.0 - - Text Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-tcembedding-bert-en-uncased-L-4-H-512-A-8-2 - - False - - 1.1.0 - - 2.75.0 - - Text Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-tcembedding-bert-en-uncased-L-4-H-768-A-12-2 - - False - - 1.1.0 - - 2.75.0 - - Text Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-tcembedding-bert-en-uncased-L-6-H-128-A-2-2 - - False - - 1.1.0 - - 2.75.0 - - Text Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-tcembedding-bert-en-uncased-L-6-H-256-A-4 - - False - - 1.1.0 - - 2.75.0 - - Text Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-tcembedding-bert-en-uncased-L-6-H-512-A-8-2 - - False - - 1.1.0 - - 2.75.0 - - Text Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-tcembedding-bert-en-uncased-L-6-H-768-A-12-2 - - False - - 1.1.0 - - 2.75.0 - - Text Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-tcembedding-bert-en-uncased-L-8-H-256-A-4-2 - - False - - 1.1.0 - - 2.75.0 - - Text Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-tcembedding-bert-en-uncased-L-8-H-512-A-8-2 - - False - - 1.1.0 - - 2.75.0 - - Text Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-tcembedding-bert-en-uncased-L-8-H-768-A-12-2 - - False - - 1.1.0 - - 2.75.0 - - Text Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-tcembedding-bert-wiki-books-mnli-2 - - False - - 1.1.0 - - 2.75.0 - - Text Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-tcembedding-bert-wiki-books-sst2 - - False - - 1.1.0 - - 2.75.0 - - Text Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-tcembedding-talkheads-ggelu-bert-en-base-2 - - False - - 1.1.0 - - 2.75.0 - - Text Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-tcembedding-talkheads-ggelu-bert-en-large-2 - - False - - 1.1.0 - - 2.75.0 - - Text Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-tcembedding-universal-sentence-encoder-cmlm-en-base-1 - - False - - 1.1.0 - - 2.75.0 - - Text Embedding - - `Tensorflow Hub `__ |external-link| - * - tensorflow-tcembedding-universal-sentence-encoder-cmlm-en-large-1 - - False - - 1.1.0 - - 2.75.0 - - Text Embedding - - `Tensorflow Hub `__ |external-link| - * - xgboost-classification-model - - True - - 1.2.1 - - 2.75.0 - - Classification - - `XGBoost `__ |external-link| - * - xgboost-regression-model - - True - - 1.2.1 - - 2.75.0 - - Regression - - `XGBoost `__ |external-link|