diff --git a/requirements/extras/test_requirements.txt b/requirements/extras/test_requirements.txt index 916d46c9f0..cacbd2a165 100644 --- a/requirements/extras/test_requirements.txt +++ b/requirements/extras/test_requirements.txt @@ -4,8 +4,11 @@ pytest-xdist mock pydantic==2.11.9 pydantic_core==2.33.2 -pandas +pandas>=2.3.0 +numpy>=2.0.0, <3.0 +scikit-learn==1.6.1 scipy omegaconf graphene -typing_extensions>=4.9.0 \ No newline at end of file +typing_extensions>=4.9.0 +tensorflow>=2.16.2,<=2.19.0 \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/common_utils.py b/sagemaker-core/src/sagemaker/core/common_utils.py index b5dd2ecbef..46f127a3b3 100644 --- a/sagemaker-core/src/sagemaker/core/common_utils.py +++ b/sagemaker-core/src/sagemaker/core/common_utils.py @@ -59,6 +59,7 @@ "us-isob-east-1": "sc2s.sgov.gov", "us-isof-south-1": "csp.hci.ic.gov", "us-isof-east-1": "csp.hci.ic.gov", + "eu-isoe-west-1": "cloud.adc-e.uk", } ECR_URI_PATTERN = r"^(\d+)(\.)dkr(\.)ecr(\.)(.+)(\.)(.*)(/)(.*:.*)$" @@ -1555,7 +1556,7 @@ def get_instance_type_family(instance_type: str) -> str: """ instance_type_family = "" if isinstance(instance_type, str): - match = re.match(r"^ml[\._]([a-z\d]+)\.?\w*$", instance_type) + match = re.match(r"^ml[\._]([a-z\d\-]+)\.?\w*$", instance_type) if match is not None: instance_type_family = match[1] return instance_type_family diff --git a/sagemaker-core/src/sagemaker/core/fw_utils.py b/sagemaker-core/src/sagemaker/core/fw_utils.py index 4c8e02707a..f658ae9840 100644 --- a/sagemaker-core/src/sagemaker/core/fw_utils.py +++ b/sagemaker-core/src/sagemaker/core/fw_utils.py @@ -25,13 +25,13 @@ from packaging import version -import sagemaker.core.common_utils as sagemaker_utils -from sagemaker.core.deprecations import deprecation_warn_base, renamed_kwargs +import sagemaker.core.common_utils as utils +from sagemaker.core.deprecations import deprecation_warn_base, renamed_kwargs, renamed_warning from sagemaker.core.instance_group import InstanceGroup -from sagemaker.core.s3 import s3_path_join +from sagemaker.core.s3.utils import s3_path_join from sagemaker.core.session_settings import SessionSettings from sagemaker.core.workflow import is_pipeline_variable -from sagemaker.core.helper.pipeline_variable import PipelineVariable +from sagemaker.core.workflow.entities import PipelineVariable logger = logging.getLogger(__name__) @@ -155,6 +155,9 @@ "2.3.1", "2.4.1", "2.5.1", + "2.6.0", + "2.7.1", + "2.8.0", ] TRAINIUM_SUPPORTED_DISTRIBUTION_STRATEGIES = ["torch_distributed"] @@ -455,7 +458,7 @@ def tar_and_upload_dir( try: source_files = _list_files_to_compress(script, directory) + dependencies - tar_file = sagemaker_utils.create_tar_file( + tar_file = utils.create_tar_file( source_files, os.path.join(tmp, _TAR_SOURCE_FILENAME) ) @@ -516,7 +519,7 @@ def framework_name_from_image(image_uri): - str: The image tag - str: If the TensorFlow image is script mode """ - sagemaker_pattern = re.compile(sagemaker_utils.ECR_URI_PATTERN) + sagemaker_pattern = re.compile(utils.ECR_URI_PATTERN) sagemaker_match = sagemaker_pattern.match(image_uri) if sagemaker_match is None: return None, None, None, None @@ -595,7 +598,7 @@ def model_code_key_prefix(code_location_key_prefix, model_name, image): """ name_from_image = f"/model_code/{int(time.time())}" if not is_pipeline_variable(image): - name_from_image = sagemaker_utils.name_from_image(image) + name_from_image = utils.name_from_image(image) return s3_path_join(code_location_key_prefix, model_name or name_from_image) @@ -961,7 +964,7 @@ def validate_distribution_for_instance_type(instance_type, distribution): """ err_msg = "" if isinstance(instance_type, str): - match = re.match(r"^ml[\._]([a-z\d]+)\.?\w*$", instance_type) + match = re.match(r"^ml[\._]([a-z\d\-]+)\.?\w*$", instance_type) if match and match[1].startswith("trn"): keys = list(distribution.keys()) if len(keys) == 0: @@ -1062,7 +1065,7 @@ def validate_torch_distributed_distribution( ) # Check entry point type - if not entry_point.endswith(".py"): + if entry_point is not None and not entry_point.endswith(".py"): err_msg += ( "Unsupported entry point type for the distribution torch_distributed.\n" "Only python programs (*.py) are supported." @@ -1082,7 +1085,7 @@ def _is_gpu_instance(instance_type): bool: Whether or not the instance_type supports GPU """ if isinstance(instance_type, str): - match = re.match(r"^ml[\._]([a-z\d]+)\.?\w*$", instance_type) + match = re.match(r"^ml[\._]([a-z\d\-]+)\.?\w*$", instance_type) if match: if match[1].startswith("p") or match[1].startswith("g"): return True @@ -1101,7 +1104,7 @@ def _is_trainium_instance(instance_type): bool: Whether or not the instance_type is a Trainium instance """ if isinstance(instance_type, str): - match = re.match(r"^ml[\._]([a-z\d]+)\.?\w*$", instance_type) + match = re.match(r"^ml[\._]([a-z\d\-]+)\.?\w*$", instance_type) if match and match[1].startswith("trn"): return True return False @@ -1148,7 +1151,7 @@ def _instance_type_supports_profiler(instance_type): bool: Whether or not the region supports Amazon SageMaker Debugger profiling feature. """ if isinstance(instance_type, str): - match = re.match(r"^ml[\._]([a-z\d]+)\.?\w*$", instance_type) + match = re.match(r"^ml[\._]([a-z\d\-]+)\.?\w*$", instance_type) if match and match[1].startswith("trn"): return True return False @@ -1174,3 +1177,44 @@ def validate_version_or_image_args(framework_version, py_version, image_uri): "framework_version or py_version was None, yet image_uri was also None. " "Either specify both framework_version and py_version, or specify image_uri." ) + + +def create_image_uri( + region, + framework, + instance_type, + framework_version, + py_version=None, + account=None, # pylint: disable=W0613 + accelerator_type=None, + optimized_families=None, # pylint: disable=W0613 +): + """Deprecated method. Please use sagemaker.image_uris.retrieve(). + + Args: + region (str): AWS region where the image is uploaded. + framework (str): framework used by the image. + instance_type (str): SageMaker instance type. Used to determine device + type (cpu/gpu/family-specific optimized). + framework_version (str): The version of the framework. + py_version (str): Optional. Python version Ex: `py38, py39, py310, py311`. + If not specified, image uri will not include a python component. + account (str): AWS account that contains the image. (default: + '520713654638') + accelerator_type (str): SageMaker Elastic Inference accelerator type. + optimized_families (str): Deprecated. A no-op argument. + + Returns: + the image uri + """ + from sagemaker.core import image_uris + + renamed_warning("The method create_image_uri") + return image_uris.retrieve( + framework=framework, + region=region, + version=framework_version, + py_version=py_version, + instance_type=instance_type, + accelerator_type=accelerator_type, + ) diff --git a/sagemaker-core/src/sagemaker/core/git_utils.py b/sagemaker-core/src/sagemaker/core/git_utils.py index 49d151a00b..08f9678840 100644 --- a/sagemaker-core/src/sagemaker/core/git_utils.py +++ b/sagemaker-core/src/sagemaker/core/git_utils.py @@ -20,7 +20,69 @@ import warnings import six from six.moves import urllib +import re +from pathlib import Path +from urllib.parse import urlparse + +def _sanitize_git_url(repo_url): + """Sanitize Git repository URL to prevent URL injection attacks. + + Args: + repo_url (str): The Git repository URL to sanitize + Returns: + str: The sanitized URL + + Raises: + ValueError: If the URL contains suspicious patterns that could indicate injection + """ + at_count = repo_url.count("@") + + if repo_url.startswith("git@"): + # git@ format requires exactly one @ + if at_count != 1: + raise ValueError("Invalid SSH URL format: git@ URLs must have exactly one @ symbol") + elif repo_url.startswith("ssh://"): + # ssh:// format can have 0 or 1 @ symbols + if at_count > 1: + raise ValueError("Invalid SSH URL format: multiple @ symbols detected") + elif repo_url.startswith("https://") or repo_url.startswith("http://"): + # HTTPS format allows 0 or 1 @ symbols + if at_count > 1: + raise ValueError("Invalid HTTPS URL format: multiple @ symbols detected") + + # Check for invalid characters in the URL before parsing + # These characters should not appear in legitimate URLs + invalid_chars = ["<", ">", "[", "]", "{", "}", "\\", "^", "`", "|"] + for char in invalid_chars: + if char in repo_url: + raise ValueError("Invalid characters in hostname") + + try: + parsed = urlparse(repo_url) + + # Check for suspicious characters in hostname that could indicate injection + if parsed.hostname: + # Check for URL-encoded characters that might be used for obfuscation + suspicious_patterns = ["%25", "%40", "%2F", "%3A"] # encoded %, @, /, : + for pattern in suspicious_patterns: + if pattern in parsed.hostname.lower(): + raise ValueError(f"Suspicious URL encoding detected in hostname: {pattern}") + + # Validate that the hostname looks legitimate + if not re.match(r"^[a-zA-Z0-9.-]+$", parsed.hostname): + raise ValueError("Invalid characters in hostname") + + except Exception as e: + if isinstance(e, ValueError): + raise + raise ValueError(f"Failed to parse URL: {str(e)}") + else: + raise ValueError( + "Unsupported URL scheme: only https://, http://, git@, and ssh:// are allowed" + ) + + return repo_url def git_clone_repo(git_config, entry_point, source_dir=None, dependencies=None): """Git clone repo containing the training code and serving code. @@ -87,6 +149,10 @@ def git_clone_repo(git_config, entry_point, source_dir=None, dependencies=None): if entry_point is None: raise ValueError("Please provide an entry point.") _validate_git_config(git_config) + + # SECURITY: Sanitize the repository URL to prevent injection attacks + git_config["repo"] = _sanitize_git_url(git_config["repo"]) + dest_dir = tempfile.mkdtemp() _generate_and_run_clone_command(git_config, dest_dir) diff --git a/sagemaker-core/src/sagemaker/core/helper/session_helper.py b/sagemaker-core/src/sagemaker/core/helper/session_helper.py index bc35c7eb9d..397e0f492d 100644 --- a/sagemaker-core/src/sagemaker/core/helper/session_helper.py +++ b/sagemaker-core/src/sagemaker/core/helper/session_helper.py @@ -330,16 +330,16 @@ def get_caller_identity_arn(self): user_profile_name = metadata.get("UserProfileName") execution_role_arn = metadata.get("ExecutionRoleArn") try: + # find execution role from the metadata file if present + if execution_role_arn is not None: + return execution_role_arn + if domain_id is None: instance_desc = self.sagemaker_client.describe_notebook_instance( NotebookInstanceName=instance_name ) return instance_desc["RoleArn"] - # find execution role from the metadata file if present - if execution_role_arn is not None: - return execution_role_arn - user_profile_desc = self.sagemaker_client.describe_user_profile( DomainId=domain_id, UserProfileName=user_profile_name ) @@ -666,9 +666,16 @@ def expected_bucket_owner_id_bucket_check(self, bucket_name, s3, expected_bucket """ try: - s3.meta.client.head_bucket( - Bucket=bucket_name, ExpectedBucketOwner=expected_bucket_owner_id - ) + if self.default_bucket_prefix: + s3.meta.client.list_objects_v2( + Bucket=bucket_name, + Prefix=self.default_bucket_prefix, + ExpectedBucketOwner=expected_bucket_owner_id, + ) + else: + s3.meta.client.head_bucket( + Bucket=bucket_name, ExpectedBucketOwner=expected_bucket_owner_id + ) except ClientError as e: error_code = e.response["Error"]["Code"] message = e.response["Error"]["Message"] @@ -699,7 +706,12 @@ def general_bucket_check_if_user_has_permission( bucket_creation_date_none (bool):Indicating whether S3 bucket already exists or not """ try: - s3.meta.client.head_bucket(Bucket=bucket_name) + if self.default_bucket_prefix: + s3.meta.client.list_objects_v2( + Bucket=bucket_name, Prefix=self.default_bucket_prefix + ) + else: + s3.meta.client.head_bucket(Bucket=bucket_name) except ClientError as e: error_code = e.response["Error"]["Code"] message = e.response["Error"]["Message"] diff --git a/sagemaker-core/src/sagemaker/core/huggingface/__init__.py b/sagemaker-core/src/sagemaker/core/huggingface/__init__.py deleted file mode 100644 index d66dc04abe..0000000000 --- a/sagemaker-core/src/sagemaker/core/huggingface/__init__.py +++ /dev/null @@ -1,29 +0,0 @@ -# Copyright Amazon.com, Inc. or its affiliates. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"). You -# may not use this file except in compliance with the License. A copy of -# the License is located at -# -# http://aws.amazon.com/apache2.0/ -# -# or in the "license" file accompanying this file. This file is -# distributed on an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF -# ANY KIND, either express or implied. See the License for the specific -# language governing permissions and limitations under the License. -"""HuggingFace framework support for SageMaker.""" -from __future__ import absolute_import - -from sagemaker.core.huggingface.estimator import HuggingFace # noqa: F401 -from sagemaker.core.huggingface.llm_utils import get_huggingface_llm_image_uri # noqa: F401 -from sagemaker.core.huggingface.model import HuggingFaceModel, HuggingFacePredictor # noqa: F401 -from sagemaker.core.huggingface.processing import HuggingFaceProcessor # noqa: F401 -from sagemaker.core.huggingface.training_compiler.config import TrainingCompilerConfig # noqa: F401 - -__all__ = [ - "HuggingFace", - "HuggingFaceModel", - "HuggingFacePredictor", - "HuggingFaceProcessor", - "TrainingCompilerConfig", - "get_huggingface_llm_image_uri", -] diff --git a/sagemaker-core/src/sagemaker/core/huggingface/llm_utils.py b/sagemaker-core/src/sagemaker/core/huggingface/llm_utils.py deleted file mode 100644 index ac0d115d8b..0000000000 --- a/sagemaker-core/src/sagemaker/core/huggingface/llm_utils.py +++ /dev/null @@ -1,150 +0,0 @@ -# Copyright Amazon.com, Inc. or its affiliates. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"). You -# may not use this file except in compliance with the License. A copy of -# the License is located at -# -# http://aws.amazon.com/apache2.0/ -# -# or in the "license" file accompanying this file. This file is -# distributed on an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF -# ANY KIND, either express or implied. See the License for the specific -# language governing permissions and limitations under the License. -"""Functions for generating ECR image URIs for pre-built SageMaker Docker images.""" -from __future__ import absolute_import - -import os -from typing import Optional -import importlib.util - -import urllib.request -from urllib.error import HTTPError, URLError -import json -from json import JSONDecodeError -import logging -from sagemaker.core import image_uris -from sagemaker.core.helper.session_helper import Session - -logger = logging.getLogger(__name__) - - -def get_huggingface_llm_image_uri( - backend: str, - session: Optional[Session] = None, - region: Optional[str] = None, - version: Optional[str] = None, -) -> str: - """Retrieves the image URI for inference. - - Args: - backend (str): The backend to use. Valid values include "huggingface" and "lmi". - session (Session): The SageMaker Session to use. (Default: None). - region (str): The AWS region to use for image URI. (default: None). - version (str): The framework version for which to retrieve an - image URI. If no version is set, defaults to latest version. (default: None). - - Returns: - str: The image URI string. - """ - - if region is None: - if session is None: - region = Session().boto_session.region_name - else: - region = session.boto_session.region_name - if backend == "huggingface": - return image_uris.retrieve( - "huggingface-llm", - region=region, - version=version, - image_scope="inference", - ) - if backend == "huggingface-neuronx": - return image_uris.retrieve( - "huggingface-llm-neuronx", - region=region, - version=version, - image_scope="inference", - inference_tool="neuronx", - ) - if backend == "huggingface-tei": - return image_uris.retrieve( - "huggingface-tei", - region=region, - version=version, - image_scope="inference", - ) - if backend == "huggingface-tei-cpu": - return image_uris.retrieve( - "huggingface-tei-cpu", - region=region, - version=version, - image_scope="inference", - ) - if backend == "lmi": - version = version or "0.24.0" - return image_uris.retrieve(framework="djl-deepspeed", region=region, version=version) - raise ValueError("Unsupported backend: %s" % backend) - - -def get_huggingface_model_metadata(model_id: str, hf_hub_token: Optional[str] = None) -> dict: - """Retrieves the json metadata of the HuggingFace Model via HuggingFace API. - - Args: - model_id (str): The HuggingFace Model ID - hf_hub_token (str): The HuggingFace Hub Token needed for Private/Gated HuggingFace Models - - Returns: - dict: The model metadata retrieved with the HuggingFace API - """ - if not model_id: - raise ValueError("Model ID is empty. Please provide a valid Model ID.") - hf_model_metadata_url = f"https://huggingface.co/api/models/{model_id}" - hf_model_metadata_json = None - try: - if hf_hub_token: - hf_model_metadata_url = urllib.request.Request( - hf_model_metadata_url, None, {"Authorization": "Bearer " + hf_hub_token} - ) - with urllib.request.urlopen(hf_model_metadata_url) as response: - hf_model_metadata_json = json.load(response) - except (HTTPError, URLError, TimeoutError, JSONDecodeError) as e: - if "HTTP Error 401: Unauthorized" in str(e): - raise ValueError( - "Trying to access a gated/private HuggingFace model without valid credentials. " - "Please provide a HUGGING_FACE_HUB_TOKEN in env_vars" - ) - logger.warning( - "Exception encountered while trying to retrieve HuggingFace model metadata %s. " - "Details: %s", - hf_model_metadata_url, - e, - ) - if not hf_model_metadata_json: - raise ValueError( - "Did not find model metadata for the following HuggingFace Model ID %s" % model_id - ) - return hf_model_metadata_json - - -def download_huggingface_model_metadata( - model_id: str, model_local_path: str, hf_hub_token: Optional[str] = None -) -> None: - """Downloads the HuggingFace Model snapshot via HuggingFace API. - - Args: - model_id (str): The HuggingFace Model ID - model_local_path (str): The local path to save the HuggingFace Model snapshot. - hf_hub_token (str): The HuggingFace Hub Token - - Raises: - ImportError: If huggingface_hub is not installed. - """ - if not importlib.util.find_spec("huggingface_hub"): - raise ImportError("Unable to import huggingface_hub, check if huggingface_hub is installed") - - from huggingface_hub import snapshot_download - - os.makedirs(model_local_path, exist_ok=True) - logger.info("Downloading model %s from Hugging Face Hub to %s", model_id, model_local_path) - snapshot_download(repo_id=model_id, local_dir=model_local_path, token=hf_hub_token) diff --git a/sagemaker-core/src/sagemaker/core/huggingface/processing.py b/sagemaker-core/src/sagemaker/core/huggingface/processing.py deleted file mode 100644 index d23339a9e9..0000000000 --- a/sagemaker-core/src/sagemaker/core/huggingface/processing.py +++ /dev/null @@ -1,139 +0,0 @@ -# Copyright Amazon.com, Inc. or its affiliates. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"). You -# may not use this file except in compliance with the License. A copy of -# the License is located at -# -# http://aws.amazon.com/apache2.0/ -# -# or in the "license" file accompanying this file. This file is -# distributed on an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF -# ANY KIND, either express or implied. See the License for the specific -# language governing permissions and limitations under the License. -"""This module contains code related to HuggingFace Processors which are used for Processing jobs. - -These jobs let customers perform data pre-processing, post-processing, feature engineering, -data validation, and model evaluation and interpretation on SageMaker. -""" -from __future__ import absolute_import - -from typing import Union, Optional, List, Dict - -from sagemaker.core.helper.session_helper import Session -from sagemaker.core.network import NetworkConfig -from sagemaker.core.processing import FrameworkProcessor -from sagemaker.core.huggingface.estimator import HuggingFace - -from sagemaker.core.helper.pipeline_variable import PipelineVariable -from sagemaker.core.common_utils import format_tags, Tags - - -class HuggingFaceProcessor(FrameworkProcessor): - """Handles Amazon SageMaker processing tasks for jobs using HuggingFace containers.""" - - estimator_cls = HuggingFace - - def __init__( - self, - role: Optional[Union[str, PipelineVariable]] = None, - instance_count: Union[int, PipelineVariable] = None, - instance_type: Union[str, PipelineVariable] = None, - transformers_version: Optional[str] = None, - tensorflow_version: Optional[str] = None, - pytorch_version: Optional[str] = None, - py_version: str = "py36", - image_uri: Optional[Union[str, PipelineVariable]] = None, - command: Optional[List[str]] = None, - volume_size_in_gb: Union[int, PipelineVariable] = 30, - volume_kms_key: Optional[Union[str, PipelineVariable]] = None, - output_kms_key: Optional[Union[str, PipelineVariable]] = None, - code_location: Optional[str] = None, - max_runtime_in_seconds: Optional[Union[int, PipelineVariable]] = None, - base_job_name: Optional[str] = None, - sagemaker_session: Optional[Session] = None, - env: Optional[Dict[str, Union[str, PipelineVariable]]] = None, - tags: Optional[Tags] = None, - network_config: Optional[NetworkConfig] = None, - ): - """This processor executes a Python script in a HuggingFace execution environment. - - Unless ``image_uri`` is specified, the environment is an Amazon-built Docker container - that executes functions defined in the supplied ``code`` Python script. - - The arguments have the same meaning as in ``FrameworkProcessor``, with the following - exceptions. - - Args: - transformers_version (str): Transformers version you want to use for - executing your model training code. Defaults to ``None``. Required unless - ``image_uri`` is provided. The current supported version is ``4.4.2``. - tensorflow_version (str): TensorFlow version you want to use for - executing your model training code. Defaults to ``None``. Required unless - ``pytorch_version`` is provided. The current supported version is ``2.4.1``. - pytorch_version (str): PyTorch version you want to use for - executing your model training code. Defaults to ``None``. Required unless - ``tensorflow_version`` is provided. The current supported version is ``1.6.0``. - py_version (str): Python version you want to use for executing your model training - code. Defaults to ``None``. Required unless ``image_uri`` is provided. If - using PyTorch, the current supported version is ``py36``. If using TensorFlow, - the current supported version is ``py37``. - - .. tip:: - - You can find additional parameters for initializing this class at - :class:`~sagemaker.processing.FrameworkProcessor`. - """ - self.pytorch_version = pytorch_version - self.tensorflow_version = tensorflow_version - super().__init__( - self.estimator_cls, - transformers_version, - role, - instance_count, - instance_type, - py_version, - image_uri, - command, - volume_size_in_gb, - volume_kms_key, - output_kms_key, - code_location, - max_runtime_in_seconds, - base_job_name, - sagemaker_session, - env, - format_tags(tags), - network_config, - ) - - def _create_estimator( - self, - entry_point="", - source_dir=None, - dependencies=None, - git_config=None, - ): - """Override default estimator factory function for HuggingFace's different parameters - - HuggingFace estimators have 3 framework version parameters instead of one: The version for - Transformers, PyTorch, and TensorFlow. - """ - return self.estimator_cls( - transformers_version=self.framework_version, - tensorflow_version=self.tensorflow_version, - pytorch_version=self.pytorch_version, - py_version=self.py_version, - entry_point=entry_point, - source_dir=source_dir, - dependencies=dependencies, - git_config=git_config, - code_location=self.code_location, - enable_network_isolation=False, - image_uri=self.image_uri, - role=self.role, - instance_count=self.instance_count, - instance_type=self.instance_type, - sagemaker_session=self.sagemaker_session, - debugger_hook_config=False, - disable_profiler=True, - ) diff --git a/sagemaker-core/src/sagemaker/core/huggingface/training_compiler/__init__.py b/sagemaker-core/src/sagemaker/core/huggingface/training_compiler/__init__.py deleted file mode 100644 index e69de29bb2..0000000000 diff --git a/sagemaker-core/src/sagemaker/core/huggingface/training_compiler/config.py b/sagemaker-core/src/sagemaker/core/huggingface/training_compiler/config.py deleted file mode 100644 index bd78f1c858..0000000000 --- a/sagemaker-core/src/sagemaker/core/huggingface/training_compiler/config.py +++ /dev/null @@ -1,167 +0,0 @@ -# Copyright Amazon.com, Inc. or its affiliates. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"). You -# may not use this file except in compliance with the License. A copy of -# the License is located at -# -# http://aws.amazon.com/apache2.0/ -# -# or in the "license" file accompanying this file. This file is -# distributed on an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF -# ANY KIND, either express or implied. See the License for the specific -# language governing permissions and limitations under the License. -"""Configuration for the SageMaker Training Compiler.""" -from __future__ import absolute_import -import logging -from typing import Union -from packaging.specifiers import SpecifierSet -from packaging.version import Version - -from sagemaker.core.training_compiler.config import TrainingCompilerConfig as BaseConfig -from sagemaker.core.helper.pipeline_variable import PipelineVariable - -logger = logging.getLogger(__name__) - - -class TrainingCompilerConfig(BaseConfig): - """The SageMaker Training Compiler configuration class.""" - - SUPPORTED_INSTANCE_CLASS_PREFIXES = ["p3", "p3dn", "g4dn", "p4d", "g5"] - SUPPORTED_INSTANCE_TYPES_WITH_EFA = [ - "ml.g4dn.8xlarge", - "ml.g4dn.12xlarge", - "ml.g5.48xlarge", - "ml.p3dn.24xlarge", - "ml.p4d.24xlarge", - ] - - def __init__( - self, - enabled: Union[bool, PipelineVariable] = True, - debug: Union[bool, PipelineVariable] = False, - ): - """This class initializes a ``TrainingCompilerConfig`` instance. - - `Amazon SageMaker Training Compiler - `_ - is a feature of SageMaker Training - and speeds up training jobs by optimizing model execution graphs. - - You can compile Hugging Face models - by passing the object of this configuration class to the ``compiler_config`` - parameter of the :class:`~sagemaker.huggingface.HuggingFace` - estimator. - - Args: - enabled (bool or PipelineVariable): Optional. Switch to enable SageMaker - Training Compiler. The default is ``True``. - debug (bool or PipelineVariable): Optional. Whether to dump detailed logs - for debugging. This comes with a potential performance slowdown. - The default is ``False``. - - **Example**: The following code shows the basic usage of the - :class:`sagemaker.huggingface.TrainingCompilerConfig()` class - to run a HuggingFace training job with the compiler. - - .. code-block:: python - - from sagemaker.core.huggingface import HuggingFace, TrainingCompilerConfig - - huggingface_estimator=HuggingFace( - ... - compiler_config=TrainingCompilerConfig() - ) - - .. seealso:: - - For more information about how to enable SageMaker Training Compiler - for various training settings such as using TensorFlow-based models, - PyTorch-based models, and distributed training, - see `Enable SageMaker Training Compiler - `_ - in the `Amazon SageMaker Training Compiler developer guide - `_. - - """ - - super(TrainingCompilerConfig, self).__init__(enabled=enabled, debug=debug) - - @classmethod - def validate(cls, estimator): - """Checks if SageMaker Training Compiler is configured correctly. - - Args: - estimator (:class:`sagemaker.huggingface.HuggingFace`): An estimator object. - If SageMaker Training Compiler is enabled, it will validate whether - the estimator is configured to be compatible with Training Compiler. - - Raises: - ValueError: Raised if the requested configuration is not compatible - with SageMaker Training Compiler. - """ - - super(TrainingCompilerConfig, cls).validate(estimator) - - if estimator.pytorch_version: - if (Version(estimator.pytorch_version) in SpecifierSet("< 1.9")) or ( - Version(estimator.pytorch_version) in SpecifierSet("> 1.11") - ): - error_helper_string = ( - "SageMaker Training Compiler is only supported " - "with HuggingFace PyTorch 1.9-1.11. " - "Received pytorch_version={} which is unsupported." - ) - raise ValueError(error_helper_string.format(estimator.pytorch_version)) - - if estimator.image_uri: - error_helper_string = ( - "Overriding the image URI is currently not supported " - "for SageMaker Training Compiler." - "Specify the following parameters to run the Hugging Face training job " - "with SageMaker Training Compiler enabled: " - "transformer_version, tensorflow_version or pytorch_version, and compiler_config." - ) - raise ValueError(error_helper_string) - - if estimator.distribution: - pt_xla_present = "pytorchxla" in estimator.distribution - pt_xla_enabled = estimator.distribution.get("pytorchxla", {}).get("enabled", False) - if pt_xla_enabled: - if estimator.tensorflow_version: - error_helper_string = ( - "Distribution mechanism 'pytorchxla' is currently only supported for " - "PyTorch >= 1.11 when SageMaker Training Compiler is enabled. Received " - "tensorflow_version={} which is unsupported." - ) - raise ValueError(error_helper_string.format(estimator.tensorflow_version)) - if estimator.pytorch_version: - if Version(estimator.pytorch_version) in SpecifierSet("< 1.11"): - error_helper_string = ( - "Distribution mechanism 'pytorchxla' is currently only supported for " - "PyTorch >= 1.11 when SageMaker Training Compiler is enabled." - " Received pytorch_version={} which is unsupported." - ) - raise ValueError(error_helper_string.format(estimator.pytorch_version)) - if estimator.instance_type not in cls.SUPPORTED_INSTANCE_TYPES_WITH_EFA: - logger.warning( - "Consider using instances with EFA support when " - "training with PyTorch >= 1.11 and SageMaker Training Compiler " - "enabled. SageMaker Training Compiler leverages EFA to provide better " - "performance for distributed training." - ) - if not pt_xla_present: - if estimator.pytorch_version: - if Version(estimator.pytorch_version) in SpecifierSet(">= 1.11"): - error_helper_string = ( - "'pytorchxla' is the only distribution mechanism currently supported " - "for PyTorch >= 1.11 when SageMaker Training Compiler is enabled." - " Received distribution={} which is unsupported." - ) - raise ValueError(error_helper_string.format(estimator.distribution)) - elif estimator.instance_count and estimator.instance_count > 1: - if estimator.pytorch_version: - if Version(estimator.pytorch_version) in SpecifierSet(">= 1.11"): - logger.warning( - "Consider setting 'distribution' to 'pytorchxla' for distributed " - "training with PyTorch >= 1.11 and SageMaker Training Compiler enabled." - ) diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_retriever_utils.py b/sagemaker-core/src/sagemaker/core/image_retriever/image_retriever_utils.py index 0edafd35c4..6547ae0259 100644 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_retriever_utils.py +++ b/sagemaker-core/src/sagemaker/core/image_retriever/image_retriever_utils.py @@ -185,9 +185,7 @@ def _validate_for_suppported_frameworks_and_instance_type(framework, instance_ty def config_for_framework(framework): """Loads the JSON config for the given framework.""" - response = requests.get(s3_url) - return response.json() - fname = os.path.join(os.path.dirname(__file__), "image_uri_config", "{}.json".format(framework)) + fname = os.path.join(os.path.dirname(__file__), "..", "image_uri_config", "{}.json".format(framework)) with open(fname) as f: return json.load(f) diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/autogluon.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/autogluon.json deleted file mode 100644 index f1edd9d287..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/autogluon.json +++ /dev/null @@ -1,1249 +0,0 @@ -{ - "training": { - "processors": [ - "cpu", - "gpu" - ], - "version_aliases": { - "0.3": "0.3.2", - "0.4": "0.4.3", - "0.5": "0.5.2", - "0.6": "0.6.2", - "0.7": "0.7.0", - "0.8": "0.8.2", - "1.0": "1.0.0", - "1.1": "1.1.1", - "1.2": "1.2.0" - }, - "versions": { - "0.3.1": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-training", - "py_versions": [ - "py37" - ] - }, - "0.3.2": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-training", - "py_versions": [ - "py38" - ] - }, - "0.4.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-training", - "processors": [ - "cpu", - "gpu" - ], - "py_versions": [ - "py38" - ] - }, - "0.4.2": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-training", - "processors": [ - "cpu", - "gpu" - ], - "py_versions": [ - "py38" - ] - }, - "0.4.3": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-training", - "processors": [ - "cpu", - "gpu" - ], - "py_versions": [ - "py38" - ] - }, - "0.5.2": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-training", - "processors": [ - "cpu", - "gpu" - ], - "py_versions": [ - "py38" - ] - }, - "0.6.1": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ap-southeast-4": "457447274322", - "ca-central-1": "763104351884", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-training", - "processors": [ - "cpu", - "gpu" - ], - "py_versions": [ - "py38" - ] - }, - "0.6.2": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ap-southeast-4": "457447274322", - "ca-central-1": "763104351884", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-training", - "processors": [ - "cpu", - "gpu" - ], - "py_versions": [ - "py38" - ] - }, - "0.7.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ap-southeast-4": "457447274322", - "ca-central-1": "763104351884", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-training", - "processors": [ - "cpu", - "gpu" - ], - "py_versions": [ - "py39" - ] - }, - "0.8.2": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ap-southeast-4": "457447274322", - "ca-central-1": "763104351884", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-training", - "processors": [ - "cpu", - "gpu" - ], - "py_versions": [ - "py39" - ] - }, - "1.0.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ap-southeast-4": "457447274322", - "ca-central-1": "763104351884", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-training", - "processors": [ - "cpu", - "gpu" - ], - "py_versions": [ - "py310" - ] - }, - "1.1.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ap-southeast-4": "457447274322", - "ca-central-1": "763104351884", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-training", - "processors": [ - "cpu", - "gpu" - ], - "py_versions": [ - "py310" - ] - }, - "1.1.1": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ap-southeast-4": "457447274322", - "ca-central-1": "763104351884", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-training", - "processors": [ - "cpu", - "gpu" - ], - "py_versions": [ - "py311" - ] - }, - "1.2.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ap-southeast-4": "457447274322", - "ca-central-1": "763104351884", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-training", - "processors": [ - "cpu", - "gpu" - ], - "py_versions": [ - "py311" - ] - } - } - }, - "inference": { - "version_aliases": { - "0.3": "0.3.2", - "0.4": "0.4.3", - "0.5": "0.5.2", - "0.6": "0.6.2", - "0.7": "0.7.0", - "0.8": "0.8.2", - "1.0": "1.0.0", - "1.1": "1.1.1", - "1.2": "1.2.0" - }, - "versions": { - "0.3.1": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-inference", - "processors": [ - "cpu" - ], - "py_versions": [ - "py37" - ] - }, - "0.3.2": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-inference", - "processors": [ - "cpu" - ], - "py_versions": [ - "py38" - ] - }, - "0.4.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-inference", - "processors": [ - "cpu" - ], - "py_versions": [ - "py38" - ] - }, - "0.4.2": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-inference", - "processors": [ - "cpu", - "gpu" - ], - "py_versions": [ - "py38" - ] - }, - "0.4.3": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-inference", - "processors": [ - "cpu", - "gpu" - ], - "py_versions": [ - "py38" - ] - }, - "0.5.2": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-inference", - "processors": [ - "cpu", - "gpu" - ], - "py_versions": [ - "py38" - ] - }, - "0.6.1": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ap-southeast-4": "457447274322", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-inference", - "processors": [ - "cpu", - "gpu" - ], - "py_versions": [ - "py38" - ] - }, - "0.6.2": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ap-southeast-4": "457447274322", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-inference", - "processors": [ - "cpu", - "gpu" - ], - "py_versions": [ - "py38" - ] - }, - "0.7.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ap-southeast-4": "457447274322", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-inference", - "processors": [ - "cpu", - "gpu" - ], - "py_versions": [ - "py39" - ] - }, - "0.8.2": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ap-southeast-4": "457447274322", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-inference", - "processors": [ - "cpu", - "gpu" - ], - "py_versions": [ - "py39" - ] - }, - "1.0.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ap-southeast-4": "457447274322", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-inference", - "processors": [ - "cpu", - "gpu" - ], - "py_versions": [ - "py310" - ] - }, - "1.1.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ap-southeast-4": "457447274322", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-inference", - "processors": [ - "cpu", - "gpu" - ], - "py_versions": [ - "py310" - ] - }, - "1.1.1": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ap-southeast-4": "457447274322", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-inference", - "processors": [ - "cpu", - "gpu" - ], - "py_versions": [ - "py311" - ] - }, - "1.2.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ap-southeast-4": "457447274322", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-inference", - "processors": [ - "cpu", - "gpu" - ], - "py_versions": [ - "py311" - ] - } - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/blazingtext.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/blazingtext.json deleted file mode 100644 index b1768d7f9b..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/blazingtext.json +++ /dev/null @@ -1,50 +0,0 @@ -{ - "scope": [ - "inference", - "training" - ], - "versions": { - "1": { - "registries": { - "af-south-1": "455444449433", - "ap-east-1": "286214385809", - "ap-northeast-1": "501404015308", - "ap-northeast-2": "306986355934", - "ap-northeast-3": "867004704886", - "ap-south-1": "991648021394", - "ap-south-2": "628508329040", - "ap-southeast-1": "475088953585", - "ap-southeast-2": "544295431143", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "469771592824", - "ca-west-1": "190319476487", - "cn-north-1": "390948362332", - "cn-northwest-1": "387376663083", - "eu-central-1": "813361260812", - "eu-central-2": "680994064768", - "eu-north-1": "669576153137", - "eu-south-1": "257386234256", - "eu-south-2": "104374241257", - "eu-west-1": "685385470294", - "eu-west-2": "644912444149", - "eu-west-3": "749696950732", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "249704162688", - "sa-east-1": "855470959533", - "us-east-1": "811284229777", - "us-east-2": "825641698319", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "226302683700", - "us-iso-east-1": "490574956308", - "us-isob-east-1": "765400339828", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "632365934929", - "us-west-2": "433757028032" - }, - "repository": "blazingtext" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/chainer.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/chainer.json deleted file mode 100644 index b76088d560..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/chainer.json +++ /dev/null @@ -1,104 +0,0 @@ -{ - "processors": ["cpu", "gpu"], - "scope": ["inference", "training"], - "version_aliases": { - "4.0": "4.0.0", - "4.1": "4.1.0", - "5.0": "5.0.0" - }, - "versions": { - "4.0.0": { - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-chainer", - "py_versions": ["py2", "py3"] - }, - "4.1.0": { - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-chainer", - "py_versions": ["py2", "py3"] - }, - "5.0.0": { - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-chainer", - "py_versions": ["py2", "py3"] - } - } -} diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/clarify.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/clarify.json deleted file mode 100644 index 3f74ac9493..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/clarify.json +++ /dev/null @@ -1,39 +0,0 @@ -{ - "processing": { - "versions": { - "1.0": { - "registries": { - "af-south-1": "811711786498", - "ap-east-1": "098760798382", - "ap-northeast-1": "377024640650", - "ap-northeast-2": "263625296855", - "ap-northeast-3": "912233562940", - "ap-south-1": "452307495513", - "ap-southeast-1": "834264404009", - "ap-southeast-2": "007051062584", - "ap-southeast-3": "705930551576", - "ca-central-1": "675030665977", - "cn-north-1": "122526803553", - "cn-northwest-1": "122578899357", - "eu-central-1": "017069133835", - "eu-central-2": "730335477804", - "eu-north-1": "763603941244", - "eu-south-1": "638885417683", - "eu-west-1": "131013547314", - "eu-west-2": "440796970383", - "eu-west-3": "341593696636", - "me-south-1": "835444307964", - "sa-east-1": "520018980103", - "us-east-1": "205585389593", - "us-east-2": "211330385671", - "us-gov-west-1": "598674086554", - "us-isof-east-1": "579539705040", - "us-isof-south-1": "411392592546", - "us-west-1": "740489534195", - "us-west-2": "306415355426" - }, - "repository": "sagemaker-clarify-processing" - } - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/coach-mxnet.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/coach-mxnet.json deleted file mode 100644 index 3eff57ab03..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/coach-mxnet.json +++ /dev/null @@ -1,70 +0,0 @@ -{ - "processors": ["cpu", "gpu"], - "scope": ["training"], - "versions": { - "0.11": { - "py_versions": ["py3"], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-rl-mxnet", - "tag_prefix": "coach0.11" - }, - "0.11.0": { - "py_versions": ["py3"], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-rl-mxnet", - "tag_prefix": "coach0.11.0" - } - } -} diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/coach-tensorflow.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/coach-tensorflow.json deleted file mode 100644 index fd9edec20b..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/coach-tensorflow.json +++ /dev/null @@ -1,186 +0,0 @@ -{ - "processors": ["cpu", "gpu"], - "scope": ["training"], - "versions": { - "0.10": { - "py_versions": ["py3"], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-rl-tensorflow", - "tag_prefix": "coach0.10" - }, - "0.10.1": { - "py_versions": ["py3"], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-rl-tensorflow", - "tag_prefix": "coach0.10.1" - }, - "0.11": { - "py_versions": ["py3"], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-rl-tensorflow", - "tag_prefix": "coach0.11" - }, - "0.11.0": { - "py_versions": ["py3"], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-rl-tensorflow", - "tag_prefix": "coach0.11.0" - }, - "0.11.1": { - "py_versions": ["py3"], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-rl-tensorflow", - "tag_prefix": "coach0.11.1" - }, - "1.0.0": { - "py_versions": ["py3"], - "registries": { - "ap-northeast-1": "462105765813", - "ap-northeast-2": "462105765813", - "ap-south-1": "462105765813", - "ap-southeast-1": "462105765813", - "ap-southeast-2": "462105765813", - "ca-central-1": "462105765813", - "eu-central-1": "462105765813", - "eu-west-1": "462105765813", - "eu-west-2": "462105765813", - "us-east-1": "462105765813", - "us-east-2": "462105765813", - "us-west-1": "462105765813", - "us-west-2": "462105765813" - }, - "repository": "sagemaker-rl-coach-container", - "tag_prefix": "coach-1.0.0-tf" - } - } -} diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/data-wrangler.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/data-wrangler.json deleted file mode 100644 index 8f249b0056..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/data-wrangler.json +++ /dev/null @@ -1,91 +0,0 @@ -{ - "processing": { - "versions": { - "1.x": { - "registries": { - "af-south-1": "143210264188", - "ap-east-1": "707077482487", - "ap-northeast-1": "649008135260", - "ap-northeast-2": "131546521161", - "ap-northeast-3": "913387583493", - "ap-south-1": "089933028263", - "ap-southeast-1": "119527597002", - "ap-southeast-2": "422173101802", - "ca-central-1": "557239378090", - "eu-central-1": "024640144536", - "eu-north-1": "054986407534", - "eu-south-1": "488287956546", - "eu-west-1": "245179582081", - "eu-west-2": "894491911112", - "eu-west-3": "807237891255", - "me-south-1": "376037874950", - "sa-east-1": "424196993095", - "us-east-1": "663277389841", - "us-east-2": "415577184552", - "us-west-1": "926135532090", - "us-west-2": "174368400705", - "cn-north-1": "245909111842", - "cn-northwest-1": "249157047649" - }, - "repository": "sagemaker-data-wrangler-container" - }, - "2.x": { - "registries": { - "af-south-1": "143210264188", - "ap-east-1": "707077482487", - "ap-northeast-1": "649008135260", - "ap-northeast-2": "131546521161", - "ap-northeast-3": "913387583493", - "ap-south-1": "089933028263", - "ap-southeast-1": "119527597002", - "ap-southeast-2": "422173101802", - "ca-central-1": "557239378090", - "eu-central-1": "024640144536", - "eu-north-1": "054986407534", - "eu-south-1": "488287956546", - "eu-west-1": "245179582081", - "eu-west-2": "894491911112", - "eu-west-3": "807237891255", - "me-south-1": "376037874950", - "sa-east-1": "424196993095", - "us-east-1": "663277389841", - "us-east-2": "415577184552", - "us-west-1": "926135532090", - "us-west-2": "174368400705", - "cn-north-1": "245909111842", - "cn-northwest-1": "249157047649" - }, - "repository": "sagemaker-data-wrangler-container" - }, - "3.x": { - "registries": { - "af-south-1": "143210264188", - "ap-east-1": "707077482487", - "ap-northeast-1": "649008135260", - "ap-northeast-2": "131546521161", - "ap-northeast-3": "913387583493", - "ap-south-1": "089933028263", - "ap-southeast-1": "119527597002", - "ap-southeast-2": "422173101802", - "ca-central-1": "557239378090", - "eu-central-1": "024640144536", - "eu-north-1": "054986407534", - "eu-south-1": "488287956546", - "eu-west-1": "245179582081", - "eu-west-2": "894491911112", - "eu-west-3": "807237891255", - "il-central-1": "406833011540", - "me-south-1": "376037874950", - "sa-east-1": "424196993095", - "us-east-1": "663277389841", - "us-east-2": "415577184552", - "us-west-1": "926135532090", - "us-west-2": "174368400705", - "cn-north-1": "245909111842", - "cn-northwest-1": "249157047649" - }, - "repository": "sagemaker-data-wrangler-container" - } - } - } -} diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/debugger.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/debugger.json deleted file mode 100644 index 5bf0d8ec77..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/debugger.json +++ /dev/null @@ -1,34 +0,0 @@ -{ - "scope": ["debugger"], - "versions": { - "latest": { - "registries": { - "af-south-1": "314341159256", - "ap-east-1": "199566480951", - "ap-northeast-1": "430734990657", - "ap-northeast-2": "578805364391", - "ap-northeast-3": "479947661362", - "ap-south-1": "904829902805", - "ap-southeast-1": "972752614525", - "ap-southeast-2": "184798709955", - "ca-central-1": "519511493484", - "cn-north-1": "618459771430", - "cn-northwest-1": "658757709296", - "eu-central-1": "482524230118", - "eu-north-1": "314864569078", - "eu-south-1": "563282790590", - "eu-west-1": "929884845733", - "eu-west-2": "250201462417", - "eu-west-3": "447278800020", - "me-south-1": "986000313247", - "sa-east-1": "818342061345", - "us-east-1": "503895931360", - "us-east-2": "915447279597", - "us-gov-west-1": "515509971035", - "us-west-1": "685455198987", - "us-west-2": "895741380848" - }, - "repository": "sagemaker-debugger-rules" - } - } -} diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/detailed-profiler.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/detailed-profiler.json deleted file mode 100644 index f765c51a2c..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/detailed-profiler.json +++ /dev/null @@ -1,18 +0,0 @@ -{ - "scope": [ - "detailed-profiler" - ], - "versions": { - "latest": { - "registries": { - "eu-central-1": "482524230118", - "eu-west-1": "929884845733", - "il-central-1": "216881608335", - "us-east-1": "503895931360", - "us-east-2": "915447279597", - "us-west-2": "895741380848" - }, - "repository": "detailed-profiler-processing" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/djl-deepspeed.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/djl-deepspeed.json deleted file mode 100644 index e98e382b0b..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/djl-deepspeed.json +++ /dev/null @@ -1,313 +0,0 @@ -{ - "scope": [ - "inference" - ], - "versions": { - "0.27.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "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", - "ca-west-1": "204538143572" - }, - "repository": "djl-inference", - "tag_prefix": "0.27.0-deepspeed0.12.6-cu121" - }, - "0.26.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "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", - "ca-west-1": "204538143572" - }, - "repository": "djl-inference", - "tag_prefix": "0.26.0-deepspeed0.12.6-cu121" - }, - "0.25.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "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", - "ca-west-1": "204538143572" - }, - "repository": "djl-inference", - "tag_prefix": "0.25.0-deepspeed0.11.0-cu118" - }, - "0.24.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "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", - "ca-west-1": "204538143572" - }, - "repository": "djl-inference", - "tag_prefix": "0.24.0-deepspeed0.10.0-cu118" - }, - "0.23.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "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", - "ca-west-1": "204538143572" - }, - "repository": "djl-inference", - "tag_prefix": "0.23.0-deepspeed0.9.5-cu118" - }, - "0.22.1": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "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", - "ca-west-1": "204538143572" - }, - "repository": "djl-inference", - "tag_prefix": "0.22.1-deepspeed0.9.2-cu118" - }, - "0.21.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "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", - "ca-west-1": "204538143572" - }, - "repository": "djl-inference", - "tag_prefix": "0.21.0-deepspeed0.8.3-cu117" - }, - "0.20.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "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", - "ca-west-1": "204538143572" - }, - "repository": "djl-inference", - "tag_prefix": "0.20.0-deepspeed0.7.5-cu116" - }, - "0.19.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "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", - "ca-west-1": "204538143572" - }, - "repository": "djl-inference", - "tag_prefix": "0.19.0-deepspeed0.7.3-cu113" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/djl-fastertransformer.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/djl-fastertransformer.json deleted file mode 100644 index fd9ced32fe..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/djl-fastertransformer.json +++ /dev/null @@ -1,135 +0,0 @@ -{ - "scope": [ - "inference" - ], - "versions": { - "0.24.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "djl-inference", - "tag_prefix": "0.24.0-fastertransformer5.3.0-cu118" - }, - "0.23.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "djl-inference", - "tag_prefix": "0.23.0-fastertransformer5.3.0-cu118" - }, - "0.22.1": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "djl-inference", - "tag_prefix": "0.22.1-fastertransformer5.3.0-cu118" - }, - "0.21.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "djl-inference", - "tag_prefix": "0.21.0-fastertransformer5.3.0-cu117" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/djl-lmi.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/djl-lmi.json deleted file mode 100644 index 0a741036c1..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/djl-lmi.json +++ /dev/null @@ -1,115 +0,0 @@ -{ - "scope": [ - "inference" - ], - "version_aliases": { - "latest": "0.30.0" - }, - "versions": { - "0.30.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "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", - "ca-west-1": "204538143572" - }, - "repository": "djl-inference", - "tag_prefix": "0.30.0-lmi12.0.0-cu124" - }, - "0.29.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "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", - "ca-west-1": "204538143572" - }, - "repository": "djl-inference", - "tag_prefix": "0.29.0-lmi11.0.0-cu124" - }, - "0.28.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "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", - "ca-west-1": "204538143572" - }, - "repository": "djl-inference", - "tag_prefix": "0.28.0-lmi10.0.0-cu124" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/djl-neuronx.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/djl-neuronx.json deleted file mode 100644 index 1fd7492ff4..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/djl-neuronx.json +++ /dev/null @@ -1,218 +0,0 @@ -{ - "scope": [ - "inference" - ], - "version_aliases": { - "latest": "0.29.0" - }, - "versions": { - "0.29.0": { - "registries": { - "ap-northeast-1": "763104351884", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-5": "550225433462", - "ap-southeast-7": "590183813437", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-west-1": "763104351884", - "eu-west-3": "763104351884", - "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-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "djl-inference", - "tag_prefix": "0.29.0-neuronx-sdk2.19.1" - }, - "0.28.0": { - "registries": { - "ap-northeast-1": "763104351884", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-5": "550225433462", - "ap-southeast-7": "590183813437", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-west-1": "763104351884", - "eu-west-3": "763104351884", - "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-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "djl-inference", - "tag_prefix": "0.28.0-neuronx-sdk2.18.2" - }, - "0.27.0": { - "registries": { - "ap-northeast-1": "763104351884", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-5": "550225433462", - "ap-southeast-7": "590183813437", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-west-1": "763104351884", - "eu-west-3": "763104351884", - "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-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "djl-inference", - "tag_prefix": "0.27.0-neuronx-sdk2.18.1" - }, - "0.26.0": { - "registries": { - "ap-northeast-1": "763104351884", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-5": "550225433462", - "ap-southeast-7": "590183813437", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-west-1": "763104351884", - "eu-west-3": "763104351884", - "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-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "djl-inference", - "tag_prefix": "0.26.0-neuronx-sdk2.16.0" - }, - "0.25.0": { - "registries": { - "ap-northeast-1": "763104351884", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-5": "550225433462", - "ap-southeast-7": "590183813437", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-west-1": "763104351884", - "eu-west-3": "763104351884", - "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-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "djl-inference", - "tag_prefix": "0.25.0-neuronx-sdk2.15.0" - }, - "0.24.0": { - "registries": { - "ap-northeast-1": "763104351884", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-5": "550225433462", - "ap-southeast-7": "590183813437", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-west-1": "763104351884", - "eu-west-3": "763104351884", - "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-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "djl-inference", - "tag_prefix": "0.24.0-neuronx-sdk2.14.1" - }, - "0.23.0": { - "registries": { - "ap-northeast-1": "763104351884", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-5": "550225433462", - "ap-southeast-7": "590183813437", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-west-1": "763104351884", - "eu-west-3": "763104351884", - "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-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "djl-inference", - "tag_prefix": "0.23.0-neuronx-sdk2.12.0" - }, - "0.22.1": { - "registries": { - "ap-northeast-1": "763104351884", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-5": "550225433462", - "ap-southeast-7": "590183813437", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-west-1": "763104351884", - "eu-west-3": "763104351884", - "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-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "djl-inference", - "tag_prefix": "0.22.1-neuronx-sdk2.10.0" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/djl-tensorrtllm.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/djl-tensorrtllm.json deleted file mode 100644 index cd1e59bad8..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/djl-tensorrtllm.json +++ /dev/null @@ -1,214 +0,0 @@ -{ - "scope": [ - "inference" - ], - "version_aliases": { - "latest": "0.30.0" - }, - "versions": { - "0.30.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "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", - "ca-west-1": "204538143572" - }, - "repository": "djl-inference", - "tag_prefix": "0.30.0-tensorrtllm0.12.0-cu125" - }, - "0.29.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "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", - "ca-west-1": "204538143572" - }, - "repository": "djl-inference", - "tag_prefix": "0.29.0-tensorrtllm0.11.0-cu124" - }, - "0.28.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "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", - "ca-west-1": "204538143572" - }, - "repository": "djl-inference", - "tag_prefix": "0.28.0-tensorrtllm0.9.0-cu122" - }, - "0.27.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "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", - "ca-west-1": "204538143572" - }, - "repository": "djl-inference", - "tag_prefix": "0.27.0-tensorrtllm0.8.0-cu122" - }, - "0.26.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "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", - "ca-west-1": "204538143572" - }, - "repository": "djl-inference", - "tag_prefix": "0.26.0-tensorrtllm0.7.1-cu122" - }, - "0.25.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "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", - "ca-west-1": "204538143572" - }, - "repository": "djl-inference", - "tag_prefix": "0.25.0-tensorrtllm0.5.0-cu122" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/factorization-machines.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/factorization-machines.json deleted file mode 100644 index b99927f757..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/factorization-machines.json +++ /dev/null @@ -1,50 +0,0 @@ -{ - "scope": [ - "inference", - "training" - ], - "versions": { - "1": { - "registries": { - "af-south-1": "455444449433", - "ap-east-1": "286214385809", - "ap-northeast-1": "351501993468", - "ap-northeast-2": "835164637446", - "ap-northeast-3": "867004704886", - "ap-south-1": "991648021394", - "ap-south-2": "628508329040", - "ap-southeast-1": "475088953585", - "ap-southeast-2": "712309505854", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "469771592824", - "ca-west-1": "190319476487", - "cn-north-1": "390948362332", - "cn-northwest-1": "387376663083", - "eu-central-1": "664544806723", - "eu-central-2": "680994064768", - "eu-north-1": "669576153137", - "eu-south-1": "257386234256", - "eu-south-2": "104374241257", - "eu-west-1": "438346466558", - "eu-west-2": "644912444149", - "eu-west-3": "749696950732", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "249704162688", - "sa-east-1": "855470959533", - "us-east-1": "382416733822", - "us-east-2": "404615174143", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "226302683700", - "us-iso-east-1": "490574956308", - "us-isob-east-1": "765400339828", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "632365934929", - "us-west-2": "174872318107" - }, - "repository": "factorization-machines" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/forecasting-deepar.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/forecasting-deepar.json deleted file mode 100644 index c0b3d77786..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/forecasting-deepar.json +++ /dev/null @@ -1,50 +0,0 @@ -{ - "scope": [ - "inference", - "training" - ], - "versions": { - "1": { - "registries": { - "af-south-1": "455444449433", - "ap-east-1": "286214385809", - "ap-northeast-1": "633353088612", - "ap-northeast-2": "204372634319", - "ap-northeast-3": "867004704886", - "ap-south-1": "991648021394", - "ap-south-2": "628508329040", - "ap-southeast-1": "475088953585", - "ap-southeast-2": "514117268639", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "469771592824", - "ca-west-1": "190319476487", - "cn-north-1": "390948362332", - "cn-northwest-1": "387376663083", - "eu-central-1": "495149712605", - "eu-central-2": "680994064768", - "eu-north-1": "669576153137", - "eu-south-1": "257386234256", - "eu-south-2": "104374241257", - "eu-west-1": "224300973850", - "eu-west-2": "644912444149", - "eu-west-3": "749696950732", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "249704162688", - "sa-east-1": "855470959533", - "us-east-1": "522234722520", - "us-east-2": "566113047672", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "226302683700", - "us-iso-east-1": "490574956308", - "us-isob-east-1": "765400339828", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "632365934929", - "us-west-2": "156387875391" - }, - "repository": "forecasting-deepar" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/huggingface-llm-neuronx.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/huggingface-llm-neuronx.json deleted file mode 100644 index ed5c289377..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/huggingface-llm-neuronx.json +++ /dev/null @@ -1,584 +0,0 @@ -{ - "inference": { - "processors": [ - "inf2" - ], - "version_aliases": { - "0.0": "0.0.27" - }, - "versions": { - "0.0.16": { - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "1.13.1-optimum0.0.16", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "inf2": "ubuntu22.04" - } - }, - "0.0.17": { - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "1.13.1-optimum0.0.17", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "inf2": "ubuntu22.04" - } - }, - "0.0.18": { - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "1.13.1-optimum0.0.18", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "inf2": "ubuntu22.04" - } - }, - "0.0.19": { - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "1.13.1-optimum0.0.19", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "inf2": "ubuntu22.04" - } - }, - "0.0.20": { - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "1.13.1-optimum0.0.20", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "inf2": "ubuntu22.04" - } - }, - "0.0.21": { - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "1.13.1-optimum0.0.21", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "inf2": "ubuntu22.04" - } - }, - "0.0.22": { - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "2.1.2-optimum0.0.22", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "inf2": "ubuntu22.04" - } - }, - "0.0.23": { - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "2.1.2-optimum0.0.23", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "inf2": "ubuntu22.04" - } - }, - "0.0.24": { - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "2.1.2-optimum0.0.24", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "inf2": "ubuntu22.04" - } - }, - "0.0.25": { - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "2.1.2-optimum0.0.25", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "inf2": "ubuntu22.04" - } - }, - "0.0.27": { - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "2.1.2-optimum0.0.27", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "inf2": "ubuntu22.04" - } - } - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/huggingface-llm.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/huggingface-llm.json deleted file mode 100644 index 27df32a073..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/huggingface-llm.json +++ /dev/null @@ -1,958 +0,0 @@ -{ - "inference": { - "processors": [ - "gpu" - ], - "version_aliases": { - "0.6": "0.6.0", - "0.8": "0.8.2", - "0.9": "0.9.3", - "1.0": "1.0.3", - "1.1": "1.1.0", - "1.2": "1.2.0", - "1.3": "1.3.3", - "1.4": "1.4.5", - "2.0": "2.4.0", - "2.3": "2.3.1", - "3.0": "3.0.1" - }, - "versions": { - "0.6.0": { - "py_versions": [ - "py39" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "2.0.0-tgi0.6.0", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "gpu": "cu118-ubuntu20.04" - } - }, - "0.8.2": { - "py_versions": [ - "py39" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "2.0.0-tgi0.8.2", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "gpu": "cu118-ubuntu20.04" - } - }, - "0.9.3": { - "py_versions": [ - "py39" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "2.0.1-tgi0.9.3", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "gpu": "cu118-ubuntu20.04" - } - }, - "1.0.3": { - "py_versions": [ - "py39" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "2.0.1-tgi1.0.3", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "gpu": "cu118-ubuntu20.04" - } - }, - "1.1.0": { - "py_versions": [ - "py39" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "2.0.1-tgi1.1.0", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "gpu": "cu118-ubuntu20.04" - } - }, - "1.2.0": { - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "2.1.1-tgi1.2.0", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "gpu": "cu121-ubuntu20.04" - } - }, - "1.3.1": { - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "2.1.1-tgi1.3.1", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "gpu": "cu121-ubuntu20.04" - } - }, - "1.3.3": { - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "2.1.1-tgi1.3.3", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "gpu": "cu121-ubuntu20.04" - } - }, - "1.4.0": { - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "2.1.1-tgi1.4.0", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "gpu": "cu121-ubuntu20.04" - } - }, - "1.4.2": { - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "2.1.1-tgi1.4.2", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "gpu": "cu121-ubuntu22.04" - } - }, - "1.4.5": { - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "2.1.1-tgi1.4.5", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "gpu": "cu121-ubuntu22.04" - } - }, - "2.0.0": { - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "2.1.1-tgi2.0.0", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "gpu": "cu121-ubuntu22.04" - } - }, - "2.0.1": { - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "2.1.1-tgi2.0.1", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "gpu": "cu121-ubuntu22.04" - } - }, - "2.0.2": { - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "2.3.0-tgi2.0.2", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "gpu": "cu121-ubuntu22.04" - } - }, - "2.2.0": { - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "2.3.0-tgi2.2.0", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "gpu": "cu121-ubuntu22.04-v2.0" - } - }, - "2.3.1": { - "py_versions": [ - "py311" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "2.4.0-tgi2.3.1", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "gpu": "cu124-ubuntu22.04" - } - }, - "2.4.0": { - "py_versions": [ - "py311" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "2.4.0-tgi2.4.0", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "gpu": "cu124-ubuntu22.04-v2.2" - } - }, - "3.0.1": { - "py_versions": [ - "py311" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "2.4.0-tgi3.0.1", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "gpu": "cu124-ubuntu22.04-v2.1" - } - } - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/huggingface-neuron.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/huggingface-neuron.json deleted file mode 100644 index 4e950bdb70..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/huggingface-neuron.json +++ /dev/null @@ -1,51 +0,0 @@ -{ - "inference": { - "processors": [ - "inf" - ], - "version_aliases": { - "4.12": "4.12.3" - }, - "versions": { - "4.12.3": { - "version_aliases": { - "pytorch1.9": "pytorch1.9.1" - }, - "pytorch1.9.1": { - "py_versions": [ - "py37" - ], - "repository": "huggingface-pytorch-inference-neuron", - "registries": { - "ap-northeast-1": "763104351884", - "ap-south-1": "763104351884", - "ap-south-2": "772153158452", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-4": "457447274322", - "ap-southeast-5": "550225433462", - "ap-southeast-7": "590183813437", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-south-2": "503227376785", - "eu-west-1": "763104351884", - "eu-west-3": "763104351884", - "il-central-1": "780543022126", - "mx-central-1":"637423239942", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "container_version": { - "inf": "ubuntu18.04" - }, - "sdk_versions": [ - "sdk1.17.1" - ] - } - } - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/huggingface-neuronx.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/huggingface-neuronx.json deleted file mode 100644 index a3426d5e0c..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/huggingface-neuronx.json +++ /dev/null @@ -1,371 +0,0 @@ -{ - "training": { - "processors": [ - "trn" - ], - "version_aliases": { - "4.28": "4.28.1", - "4.34": "4.34.1", - "4.36": "4.36.2" - }, - "versions": { - "4.28.1": { - "version_aliases": { - "pytorch1.13": "pytorch1.13.0" - }, - "pytorch1.13.0": { - "py_versions": [ - "py38" - ], - "repository": "huggingface-pytorch-training-neuronx", - "registries": { - "ap-northeast-1": "763104351884", - "ap-south-1": "763104351884", - "ap-south-2": "772153158452", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-4": "457447274322", - "ap-southeast-5": "550225433462", - "ap-southeast-7": "590183813437", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-south-2": "503227376785", - "eu-west-1": "763104351884", - "eu-west-3": "763104351884", - "il-central-1": "780543022126", - "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-2": "763104351884", - "ca-west-1": "204538143572" - }, - "container_version": { - "trn": "ubuntu20.04" - }, - "sdk_versions": [ - "sdk2.9.1" - ] - } - }, - "4.34.1": { - "version_aliases": { - "pytorch1.13": "pytorch1.13.1" - }, - "pytorch1.13.1": { - "py_versions": [ - "py310" - ], - "repository": "huggingface-pytorch-inference-neuronx", - "registries": { - "ap-northeast-1": "763104351884", - "ap-south-1": "763104351884", - "ap-south-2": "772153158452", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-4": "457447274322", - "ap-southeast-5": "550225433462", - "ap-southeast-7": "590183813437", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-south-2": "503227376785", - "eu-west-1": "763104351884", - "eu-west-3": "763104351884", - "il-central-1": "780543022126", - "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-2": "763104351884", - "ca-west-1": "204538143572" - }, - "container_version": { - "inf": "ubuntu20.04" - }, - "sdk_versions": [ - "sdk2.15.0" - ] - } - }, - "4.36.2": { - "version_aliases": { - "pytorch1.13": "pytorch1.13.1" - }, - "pytorch1.13.1": { - "py_versions": [ - "py310" - ], - "repository": "huggingface-pytorch-inference-neuronx", - "registries": { - "ap-northeast-1": "763104351884", - "ap-south-1": "763104351884", - "ap-south-2": "772153158452", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-4": "457447274322", - "ap-southeast-5": "550225433462", - "ap-southeast-7": "590183813437", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-south-2": "503227376785", - "eu-west-1": "763104351884", - "eu-west-3": "763104351884", - "il-central-1": "780543022126", - "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-2": "763104351884", - "ca-west-1": "204538143572" - }, - "container_version": { - "inf": "ubuntu20.04" - }, - "sdk_versions": [ - "sdk2.18.0" - ] - } - } - } - }, - "inference": { - "processors": [ - "inf" - ], - "version_aliases": { - "4.28": "4.28.1", - "4.34": "4.34.1", - "4.36": "4.36.2" - }, - "versions": { - "4.28.1": { - "version_aliases": { - "pytorch1.13": "pytorch1.13.0" - }, - "pytorch1.13.0": { - "py_versions": [ - "py38" - ], - "repository": "huggingface-pytorch-inference-neuronx", - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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-4": "457447274322", - "ap-southeast-5": "550225433462", - "ap-southeast-7": "590183813437", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "container_version": { - "inf": "ubuntu20.04" - }, - "sdk_versions": [ - "sdk2.9.1" - ] - } - }, - "4.34.1": { - "version_aliases": { - "pytorch1.13": "pytorch1.13.1" - }, - "pytorch1.13.1": { - "py_versions": [ - "py310" - ], - "repository": "huggingface-pytorch-inference-neuronx", - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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-4": "457447274322", - "ap-southeast-5": "550225433462", - "ap-southeast-7": "590183813437", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "container_version": { - "inf": "ubuntu20.04" - }, - "sdk_versions": [ - "sdk2.15.0" - ] - } - }, - "4.36.2": { - "version_aliases": { - "pytorch1.13": "pytorch1.13.1", - "pytorch2.1": "pytorch2.1.2" - }, - "pytorch1.13.1": { - "py_versions": [ - "py310" - ], - "repository": "huggingface-pytorch-inference-neuronx", - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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-4": "457447274322", - "ap-southeast-5": "550225433462", - "ap-southeast-7": "590183813437", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "container_version": { - "inf": "ubuntu20.04" - }, - "sdk_versions": [ - "sdk2.16.1" - ] - }, - "pytorch2.1.2": { - "py_versions": [ - "py310" - ], - "repository": "huggingface-pytorch-inference-neuronx", - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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-4": "457447274322", - "ap-southeast-5": "550225433462", - "ap-southeast-7": "590183813437", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "container_version": { - "inf": "ubuntu20.04" - }, - "sdk_versions": [ - "sdk2.18.0" - ] - } - } - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/huggingface-tei-cpu.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/huggingface-tei-cpu.json deleted file mode 100644 index e3139c3d2c..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/huggingface-tei-cpu.json +++ /dev/null @@ -1,107 +0,0 @@ -{ - "inference": { - "processors": [ - "cpu" - ], - "version_aliases": { - "1.2": "1.2.3", - "1.4": "1.4.0" - }, - "versions": { - "1.2.3": { - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "tag_prefix": "2.0.1-tei1.2.3", - "repository": "tei-cpu", - "container_version": { - "cpu": "ubuntu22.04" - } - }, - "1.4.0":{ - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "tag_prefix": "2.0.1-tei1.4.0", - "repository": "tei-cpu", - "container_version": { - "cpu": "ubuntu22.04" - } - } - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/huggingface-tei.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/huggingface-tei.json deleted file mode 100644 index ccf273e451..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/huggingface-tei.json +++ /dev/null @@ -1,107 +0,0 @@ -{ - "inference": { - "processors": [ - "gpu" - ], - "version_aliases": { - "1.2": "1.2.3", - "1.4": "1.4.0" - }, - "versions": { - "1.2.3": { - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "tag_prefix": "2.0.1-tei1.2.3", - "repository": "tei", - "container_version": { - "gpu": "cu122-ubuntu22.04" - } - }, - "1.4.0": { - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "tag_prefix": "2.0.1-tei1.4.0", - "repository": "tei", - "container_version": { - "gpu": "cu122-ubuntu22.04" - } - } - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/huggingface-training-compiler.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/huggingface-training-compiler.json deleted file mode 100644 index fa3a4119ca..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/huggingface-training-compiler.json +++ /dev/null @@ -1,192 +0,0 @@ -{ - "training": { - "processors": [ - "gpu" - ], - "version_aliases": { - "4.11": "4.11.0", - "4.17": "4.17.0", - "4.21": "4.21.1" - }, - "versions": { - "4.11.0": { - "version_aliases": { - "pytorch1.9": "pytorch1.9.0", - "tensorflow2.5": "tensorflow2.5.1" - }, - "pytorch1.9.0": { - "py_versions": [ - "py38" - ], - "registries": { - "eu-west-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-trcomp-training", - "container_version": { - "gpu": "cu111-ubuntu20.04" - } - }, - "tensorflow2.5.1": { - "py_versions": [ - "py37" - ], - "registries": { - "eu-west-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-tensorflow-trcomp-training", - "container_version": { - "gpu": "cu112-ubuntu18.04" - } - } - }, - "4.17.0": { - "version_aliases": { - "pytorch1.10": "pytorch1.10.2", - "tensorflow2.6": "tensorflow2.6.3" - }, - "pytorch1.10.2": { - "py_versions": [ - "py38" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "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", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "mx-central-1":"637423239942", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-trcomp-training", - "container_version": { - "gpu": "cu113-ubuntu20.04" - } - }, - "tensorflow2.6.3": { - "py_versions": [ - "py38" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "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", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "mx-central-1":"637423239942", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-tensorflow-trcomp-training", - "container_version": { - "gpu": "cu112-ubuntu20.04" - } - } - }, - "4.21.1": { - "version_aliases": { - "pytorch1.11": "pytorch1.11.0" - }, - "pytorch1.11.0": { - "py_versions": [ - "py38" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "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", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "mx-central-1":"637423239942", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-trcomp-training", - "container_version": { - "gpu": "cu113-ubuntu20.04" - } - } - } - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/huggingface.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/huggingface.json deleted file mode 100644 index c314436346..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/huggingface.json +++ /dev/null @@ -1,1989 +0,0 @@ -{ - "training": { - "processors": [ - "gpu" - ], - "version_aliases": { - "4.4": "4.4.2", - "4.5": "4.5.0", - "4.6": "4.6.1", - "4.10": "4.10.2", - "4.11": "4.11.0", - "4.12": "4.12.3", - "4.17": "4.17.0", - "4.26": "4.26.0", - "4.28": "4.28.1", - "4.36": "4.36.0", - "4.46": "4.46.1" - }, - "versions": { - "4.4.2": { - "version_aliases": { - "pytorch1.6": "pytorch1.6.0", - "tensorflow2.4": "tensorflow2.4.1" - }, - "pytorch1.6.0": { - "py_versions": [ - "py36" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-training" - }, - "tensorflow2.4.1": { - "py_versions": [ - "py37" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "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", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-tensorflow-training" - } - }, - "4.5.0": { - "version_aliases": { - "pytorch1.6": "pytorch1.6.0", - "tensorflow2.4": "tensorflow2.4.1" - }, - "pytorch1.6.0": { - "py_versions": [ - "py36" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-training" - }, - "tensorflow2.4.1": { - "py_versions": [ - "py37" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "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", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-tensorflow-training" - } - }, - "4.6.1": { - "version_aliases": { - "pytorch1.6": "pytorch1.6.0", - "pytorch1.7": "pytorch1.7.1", - "pytorch1.8": "pytorch1.8.1", - "tensorflow2.4": "tensorflow2.4.1" - }, - "pytorch1.6.0": { - "py_versions": [ - "py36" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-training", - "container_version": { - "gpu": "cu110-ubuntu18.04" - } - }, - "pytorch1.7.1": { - "py_versions": [ - "py36" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-training", - "container_version": { - "gpu": "cu110-ubuntu18.04" - } - }, - "pytorch1.8.1": { - "py_versions": [ - "py36" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-training", - "container_version": { - "gpu": "cu111-ubuntu18.04" - } - }, - "tensorflow2.4.1": { - "py_versions": [ - "py37" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "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", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-tensorflow-training", - "container_version": { - "gpu": "cu110-ubuntu18.04" - } - } - }, - "4.10.2": { - "version_aliases": { - "pytorch1.8": "pytorch1.8.1", - "pytorch1.9": "pytorch1.9.0", - "tensorflow2.4": "tensorflow2.4.1", - "tensorflow2.5": "tensorflow2.5.1" - }, - "pytorch1.8.1": { - "py_versions": [ - "py36" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-training", - "container_version": { - "gpu": "cu110-ubuntu18.04" - } - }, - "pytorch1.9.0": { - "py_versions": [ - "py38" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-training", - "container_version": { - "gpu": "cu111-ubuntu20.04" - } - }, - "tensorflow2.4.1": { - "py_versions": [ - "py37" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "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", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-tensorflow-training", - "container_version": { - "gpu": "cu110-ubuntu18.04" - } - }, - "tensorflow2.5.1": { - "py_versions": [ - "py37" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "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", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-tensorflow-training", - "container_version": { - "gpu": "cu112-ubuntu18.04" - } - } - }, - "4.11.0": { - "version_aliases": { - "pytorch1.9": "pytorch1.9.0", - "tensorflow2.5": "tensorflow2.5.1" - }, - "pytorch1.9.0": { - "py_versions": [ - "py38" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-training", - "container_version": { - "gpu": "cu111-ubuntu20.04" - } - }, - "tensorflow2.5.1": { - "py_versions": [ - "py37" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "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", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-tensorflow-training", - "container_version": { - "gpu": "cu112-ubuntu18.04" - } - } - }, - "4.12.3": { - "version_aliases": { - "pytorch1.9": "pytorch1.9.1", - "tensorflow2.5": "tensorflow2.5.1" - }, - "pytorch1.9.1": { - "py_versions": [ - "py38" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-training", - "container_version": { - "gpu": "cu111-ubuntu20.04" - } - }, - "tensorflow2.5.1": { - "py_versions": [ - "py37" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "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", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-tensorflow-training", - "container_version": { - "gpu": "cu112-ubuntu18.04" - } - } - }, - "4.17.0": { - "version_aliases": { - "pytorch1.10": "pytorch1.10.2", - "tensorflow2.6": "tensorflow2.6.3" - }, - "pytorch1.10.2": { - "py_versions": [ - "py38" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-training", - "container_version": { - "gpu": "cu113-ubuntu20.04" - } - }, - "tensorflow2.6.3": { - "py_versions": [ - "py38" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "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", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-tensorflow-training", - "container_version": { - "gpu": "cu112-ubuntu20.04" - } - } - }, - "4.26.0": { - "version_aliases": { - "pytorch1.13": "pytorch1.13.1" - }, - "pytorch1.13.1": { - "py_versions": [ - "py39" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-training", - "container_version": { - "gpu": "cu117-ubuntu20.04" - } - } - }, - "4.28.1": { - "version_aliases": { - "pytorch2.0": "pytorch2.0.0" - }, - "pytorch2.0.0": { - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-training", - "container_version": { - "gpu": "cu118-ubuntu20.04" - } - } - }, - "4.36.0": { - "version_aliases": { - "pytorch2.1": "pytorch2.1.0" - }, - "pytorch2.1.0": { - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-training", - "container_version": { - "gpu": "cu121-ubuntu20.04" - } - } - }, - "4.46.1": { - "version_aliases": { - "pytorch2.3": "pytorch2.3.0" - }, - "pytorch2.3.0": { - "py_versions": [ - "py311" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-training", - "container_version": { - "gpu": "cu121-ubuntu20.04" - } - } - } - } - }, - "inference": { - "processors": [ - "gpu", - "cpu" - ], - "version_aliases": { - "4.6": "4.6.1", - "4.10": "4.10.2", - "4.11": "4.11.0", - "4.12": "4.12.3", - "4.17": "4.17.0", - "4.26": "4.26.0", - "4.28": "4.28.1", - "4.37": "4.37.0" - }, - "versions": { - "4.6.1": { - "version_aliases": { - "pytorch1.7": "pytorch1.7.1", - "tensorflow2.4": "tensorflow2.4.1" - }, - "pytorch1.7.1": { - "py_versions": [ - "py36" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-inference", - "container_version": { - "gpu": "cu110-ubuntu18.04", - "cpu": "ubuntu18.04" - } - }, - "pytorch1.8.1": { - "py_versions": [ - "py36" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-inference", - "container_version": { - "gpu": "cu111-ubuntu18.04", - "cpu": "ubuntu18.04" - } - }, - "tensorflow2.4.1": { - "py_versions": [ - "py37" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "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", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-tensorflow-inference", - "container_version": { - "gpu": "cu110-ubuntu18.04", - "cpu": "ubuntu18.04" - } - } - }, - "4.10.2": { - "version_aliases": { - "pytorch1.8": "pytorch1.8.1", - "pytorch1.9": "pytorch1.9.0", - "tensorflow2.4": "tensorflow2.4.1", - "tensorflow2.5": "tensorflow2.5.1" - }, - "pytorch1.8.1": { - "py_versions": [ - "py36" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-inference", - "container_version": { - "gpu": "cu111-ubuntu18.04", - "cpu": "ubuntu18.04" - } - }, - "pytorch1.9.0": { - "py_versions": [ - "py38" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-inference", - "container_version": { - "gpu": "cu111-ubuntu20.04", - "cpu": "ubuntu20.04" - } - }, - "tensorflow2.4.1": { - "py_versions": [ - "py37" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "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", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-tensorflow-inference", - "container_version": { - "gpu": "cu110-ubuntu18.04", - "cpu": "ubuntu18.04" - } - }, - "tensorflow2.5.1": { - "py_versions": [ - "py37" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "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", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-tensorflow-inference", - "container_version": { - "gpu": "cu112-ubuntu18.04", - "cpu": "ubuntu18.04" - } - } - }, - "4.11.0": { - "version_aliases": { - "pytorch1.9": "pytorch1.9.0", - "tensorflow2.5": "tensorflow2.5.1" - }, - "pytorch1.9.0": { - "py_versions": [ - "py38" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-inference", - "container_version": { - "gpu": "cu111-ubuntu20.04", - "cpu": "ubuntu20.04" - } - }, - "tensorflow2.5.1": { - "py_versions": [ - "py37" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "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", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-tensorflow-inference", - "container_version": { - "gpu": "cu112-ubuntu18.04", - "cpu": "ubuntu18.04" - } - } - }, - "4.12.3": { - "version_aliases": { - "pytorch1.9": "pytorch1.9.1", - "tensorflow2.5": "tensorflow2.5.1" - }, - "pytorch1.9.1": { - "py_versions": [ - "py38" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-inference", - "container_version": { - "gpu": "cu111-ubuntu20.04", - "cpu": "ubuntu20.04" - } - }, - "tensorflow2.5.1": { - "py_versions": [ - "py37" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "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", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-tensorflow-inference", - "container_version": { - "gpu": "cu112-ubuntu18.04", - "cpu": "ubuntu18.04" - } - } - }, - "4.17.0": { - "version_aliases": { - "pytorch1.10": "pytorch1.10.2", - "tensorflow2.6": "tensorflow2.6.3" - }, - "pytorch1.10.2": { - "py_versions": [ - "py38" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-inference", - "container_version": { - "gpu": "cu113-ubuntu20.04", - "cpu": "ubuntu20.04" - } - }, - "tensorflow2.6.3": { - "py_versions": [ - "py38" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "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", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-tensorflow-inference", - "container_version": { - "gpu": "cu112-ubuntu20.04", - "cpu": "ubuntu20.04" - } - } - }, - "4.26.0": { - "version_aliases": { - "pytorch1.13": "pytorch1.13.1", - "tensorflow2.11": "tensorflow2.11.0" - }, - "pytorch1.13.1": { - "py_versions": [ - "py39" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-inference", - "container_version": { - "gpu": "cu117-ubuntu20.04", - "cpu": "ubuntu20.04" - } - }, - "tensorflow2.11.0": { - "py_versions": [ - "py39" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "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", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-tensorflow-inference", - "container_version": { - "gpu": "cu112-ubuntu20.04", - "cpu": "ubuntu20.04" - } - } - }, - "4.28.1": { - "version_aliases": { - "pytorch2.0": "pytorch2.0.0" - }, - "pytorch2.0.0": { - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-inference", - "container_version": { - "gpu": "cu118-ubuntu20.04", - "cpu": "ubuntu20.04" - } - } - }, - "4.37.0": { - "version_aliases": { - "pytorch2.1": "pytorch2.1.0" - }, - "pytorch2.1.0": { - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-inference", - "container_version": { - "gpu": "cu118-ubuntu20.04", - "cpu": "ubuntu22.04" - } - } - }, - "4.48.0": { - "version_aliases": { - "pytorch2.3": "pytorch2.3.0" - }, - "pytorch2.3.0": { - "py_versions": [ - "py311" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-inference", - "container_version": { - "gpu": "cu121-ubuntu22.04", - "cpu": "ubuntu22.04" - } - } - } - } - } -} diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/hyperpod-recipes-neuron.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/hyperpod-recipes-neuron.json deleted file mode 100644 index cd5a69bfe2..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/hyperpod-recipes-neuron.json +++ /dev/null @@ -1,52 +0,0 @@ -{ - "training": { - "processors": [ - "neuronx" - ], - "version_aliases": { - "2.1.2": "2.1.2" - }, - "versions": { - "2.1.2": { - "py_versions": [ - "py310" - ], - "repository": "pytorch-training-neuronx", - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-south-2": "503227376785", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "il-central-1": "780543022126", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572", - "ca-central-1": "763104351884" - }, - "container_version": { - "neuronx": "ubuntu20.04" - }, - "sdk_versions": [ - "sdk2.20.2" - ] - } - } - } -} diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/image-classification-neo.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/image-classification-neo.json deleted file mode 100644 index 09e019a7de..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/image-classification-neo.json +++ /dev/null @@ -1,43 +0,0 @@ -{ - "scope": [ - "inference" - ], - "versions": { - "latest": { - "registries": { - "af-south-1": "774647643957", - "ap-east-1": "110948597952", - "ap-northeast-1": "941853720454", - "ap-northeast-2": "151534178276", - "ap-northeast-3": "925152966179", - "ap-south-1": "763008648453", - "ap-southeast-1": "324986816169", - "ap-southeast-2": "355873309152", - "ca-central-1": "464438896020", - "cn-north-1": "472730292857", - "cn-northwest-1": "474822919863", - "eu-central-1": "746233611703", - "eu-central-2": "010526262399", - "eu-north-1": "601324751636", - "eu-south-1": "966458181534", - "eu-west-1": "802834080501", - "eu-west-2": "205493899709", - "eu-west-3": "254080097072", - "il-central-1": "275950707576", - "me-south-1": "836785723513", - "sa-east-1": "756306329178", - "us-east-1": "785573368785", - "us-east-2": "007439368137", - "us-gov-east-1": "227234621604", - "us-gov-west-1": "263933020539", - "us-iso-east-1": "167761179201", - "us-isob-east-1": "406031935815", - "us-isof-east-1": "751086301963", - "us-isof-south-1": "935523707064", - "us-west-1": "710691900526", - "us-west-2": "301217895009" - }, - "repository": "image-classification-neo" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/image-classification.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/image-classification.json deleted file mode 100644 index 4fed1dea20..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/image-classification.json +++ /dev/null @@ -1,50 +0,0 @@ -{ - "scope": [ - "inference", - "training" - ], - "versions": { - "1": { - "registries": { - "af-south-1": "455444449433", - "ap-east-1": "286214385809", - "ap-northeast-1": "501404015308", - "ap-northeast-2": "306986355934", - "ap-northeast-3": "867004704886", - "ap-south-1": "991648021394", - "ap-south-2": "628508329040", - "ap-southeast-1": "475088953585", - "ap-southeast-2": "544295431143", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "469771592824", - "ca-west-1": "190319476487", - "cn-north-1": "390948362332", - "cn-northwest-1": "387376663083", - "eu-central-1": "813361260812", - "eu-central-2": "680994064768", - "eu-north-1": "669576153137", - "eu-south-1": "257386234256", - "eu-south-2": "104374241257", - "eu-west-1": "685385470294", - "eu-west-2": "644912444149", - "eu-west-3": "749696950732", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "249704162688", - "sa-east-1": "855470959533", - "us-east-1": "811284229777", - "us-east-2": "825641698319", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "226302683700", - "us-iso-east-1": "490574956308", - "us-isob-east-1": "765400339828", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "632365934929", - "us-west-2": "433757028032" - }, - "repository": "image-classification" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/inferentia-mxnet.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/inferentia-mxnet.json deleted file mode 100644 index 8cefb7cf0f..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/inferentia-mxnet.json +++ /dev/null @@ -1,88 +0,0 @@ -{ - "processors": [ - "inf" - ], - "scope": [ - "inference" - ], - "versions": { - "1.5.1": { - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "774647643957", - "ap-east-1": "110948597952", - "ap-northeast-1": "941853720454", - "ap-northeast-2": "151534178276", - "ap-northeast-3": "925152966179", - "ap-south-1": "763008648453", - "ap-southeast-1": "324986816169", - "ap-southeast-2": "355873309152", - "ca-central-1": "464438896020", - "cn-north-1": "472730292857", - "cn-northwest-1": "474822919863", - "eu-central-1": "746233611703", - "eu-central-2": "010526262399", - "eu-north-1": "601324751636", - "eu-south-1": "966458181534", - "eu-west-1": "802834080501", - "eu-west-2": "205493899709", - "eu-west-3": "254080097072", - "il-central-1": "275950707576", - "me-south-1": "836785723513", - "sa-east-1": "756306329178", - "us-east-1": "785573368785", - "us-east-2": "007439368137", - "us-gov-east-1": "227234621604", - "us-gov-west-1": "263933020539", - "us-iso-east-1": "167761179201", - "us-isob-east-1": "406031935815", - "us-isof-east-1": "751086301963", - "us-isof-south-1": "935523707064", - "us-west-1": "710691900526", - "us-west-2": "301217895009" - }, - "repository": "sagemaker-neo-mxnet" - }, - "1.8": { - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "774647643957", - "ap-east-1": "110948597952", - "ap-northeast-1": "941853720454", - "ap-northeast-2": "151534178276", - "ap-northeast-3": "925152966179", - "ap-south-1": "763008648453", - "ap-southeast-1": "324986816169", - "ap-southeast-2": "355873309152", - "ca-central-1": "464438896020", - "cn-north-1": "472730292857", - "cn-northwest-1": "474822919863", - "eu-central-1": "746233611703", - "eu-central-2": "010526262399", - "eu-north-1": "601324751636", - "eu-south-1": "966458181534", - "eu-west-1": "802834080501", - "eu-west-2": "205493899709", - "eu-west-3": "254080097072", - "il-central-1": "275950707576", - "me-south-1": "836785723513", - "sa-east-1": "756306329178", - "us-east-1": "785573368785", - "us-east-2": "007439368137", - "us-gov-east-1": "227234621604", - "us-gov-west-1": "263933020539", - "us-iso-east-1": "167761179201", - "us-isob-east-1": "406031935815", - "us-isof-east-1": "751086301963", - "us-isof-south-1": "935523707064", - "us-west-1": "710691900526", - "us-west-2": "301217895009" - }, - "repository": "sagemaker-neo-mxnet" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/inferentia-pytorch.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/inferentia-pytorch.json deleted file mode 100644 index db61749216..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/inferentia-pytorch.json +++ /dev/null @@ -1,127 +0,0 @@ -{ - "processors": [ - "inf" - ], - "scope": [ - "inference" - ], - "versions": { - "1.7": { - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "774647643957", - "ap-east-1": "110948597952", - "ap-northeast-1": "941853720454", - "ap-northeast-2": "151534178276", - "ap-northeast-3": "925152966179", - "ap-south-1": "763008648453", - "ap-southeast-1": "324986816169", - "ap-southeast-2": "355873309152", - "ca-central-1": "464438896020", - "cn-north-1": "472730292857", - "cn-northwest-1": "474822919863", - "eu-central-1": "746233611703", - "eu-central-2": "010526262399", - "eu-north-1": "601324751636", - "eu-south-1": "966458181534", - "eu-west-1": "802834080501", - "eu-west-2": "205493899709", - "eu-west-3": "254080097072", - "il-central-1": "275950707576", - "me-south-1": "836785723513", - "sa-east-1": "756306329178", - "us-east-1": "785573368785", - "us-east-2": "007439368137", - "us-gov-east-1": "227234621604", - "us-gov-west-1": "263933020539", - "us-iso-east-1": "167761179201", - "us-isob-east-1": "406031935815", - "us-isof-east-1": "751086301963", - "us-isof-south-1": "935523707064", - "us-west-1": "710691900526", - "us-west-2": "301217895009" - }, - "repository": "sagemaker-neo-pytorch" - }, - "1.8": { - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "774647643957", - "ap-east-1": "110948597952", - "ap-northeast-1": "941853720454", - "ap-northeast-2": "151534178276", - "ap-northeast-3": "925152966179", - "ap-south-1": "763008648453", - "ap-southeast-1": "324986816169", - "ap-southeast-2": "355873309152", - "ca-central-1": "464438896020", - "cn-north-1": "472730292857", - "cn-northwest-1": "474822919863", - "eu-central-1": "746233611703", - "eu-central-2": "010526262399", - "eu-north-1": "601324751636", - "eu-south-1": "966458181534", - "eu-west-1": "802834080501", - "eu-west-2": "205493899709", - "eu-west-3": "254080097072", - "il-central-1": "275950707576", - "me-south-1": "836785723513", - "sa-east-1": "756306329178", - "us-east-1": "785573368785", - "us-east-2": "007439368137", - "us-gov-east-1": "227234621604", - "us-gov-west-1": "263933020539", - "us-iso-east-1": "167761179201", - "us-isob-east-1": "406031935815", - "us-isof-east-1": "751086301963", - "us-isof-south-1": "935523707064", - "us-west-1": "710691900526", - "us-west-2": "301217895009" - }, - "repository": "sagemaker-neo-pytorch" - }, - "1.9": { - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "774647643957", - "ap-east-1": "110948597952", - "ap-northeast-1": "941853720454", - "ap-northeast-2": "151534178276", - "ap-northeast-3": "925152966179", - "ap-south-1": "763008648453", - "ap-southeast-1": "324986816169", - "ap-southeast-2": "355873309152", - "ca-central-1": "464438896020", - "cn-north-1": "472730292857", - "cn-northwest-1": "474822919863", - "eu-central-1": "746233611703", - "eu-central-2": "010526262399", - "eu-north-1": "601324751636", - "eu-south-1": "966458181534", - "eu-west-1": "802834080501", - "eu-west-2": "205493899709", - "eu-west-3": "254080097072", - "il-central-1": "275950707576", - "me-south-1": "836785723513", - "sa-east-1": "756306329178", - "us-east-1": "785573368785", - "us-east-2": "007439368137", - "us-gov-east-1": "227234621604", - "us-gov-west-1": "263933020539", - "us-iso-east-1": "167761179201", - "us-isob-east-1": "406031935815", - "us-isof-east-1": "751086301963", - "us-isof-south-1": "935523707064", - "us-west-1": "710691900526", - "us-west-2": "301217895009" - }, - "repository": "sagemaker-neo-pytorch" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/inferentia-tensorflow.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/inferentia-tensorflow.json deleted file mode 100644 index 7954d2c11f..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/inferentia-tensorflow.json +++ /dev/null @@ -1,88 +0,0 @@ -{ - "processors": [ - "inf" - ], - "scope": [ - "inference" - ], - "versions": { - "1.15.0": { - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "774647643957", - "ap-east-1": "110948597952", - "ap-northeast-1": "941853720454", - "ap-northeast-2": "151534178276", - "ap-northeast-3": "925152966179", - "ap-south-1": "763008648453", - "ap-southeast-1": "324986816169", - "ap-southeast-2": "355873309152", - "ca-central-1": "464438896020", - "cn-north-1": "472730292857", - "cn-northwest-1": "474822919863", - "eu-central-1": "746233611703", - "eu-central-2": "010526262399", - "eu-north-1": "601324751636", - "eu-south-1": "966458181534", - "eu-west-1": "802834080501", - "eu-west-2": "205493899709", - "eu-west-3": "254080097072", - "il-central-1": "275950707576", - "me-south-1": "836785723513", - "sa-east-1": "756306329178", - "us-east-1": "785573368785", - "us-east-2": "007439368137", - "us-gov-east-1": "227234621604", - "us-gov-west-1": "263933020539", - "us-iso-east-1": "167761179201", - "us-isob-east-1": "406031935815", - "us-isof-east-1": "751086301963", - "us-isof-south-1": "935523707064", - "us-west-1": "710691900526", - "us-west-2": "301217895009" - }, - "repository": "sagemaker-neo-tensorflow" - }, - "2.5.2": { - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "774647643957", - "ap-east-1": "110948597952", - "ap-northeast-1": "941853720454", - "ap-northeast-2": "151534178276", - "ap-northeast-3": "925152966179", - "ap-south-1": "763008648453", - "ap-southeast-1": "324986816169", - "ap-southeast-2": "355873309152", - "ca-central-1": "464438896020", - "cn-north-1": "472730292857", - "cn-northwest-1": "474822919863", - "eu-central-1": "746233611703", - "eu-central-2": "010526262399", - "eu-north-1": "601324751636", - "eu-south-1": "966458181534", - "eu-west-1": "802834080501", - "eu-west-2": "205493899709", - "eu-west-3": "254080097072", - "il-central-1": "275950707576", - "me-south-1": "836785723513", - "sa-east-1": "756306329178", - "us-east-1": "785573368785", - "us-east-2": "007439368137", - "us-gov-east-1": "227234621604", - "us-gov-west-1": "263933020539", - "us-iso-east-1": "167761179201", - "us-isob-east-1": "406031935815", - "us-isof-east-1": "751086301963", - "us-isof-south-1": "935523707064", - "us-west-1": "710691900526", - "us-west-2": "301217895009" - }, - "repository": "sagemaker-neo-tensorflow" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/instance_gpu_info.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/instance_gpu_info.json deleted file mode 100644 index 9fc005bc47..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/instance_gpu_info.json +++ /dev/null @@ -1,782 +0,0 @@ -{ - "af-south-1": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 196608} - }, - "ap-east-1": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 196608} - }, - "ap-northeast-1": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 196608} - }, - "ap-northeast-2": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 196608} - }, - "ap-northeast-3": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 196608} - }, - "ap-south-1": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 196608} - }, - "ap-southeast-1": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 196608} - }, - "ap-southeast-2": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 196608} - }, - "ap-southeast-3": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 196608} - }, - "ca-central-1": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 196608} - }, - "cn-north-1": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 196608} - }, - "cn-northwest-1": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 196608} - }, - "eu-central-1": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 196608} - }, - "eu-central-2": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 196608} - }, - "eu-north-1": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 196608} - }, - "eu-south-1": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 196608} - }, - "eu-south-2": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 196608} - }, - "eu-west-1": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 196608} - }, - "eu-west-2": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 196608} - }, - "eu-west-3": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 196608} - }, - "il-central-1": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 196608} - }, - "me-central-1": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 196608} - }, - "me-south-1": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 196608} - }, - "sa-east-1": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 196608} - }, - "us-east-1": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 196608} - }, - "us-east-2": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 196608} - }, - "us-gov-east-1": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 196608} - }, - "us-gov-west-1": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 196608} - }, - "us-west-1": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 196608} - }, - "us-west-2": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 196608} - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/ipinsights.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/ipinsights.json deleted file mode 100644 index 175ab06c38..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/ipinsights.json +++ /dev/null @@ -1,50 +0,0 @@ -{ - "scope": [ - "inference", - "training" - ], - "versions": { - "1": { - "registries": { - "af-south-1": "455444449433", - "ap-east-1": "286214385809", - "ap-northeast-1": "351501993468", - "ap-northeast-2": "835164637446", - "ap-northeast-3": "867004704886", - "ap-south-1": "991648021394", - "ap-south-2": "628508329040", - "ap-southeast-1": "475088953585", - "ap-southeast-2": "712309505854", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "469771592824", - "ca-west-1": "190319476487", - "cn-north-1": "390948362332", - "cn-northwest-1": "387376663083", - "eu-central-1": "664544806723", - "eu-central-2": "680994064768", - "eu-north-1": "669576153137", - "eu-south-1": "257386234256", - "eu-south-2": "104374241257", - "eu-west-1": "438346466558", - "eu-west-2": "644912444149", - "eu-west-3": "749696950732", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "249704162688", - "sa-east-1": "855470959533", - "us-east-1": "382416733822", - "us-east-2": "404615174143", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "226302683700", - "us-iso-east-1": "490574956308", - "us-isob-east-1": "765400339828", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "632365934929", - "us-west-2": "174872318107" - }, - "repository": "ipinsights" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/kmeans.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/kmeans.json deleted file mode 100644 index bffca1e5b7..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/kmeans.json +++ /dev/null @@ -1,50 +0,0 @@ -{ - "scope": [ - "inference", - "training" - ], - "versions": { - "1": { - "registries": { - "af-south-1": "455444449433", - "ap-east-1": "286214385809", - "ap-northeast-1": "351501993468", - "ap-northeast-2": "835164637446", - "ap-northeast-3": "867004704886", - "ap-south-1": "991648021394", - "ap-south-2": "628508329040", - "ap-southeast-1": "475088953585", - "ap-southeast-2": "712309505854", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "469771592824", - "ca-west-1": "190319476487", - "cn-north-1": "390948362332", - "cn-northwest-1": "387376663083", - "eu-central-1": "664544806723", - "eu-central-2": "680994064768", - "eu-north-1": "669576153137", - "eu-south-1": "257386234256", - "eu-south-2": "104374241257", - "eu-west-1": "438346466558", - "eu-west-2": "644912444149", - "eu-west-3": "749696950732", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "249704162688", - "sa-east-1": "855470959533", - "us-east-1": "382416733822", - "us-east-2": "404615174143", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "226302683700", - "us-iso-east-1": "490574956308", - "us-isob-east-1": "765400339828", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "632365934929", - "us-west-2": "174872318107" - }, - "repository": "kmeans" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/knn.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/knn.json deleted file mode 100644 index e36777c8c9..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/knn.json +++ /dev/null @@ -1,50 +0,0 @@ -{ - "scope": [ - "inference", - "training" - ], - "versions": { - "1": { - "registries": { - "af-south-1": "455444449433", - "ap-east-1": "286214385809", - "ap-northeast-1": "351501993468", - "ap-northeast-2": "835164637446", - "ap-northeast-3": "867004704886", - "ap-south-1": "991648021394", - "ap-south-2": "628508329040", - "ap-southeast-1": "475088953585", - "ap-southeast-2": "712309505854", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "469771592824", - "ca-west-1": "190319476487", - "cn-north-1": "390948362332", - "cn-northwest-1": "387376663083", - "eu-central-1": "664544806723", - "eu-central-2": "680994064768", - "eu-north-1": "669576153137", - "eu-south-1": "257386234256", - "eu-south-2": "104374241257", - "eu-west-1": "438346466558", - "eu-west-2": "644912444149", - "eu-west-3": "749696950732", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "249704162688", - "sa-east-1": "855470959533", - "us-east-1": "382416733822", - "us-east-2": "404615174143", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "226302683700", - "us-iso-east-1": "490574956308", - "us-isob-east-1": "765400339828", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "632365934929", - "us-west-2": "174872318107" - }, - "repository": "knn" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/lda.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/lda.json deleted file mode 100644 index 76868de826..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/lda.json +++ /dev/null @@ -1,26 +0,0 @@ -{ - "scope": ["inference", "training"], - "versions": { - "1": { - "registries": { - "ap-northeast-1": "258307448986", - "ap-northeast-2": "293181348795", - "ap-south-1": "991648021394", - "ap-southeast-1": "475088953585", - "ap-southeast-2": "297031611018", - "ca-central-1": "469771592824", - "eu-central-1": "353608530281", - "eu-west-1": "999678624901", - "eu-west-2": "644912444149", - "us-east-1": "766337827248", - "us-east-2": "999911452149", - "us-gov-west-1": "226302683700", - "us-iso-east-1": "490574956308", - "us-isob-east-1": "765400339828", - "us-west-1": "632365934929", - "us-west-2": "266724342769" - }, - "repository": "lda" - } - } -} diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/linear-learner.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/linear-learner.json deleted file mode 100644 index c0e615bae7..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/linear-learner.json +++ /dev/null @@ -1,50 +0,0 @@ -{ - "scope": [ - "inference", - "training" - ], - "versions": { - "1": { - "registries": { - "af-south-1": "455444449433", - "ap-east-1": "286214385809", - "ap-northeast-1": "351501993468", - "ap-northeast-2": "835164637446", - "ap-northeast-3": "867004704886", - "ap-south-1": "991648021394", - "ap-south-2": "628508329040", - "ap-southeast-1": "475088953585", - "ap-southeast-2": "712309505854", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "469771592824", - "ca-west-1": "190319476487", - "cn-north-1": "390948362332", - "cn-northwest-1": "387376663083", - "eu-central-1": "664544806723", - "eu-central-2": "680994064768", - "eu-north-1": "669576153137", - "eu-south-1": "257386234256", - "eu-south-2": "104374241257", - "eu-west-1": "438346466558", - "eu-west-2": "644912444149", - "eu-west-3": "749696950732", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "249704162688", - "sa-east-1": "855470959533", - "us-east-1": "382416733822", - "us-east-2": "404615174143", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "226302683700", - "us-iso-east-1": "490574956308", - "us-isob-east-1": "765400339828", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "632365934929", - "us-west-2": "174872318107" - }, - "repository": "linear-learner" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/model-monitor.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/model-monitor.json deleted file mode 100644 index 886ae2611f..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/model-monitor.json +++ /dev/null @@ -1,42 +0,0 @@ -{ - "scope": [ - "monitoring" - ], - "versions": { - "": { - "registries": { - "af-south-1": "875698925577", - "ap-east-1": "001633400207", - "ap-northeast-1": "574779866223", - "ap-northeast-2": "709848358524", - "ap-northeast-3": "990339680094", - "ap-south-1": "126357580389", - "ap-southeast-1": "245545462676", - "ap-southeast-2": "563025443158", - "ap-southeast-3": "669540362728", - "ca-central-1": "536280801234", - "cn-north-1": "453000072557", - "cn-northwest-1": "453252182341", - "eu-central-1": "048819808253", - "eu-central-2": "590183933784", - "eu-north-1": "895015795356", - "eu-south-1": "933208885752", - "eu-south-2": "437450045455", - "eu-west-1": "468650794304", - "eu-west-2": "749857270468", - "eu-west-3": "680080141114", - "il-central-1": "843974653677", - "me-central-1": "588750061953", - "me-south-1": "607024016150", - "sa-east-1": "539772159869", - "us-east-1": "156813124566", - "us-east-2": "777275614652", - "us-isof-east-1": "853188333426", - "us-isof-south-1": "467912361380", - "us-west-1": "890145073186", - "us-west-2": "159807026194" - }, - "repository": "sagemaker-model-monitor-analyzer" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/mxnet.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/mxnet.json deleted file mode 100644 index fe962a2420..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/mxnet.json +++ /dev/null @@ -1,1154 +0,0 @@ -{ - "training": { - "processors": [ - "cpu", - "gpu" - ], - "version_aliases": { - "0.12": "0.12.1", - "1.0": "1.0.0", - "1.1": "1.1.0", - "1.2": "1.2.1", - "1.3": "1.3.0", - "1.4": "1.4.1", - "1.6": "1.6.0", - "1.7": "1.7.0", - "1.8": "1.8.0", - "1.9": "1.9.0" - }, - "versions": { - "0.12.1": { - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-mxnet", - "py_versions": [ - "py2", - "py3" - ] - }, - "1.0.0": { - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-mxnet", - "py_versions": [ - "py2", - "py3" - ] - }, - "1.1.0": { - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-mxnet", - "py_versions": [ - "py2", - "py3" - ] - }, - "1.2.1": { - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-mxnet", - "py_versions": [ - "py2", - "py3" - ] - }, - "1.3.0": { - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-mxnet", - "py_versions": [ - "py2", - "py3" - ] - }, - "1.4.0": { - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-mxnet", - "py_versions": [ - "py2", - "py3" - ] - }, - "1.4.1": { - "py2": { - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-mxnet" - }, - "py3": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "mxnet-training" - } - }, - "1.6.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "mxnet-training", - "py_versions": [ - "py2", - "py3" - ] - }, - "1.7.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "mxnet-training", - "py_versions": [ - "py3" - ] - }, - "1.8.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "mxnet-training", - "py_versions": [ - "py37" - ] - }, - "1.9.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "mxnet-training", - "py_versions": [ - "py38" - ] - } - } - }, - "inference": { - "processors": [ - "cpu", - "gpu" - ], - "version_aliases": { - "0.12": "0.12.1", - "1.0": "1.0.0", - "1.1": "1.1.0", - "1.2": "1.2.1", - "1.3": "1.3.0", - "1.4": "1.4.1", - "1.6": "1.6.0", - "1.7": "1.7.0", - "1.8": "1.8.0", - "1.9": "1.9.0" - }, - "versions": { - "0.12.1": { - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-mxnet", - "py_versions": [ - "py2", - "py3" - ] - }, - "1.0.0": { - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-mxnet", - "py_versions": [ - "py2", - "py3" - ] - }, - "1.1.0": { - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-mxnet", - "py_versions": [ - "py2", - "py3" - ] - }, - "1.2.1": { - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-mxnet", - "py_versions": [ - "py2", - "py3" - ] - }, - "1.3.0": { - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-mxnet", - "py_versions": [ - "py2", - "py3" - ] - }, - "1.4.0": { - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-mxnet-serving", - "py_versions": [ - "py2", - "py3" - ] - }, - "1.4.1": { - "py2": { - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-mxnet-serving" - }, - "py3": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "mxnet-inference" - } - }, - "1.6.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "mxnet-inference", - "py_versions": [ - "py2", - "py3" - ] - }, - "1.7.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "mxnet-inference", - "py_versions": [ - "py3" - ] - }, - "1.8.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "mxnet-inference", - "py_versions": [ - "py37" - ] - }, - "1.9.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "mxnet-inference", - "py_versions": [ - "py38" - ] - } - } - }, - "eia": { - "processors": [ - "cpu" - ], - "version_aliases": { - "1.3": "1.3.0", - "1.4": "1.4.1", - "1.5": "1.5.1", - "1.7": "1.7.0" - }, - "versions": { - "1.3.0": { - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-northeast-3": "364406365360", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-mxnet-eia", - "py_versions": [ - "py2", - "py3" - ] - }, - "1.4.0": { - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-northeast-3": "364406365360", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-mxnet-serving-eia", - "py_versions": [ - "py2", - "py3" - ] - }, - "1.4.1": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "mxnet-inference-eia", - "py_versions": [ - "py2", - "py3" - ] - }, - "1.5.1": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "mxnet-inference-eia", - "py_versions": [ - "py2", - "py3" - ] - }, - "1.7.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "mxnet-inference-eia", - "py_versions": [ - "py3" - ] - } - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/neo-mxnet.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/neo-mxnet.json deleted file mode 100644 index ffab6f5b58..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/neo-mxnet.json +++ /dev/null @@ -1,64 +0,0 @@ -{ - "processors": [ - "cpu", - "gpu" - ], - "scope": [ - "inference" - ], - "version_aliases": { - "0.12.1": "1.8", - "1.0.0": "1.8", - "1.1.0": "1.8", - "1.2": "1.8", - "1.2.0": "1.8", - "1.2.1": "1.8", - "1.3": "1.8", - "1.3.0": "1.8", - "1.4": "1.8", - "1.4.0": "1.8", - "1.4.1": "1.8", - "1.7": "1.8" - }, - "versions": { - "1.8": { - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "774647643957", - "ap-east-1": "110948597952", - "ap-northeast-1": "941853720454", - "ap-northeast-2": "151534178276", - "ap-northeast-3": "925152966179", - "ap-south-1": "763008648453", - "ap-southeast-1": "324986816169", - "ap-southeast-2": "355873309152", - "ca-central-1": "464438896020", - "cn-north-1": "472730292857", - "cn-northwest-1": "474822919863", - "eu-central-1": "746233611703", - "eu-central-2": "010526262399", - "eu-north-1": "601324751636", - "eu-south-1": "966458181534", - "eu-west-1": "802834080501", - "eu-west-2": "205493899709", - "eu-west-3": "254080097072", - "il-central-1": "275950707576", - "me-south-1": "836785723513", - "sa-east-1": "756306329178", - "us-east-1": "785573368785", - "us-east-2": "007439368137", - "us-gov-east-1": "227234621604", - "us-gov-west-1": "263933020539", - "us-iso-east-1": "167761179201", - "us-isob-east-1": "406031935815", - "us-isof-east-1": "751086301963", - "us-isof-south-1": "935523707064", - "us-west-1": "710691900526", - "us-west-2": "301217895009" - }, - "repository": "sagemaker-inference-mxnet" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/neo-pytorch.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/neo-pytorch.json deleted file mode 100644 index 39c4f158c8..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/neo-pytorch.json +++ /dev/null @@ -1,341 +0,0 @@ -{ - "processors": [ - "cpu", - "gpu" - ], - "scope": [ - "inference" - ], - "version_aliases": { - "0.4.0": "1.4", - "1.0.0": "1.4", - "1.1.0": "1.4", - "1.2.0": "1.4", - "1.3.0": "1.4", - "1.4.0": "1.4", - "1.7.0": "1.7", - "1.7.1": "1.7", - "1.8.0": "1.8", - "1.8.1": "1.8", - "1.12.0": "1.12", - "1.12.1": "1.12", - "1.13.0": "1.13", - "1.13.1": "1.13", - "2.0.0": "2.0", - "2.0.1": "2.0" - }, - "versions": { - "1.4": { - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "774647643957", - "ap-east-1": "110948597952", - "ap-northeast-1": "941853720454", - "ap-northeast-2": "151534178276", - "ap-northeast-3": "925152966179", - "ap-south-1": "763008648453", - "ap-southeast-1": "324986816169", - "ap-southeast-2": "355873309152", - "ca-central-1": "464438896020", - "cn-north-1": "472730292857", - "cn-northwest-1": "474822919863", - "eu-central-1": "746233611703", - "eu-central-2": "010526262399", - "eu-north-1": "601324751636", - "eu-south-1": "966458181534", - "eu-west-1": "802834080501", - "eu-west-2": "205493899709", - "eu-west-3": "254080097072", - "il-central-1": "275950707576", - "me-south-1": "836785723513", - "sa-east-1": "756306329178", - "us-east-1": "785573368785", - "us-east-2": "007439368137", - "us-gov-east-1": "227234621604", - "us-gov-west-1": "263933020539", - "us-iso-east-1": "167761179201", - "us-isob-east-1": "406031935815", - "us-isof-east-1": "751086301963", - "us-isof-south-1": "935523707064", - "us-west-1": "710691900526", - "us-west-2": "301217895009" - }, - "repository": "sagemaker-inference-pytorch" - }, - "1.5": { - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "774647643957", - "ap-east-1": "110948597952", - "ap-northeast-1": "941853720454", - "ap-northeast-2": "151534178276", - "ap-northeast-3": "925152966179", - "ap-south-1": "763008648453", - "ap-southeast-1": "324986816169", - "ap-southeast-2": "355873309152", - "ca-central-1": "464438896020", - "cn-north-1": "472730292857", - "cn-northwest-1": "474822919863", - "eu-central-1": "746233611703", - "eu-central-2": "010526262399", - "eu-north-1": "601324751636", - "eu-south-1": "966458181534", - "eu-west-1": "802834080501", - "eu-west-2": "205493899709", - "eu-west-3": "254080097072", - "il-central-1": "275950707576", - "me-south-1": "836785723513", - "sa-east-1": "756306329178", - "us-east-1": "785573368785", - "us-east-2": "007439368137", - "us-gov-east-1": "227234621604", - "us-gov-west-1": "263933020539", - "us-iso-east-1": "167761179201", - "us-isob-east-1": "406031935815", - "us-isof-east-1": "751086301963", - "us-isof-south-1": "935523707064", - "us-west-1": "710691900526", - "us-west-2": "301217895009" - }, - "repository": "sagemaker-inference-pytorch" - }, - "1.6": { - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "774647643957", - "ap-east-1": "110948597952", - "ap-northeast-1": "941853720454", - "ap-northeast-2": "151534178276", - "ap-northeast-3": "925152966179", - "ap-south-1": "763008648453", - "ap-southeast-1": "324986816169", - "ap-southeast-2": "355873309152", - "ca-central-1": "464438896020", - "cn-north-1": "472730292857", - "cn-northwest-1": "474822919863", - "eu-central-1": "746233611703", - "eu-central-2": "010526262399", - "eu-north-1": "601324751636", - "eu-south-1": "966458181534", - "eu-west-1": "802834080501", - "eu-west-2": "205493899709", - "eu-west-3": "254080097072", - "il-central-1": "275950707576", - "me-south-1": "836785723513", - "sa-east-1": "756306329178", - "us-east-1": "785573368785", - "us-east-2": "007439368137", - "us-gov-east-1": "227234621604", - "us-gov-west-1": "263933020539", - "us-iso-east-1": "167761179201", - "us-isob-east-1": "406031935815", - "us-isof-east-1": "751086301963", - "us-isof-south-1": "935523707064", - "us-west-1": "710691900526", - "us-west-2": "301217895009" - }, - "repository": "sagemaker-inference-pytorch" - }, - "1.7": { - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "774647643957", - "ap-east-1": "110948597952", - "ap-northeast-1": "941853720454", - "ap-northeast-2": "151534178276", - "ap-northeast-3": "925152966179", - "ap-south-1": "763008648453", - "ap-southeast-1": "324986816169", - "ap-southeast-2": "355873309152", - "ca-central-1": "464438896020", - "cn-north-1": "472730292857", - "cn-northwest-1": "474822919863", - "eu-central-1": "746233611703", - "eu-central-2": "010526262399", - "eu-north-1": "601324751636", - "eu-south-1": "966458181534", - "eu-west-1": "802834080501", - "eu-west-2": "205493899709", - "eu-west-3": "254080097072", - "il-central-1": "275950707576", - "me-south-1": "836785723513", - "sa-east-1": "756306329178", - "us-east-1": "785573368785", - "us-east-2": "007439368137", - "us-gov-east-1": "227234621604", - "us-gov-west-1": "263933020539", - "us-iso-east-1": "167761179201", - "us-isob-east-1": "406031935815", - "us-isof-east-1": "751086301963", - "us-isof-south-1": "935523707064", - "us-west-1": "710691900526", - "us-west-2": "301217895009" - }, - "repository": "sagemaker-inference-pytorch" - }, - "1.8": { - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "774647643957", - "ap-east-1": "110948597952", - "ap-northeast-1": "941853720454", - "ap-northeast-2": "151534178276", - "ap-northeast-3": "925152966179", - "ap-south-1": "763008648453", - "ap-southeast-1": "324986816169", - "ap-southeast-2": "355873309152", - "ca-central-1": "464438896020", - "cn-north-1": "472730292857", - "cn-northwest-1": "474822919863", - "eu-central-1": "746233611703", - "eu-central-2": "010526262399", - "eu-north-1": "601324751636", - "eu-south-1": "966458181534", - "eu-west-1": "802834080501", - "eu-west-2": "205493899709", - "eu-west-3": "254080097072", - "il-central-1": "275950707576", - "me-south-1": "836785723513", - "sa-east-1": "756306329178", - "us-east-1": "785573368785", - "us-east-2": "007439368137", - "us-gov-east-1": "227234621604", - "us-gov-west-1": "263933020539", - "us-iso-east-1": "167761179201", - "us-isob-east-1": "406031935815", - "us-isof-east-1": "751086301963", - "us-isof-south-1": "935523707064", - "us-west-1": "710691900526", - "us-west-2": "301217895009" - }, - "repository": "sagemaker-inference-pytorch" - }, - "1.12": { - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "774647643957", - "ap-east-1": "110948597952", - "ap-northeast-1": "941853720454", - "ap-northeast-2": "151534178276", - "ap-northeast-3": "925152966179", - "ap-south-1": "763008648453", - "ap-southeast-1": "324986816169", - "ap-southeast-2": "355873309152", - "ca-central-1": "464438896020", - "cn-north-1": "472730292857", - "cn-northwest-1": "474822919863", - "eu-central-1": "746233611703", - "eu-central-2": "010526262399", - "eu-north-1": "601324751636", - "eu-south-1": "966458181534", - "eu-west-1": "802834080501", - "eu-west-2": "205493899709", - "eu-west-3": "254080097072", - "il-central-1": "275950707576", - "me-south-1": "836785723513", - "sa-east-1": "756306329178", - "us-east-1": "785573368785", - "us-east-2": "007439368137", - "us-gov-east-1": "227234621604", - "us-gov-west-1": "263933020539", - "us-iso-east-1": "167761179201", - "us-isob-east-1": "406031935815", - "us-isof-east-1": "751086301963", - "us-isof-south-1": "935523707064", - "us-west-1": "710691900526", - "us-west-2": "301217895009" - }, - "repository": "sagemaker-inference-pytorch" - }, - "1.13": { - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "774647643957", - "ap-east-1": "110948597952", - "ap-northeast-1": "941853720454", - "ap-northeast-2": "151534178276", - "ap-northeast-3": "925152966179", - "ap-south-1": "763008648453", - "ap-southeast-1": "324986816169", - "ap-southeast-2": "355873309152", - "ca-central-1": "464438896020", - "cn-north-1": "472730292857", - "cn-northwest-1": "474822919863", - "eu-central-1": "746233611703", - "eu-central-2": "010526262399", - "eu-north-1": "601324751636", - "eu-south-1": "966458181534", - "eu-west-1": "802834080501", - "eu-west-2": "205493899709", - "eu-west-3": "254080097072", - "il-central-1": "275950707576", - "me-south-1": "836785723513", - "sa-east-1": "756306329178", - "us-east-1": "785573368785", - "us-east-2": "007439368137", - "us-gov-east-1": "227234621604", - "us-gov-west-1": "263933020539", - "us-iso-east-1": "167761179201", - "us-isob-east-1": "406031935815", - "us-isof-east-1": "751086301963", - "us-isof-south-1": "935523707064", - "us-west-1": "710691900526", - "us-west-2": "301217895009" - }, - "repository": "sagemaker-inference-pytorch" - }, - "2.0": { - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "774647643957", - "ap-east-1": "110948597952", - "ap-northeast-1": "941853720454", - "ap-northeast-2": "151534178276", - "ap-northeast-3": "925152966179", - "ap-south-1": "763008648453", - "ap-southeast-1": "324986816169", - "ap-southeast-2": "355873309152", - "ca-central-1": "464438896020", - "cn-north-1": "472730292857", - "cn-northwest-1": "474822919863", - "eu-central-1": "746233611703", - "eu-central-2": "010526262399", - "eu-north-1": "601324751636", - "eu-south-1": "966458181534", - "eu-west-1": "802834080501", - "eu-west-2": "205493899709", - "eu-west-3": "254080097072", - "il-central-1": "275950707576", - "me-south-1": "836785723513", - "sa-east-1": "756306329178", - "us-east-1": "785573368785", - "us-east-2": "007439368137", - "us-gov-east-1": "227234621604", - "us-gov-west-1": "263933020539", - "us-iso-east-1": "167761179201", - "us-isob-east-1": "406031935815", - "us-isof-east-1": "751086301963", - "us-isof-south-1": "935523707064", - "us-west-1": "710691900526", - "us-west-2": "301217895009" - }, - "repository": "sagemaker-inference-pytorch" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/neo-tensorflow.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/neo-tensorflow.json deleted file mode 100644 index 2df048167c..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/neo-tensorflow.json +++ /dev/null @@ -1,109 +0,0 @@ -{ - "processors": [ - "cpu", - "gpu" - ], - "scope": [ - "inference" - ], - "version_aliases": { - "1.4.1": "1.15.3", - "1.5.0": "1.15.3", - "1.6.0": "1.15.3", - "1.7.0": "1.15.3", - "1.8.0": "1.15.3", - "1.9.0": "1.15.3", - "1.10.0": "1.15.3", - "1.11.0": "1.15.3", - "1.12.0": "1.15.3", - "1.13.0": "1.15.3", - "1.14.0": "1.15.3", - "2.4": "2.9.2", - "2.4.0": "2.9.2", - "2.4.1": "2.9.2", - "2.4.2": "2.9.2", - "2.9": "2.9.2", - "2.9.0": "2.9.2", - "2.9.2": "2.9.2" - }, - "versions": { - "1.15.3": { - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "774647643957", - "ap-east-1": "110948597952", - "ap-northeast-1": "941853720454", - "ap-northeast-2": "151534178276", - "ap-northeast-3": "925152966179", - "ap-south-1": "763008648453", - "ap-southeast-1": "324986816169", - "ap-southeast-2": "355873309152", - "ca-central-1": "464438896020", - "cn-north-1": "472730292857", - "cn-northwest-1": "474822919863", - "eu-central-1": "746233611703", - "eu-central-2": "010526262399", - "eu-north-1": "601324751636", - "eu-south-1": "966458181534", - "eu-west-1": "802834080501", - "eu-west-2": "205493899709", - "eu-west-3": "254080097072", - "il-central-1": "275950707576", - "me-south-1": "836785723513", - "sa-east-1": "756306329178", - "us-east-1": "785573368785", - "us-east-2": "007439368137", - "us-gov-east-1": "227234621604", - "us-gov-west-1": "263933020539", - "us-iso-east-1": "167761179201", - "us-isob-east-1": "406031935815", - "us-isof-east-1": "751086301963", - "us-isof-south-1": "935523707064", - "us-west-1": "710691900526", - "us-west-2": "301217895009" - }, - "repository": "sagemaker-inference-tensorflow" - }, - "2.9.2": { - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "774647643957", - "ap-east-1": "110948597952", - "ap-northeast-1": "941853720454", - "ap-northeast-2": "151534178276", - "ap-northeast-3": "925152966179", - "ap-south-1": "763008648453", - "ap-southeast-1": "324986816169", - "ap-southeast-2": "355873309152", - "ca-central-1": "464438896020", - "cn-north-1": "472730292857", - "cn-northwest-1": "474822919863", - "eu-central-1": "746233611703", - "eu-central-2": "010526262399", - "eu-north-1": "601324751636", - "eu-south-1": "966458181534", - "eu-west-1": "802834080501", - "eu-west-2": "205493899709", - "eu-west-3": "254080097072", - "il-central-1": "275950707576", - "me-south-1": "836785723513", - "sa-east-1": "756306329178", - "us-east-1": "785573368785", - "us-east-2": "007439368137", - "us-gov-east-1": "227234621604", - "us-gov-west-1": "263933020539", - "us-iso-east-1": "167761179201", - "us-isob-east-1": "406031935815", - "us-isof-east-1": "751086301963", - "us-isof-south-1": "935523707064", - "us-west-1": "710691900526", - "us-west-2": "301217895009" - }, - "repository": "sagemaker-inference-tensorflow" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/ntm.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/ntm.json deleted file mode 100644 index fa945c7304..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/ntm.json +++ /dev/null @@ -1,50 +0,0 @@ -{ - "scope": [ - "inference", - "training" - ], - "versions": { - "1": { - "registries": { - "af-south-1": "455444449433", - "ap-east-1": "286214385809", - "ap-northeast-1": "351501993468", - "ap-northeast-2": "835164637446", - "ap-northeast-3": "867004704886", - "ap-south-1": "991648021394", - "ap-south-2": "628508329040", - "ap-southeast-1": "475088953585", - "ap-southeast-2": "712309505854", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "469771592824", - "ca-west-1": "190319476487", - "cn-north-1": "390948362332", - "cn-northwest-1": "387376663083", - "eu-central-1": "664544806723", - "eu-central-2": "680994064768", - "eu-north-1": "669576153137", - "eu-south-1": "257386234256", - "eu-south-2": "104374241257", - "eu-west-1": "438346466558", - "eu-west-2": "644912444149", - "eu-west-3": "749696950732", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "249704162688", - "sa-east-1": "855470959533", - "us-east-1": "382416733822", - "us-east-2": "404615174143", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "226302683700", - "us-iso-east-1": "490574956308", - "us-isob-east-1": "765400339828", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "632365934929", - "us-west-2": "174872318107" - }, - "repository": "ntm" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/object-detection.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/object-detection.json deleted file mode 100644 index 56df938108..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/object-detection.json +++ /dev/null @@ -1,50 +0,0 @@ -{ - "scope": [ - "inference", - "training" - ], - "versions": { - "1": { - "registries": { - "af-south-1": "455444449433", - "ap-east-1": "286214385809", - "ap-northeast-1": "501404015308", - "ap-northeast-2": "306986355934", - "ap-northeast-3": "867004704886", - "ap-south-1": "991648021394", - "ap-south-2": "628508329040", - "ap-southeast-1": "475088953585", - "ap-southeast-2": "544295431143", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "469771592824", - "ca-west-1": "190319476487", - "cn-north-1": "390948362332", - "cn-northwest-1": "387376663083", - "eu-central-1": "813361260812", - "eu-central-2": "680994064768", - "eu-north-1": "669576153137", - "eu-south-1": "257386234256", - "eu-south-2": "104374241257", - "eu-west-1": "685385470294", - "eu-west-2": "644912444149", - "eu-west-3": "749696950732", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "249704162688", - "sa-east-1": "855470959533", - "us-east-1": "811284229777", - "us-east-2": "825641698319", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "226302683700", - "us-iso-east-1": "490574956308", - "us-isob-east-1": "765400339828", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "632365934929", - "us-west-2": "433757028032" - }, - "repository": "object-detection" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/object2vec.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/object2vec.json deleted file mode 100644 index d652b352ad..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/object2vec.json +++ /dev/null @@ -1,50 +0,0 @@ -{ - "scope": [ - "inference", - "training" - ], - "versions": { - "1": { - "registries": { - "af-south-1": "455444449433", - "ap-east-1": "286214385809", - "ap-northeast-1": "351501993468", - "ap-northeast-2": "835164637446", - "ap-northeast-3": "867004704886", - "ap-south-1": "991648021394", - "ap-south-2": "628508329040", - "ap-southeast-1": "475088953585", - "ap-southeast-2": "712309505854", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "469771592824", - "ca-west-1": "190319476487", - "cn-north-1": "390948362332", - "cn-northwest-1": "387376663083", - "eu-central-1": "664544806723", - "eu-central-2": "680994064768", - "eu-north-1": "669576153137", - "eu-south-1": "257386234256", - "eu-south-2": "104374241257", - "eu-west-1": "438346466558", - "eu-west-2": "644912444149", - "eu-west-3": "749696950732", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "249704162688", - "sa-east-1": "855470959533", - "us-east-1": "382416733822", - "us-east-2": "404615174143", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "226302683700", - "us-iso-east-1": "490574956308", - "us-isob-east-1": "765400339828", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "632365934929", - "us-west-2": "174872318107" - }, - "repository": "object2vec" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/pca.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/pca.json deleted file mode 100644 index 0c32acda60..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/pca.json +++ /dev/null @@ -1,50 +0,0 @@ -{ - "scope": [ - "inference", - "training" - ], - "versions": { - "1": { - "registries": { - "af-south-1": "455444449433", - "ap-east-1": "286214385809", - "ap-northeast-1": "351501993468", - "ap-northeast-2": "835164637446", - "ap-northeast-3": "867004704886", - "ap-south-1": "991648021394", - "ap-south-2": "628508329040", - "ap-southeast-1": "475088953585", - "ap-southeast-2": "712309505854", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "469771592824", - "ca-west-1": "190319476487", - "cn-north-1": "390948362332", - "cn-northwest-1": "387376663083", - "eu-central-1": "664544806723", - "eu-central-2": "680994064768", - "eu-north-1": "669576153137", - "eu-south-1": "257386234256", - "eu-south-2": "104374241257", - "eu-west-1": "438346466558", - "eu-west-2": "644912444149", - "eu-west-3": "749696950732", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "249704162688", - "sa-east-1": "855470959533", - "us-east-1": "382416733822", - "us-east-2": "404615174143", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "226302683700", - "us-iso-east-1": "490574956308", - "us-isob-east-1": "765400339828", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "632365934929", - "us-west-2": "174872318107" - }, - "repository": "pca" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/pytorch-neuron.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/pytorch-neuron.json deleted file mode 100644 index c69c22c646..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/pytorch-neuron.json +++ /dev/null @@ -1,43 +0,0 @@ -{ - "training": { - "processors": [ - "trn" - ], - "version_aliases": { - "1.11": "1.11.0" - }, - "versions": { - "1.11.0": { - "py_versions": [ - "py38" - ], - "repository": "pytorch-training-neuron", - "registries": { - "ap-northeast-1": "763104351884", - "ap-south-1": "763104351884", - "ap-south-2": "772153158452", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-4": "457447274322", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-south-2": "503227376785", - "eu-west-1": "763104351884", - "eu-west-3": "763104351884", - "il-central-1": "780543022126", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "container_version": { - "trn": "ubuntu20.04" - }, - "sdk_versions": [ - "sdk2.4.0" - ] - } - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/pytorch-smp.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/pytorch-smp.json deleted file mode 100644 index 53c2a75e13..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/pytorch-smp.json +++ /dev/null @@ -1,218 +0,0 @@ -{ - "training": { - "processors": [ - "gpu" - ], - "version_aliases": { - "2.0": "2.0.1", - "2.1": "2.1.2", - "2.2": "2.3.1", - "2.2.0": "2.3.1", - "2.3.1": "2.5.0", - "2.4.1": "2.7.0", - "2.5.1": "2.8.0" - }, - "versions": { - "2.0.1": { - "py_versions": [ - "py310" - ], - "registries": { - "ap-northeast-1": "658645717510", - "ap-northeast-2": "658645717510", - "ap-northeast-3": "658645717510", - "ap-south-1": "658645717510", - "ap-southeast-1": "658645717510", - "ap-southeast-2": "658645717510", - "ca-central-1": "658645717510", - "eu-central-1": "658645717510", - "eu-north-1": "658645717510", - "eu-west-1": "658645717510", - "eu-west-2": "658645717510", - "eu-west-3": "658645717510", - "sa-east-1": "658645717510", - "us-east-1": "658645717510", - "us-east-2": "658645717510", - "us-west-1": "658645717510", - "us-west-2": "658645717510" - }, - "repository": "smdistributed-modelparallel" - }, - "2.1.2": { - "py_versions": [ - "py310" - ], - "registries": { - "ap-northeast-1": "658645717510", - "ap-northeast-2": "658645717510", - "ap-northeast-3": "658645717510", - "ap-south-1": "658645717510", - "ap-southeast-1": "658645717510", - "ap-southeast-2": "658645717510", - "ca-central-1": "658645717510", - "eu-central-1": "658645717510", - "eu-north-1": "658645717510", - "eu-west-1": "658645717510", - "eu-west-2": "658645717510", - "eu-west-3": "658645717510", - "sa-east-1": "658645717510", - "us-east-1": "658645717510", - "us-east-2": "658645717510", - "us-west-1": "658645717510", - "us-west-2": "658645717510" - }, - "repository": "smdistributed-modelparallel" - }, - "2.2.0": { - "py_versions": [ - "py310" - ], - "registries": { - "ap-northeast-1": "658645717510", - "ap-northeast-2": "658645717510", - "ap-northeast-3": "658645717510", - "ap-south-1": "658645717510", - "ap-southeast-1": "658645717510", - "ap-southeast-2": "658645717510", - "ca-central-1": "658645717510", - "eu-central-1": "658645717510", - "eu-north-1": "658645717510", - "eu-west-1": "658645717510", - "eu-west-2": "658645717510", - "eu-west-3": "658645717510", - "sa-east-1": "658645717510", - "us-east-1": "658645717510", - "us-east-2": "658645717510", - "us-west-1": "658645717510", - "us-west-2": "658645717510" - }, - "repository": "smdistributed-modelparallel" - }, - "2.3.0": { - "py_versions": [ - "py310" - ], - "registries": { - "ap-northeast-1": "658645717510", - "ap-northeast-2": "658645717510", - "ap-northeast-3": "658645717510", - "ap-south-1": "658645717510", - "ap-southeast-1": "658645717510", - "ap-southeast-2": "658645717510", - "ca-central-1": "658645717510", - "eu-central-1": "658645717510", - "eu-north-1": "658645717510", - "eu-west-1": "658645717510", - "eu-west-2": "658645717510", - "eu-west-3": "658645717510", - "sa-east-1": "658645717510", - "us-east-1": "658645717510", - "us-east-2": "658645717510", - "us-west-1": "658645717510", - "us-west-2": "658645717510" - }, - "repository": "smdistributed-modelparallel" - }, - "2.3.1": { - "py_versions": [ - "py310" - ], - "registries": { - "ap-northeast-1": "658645717510", - "ap-northeast-2": "658645717510", - "ap-northeast-3": "658645717510", - "ap-south-1": "658645717510", - "ap-southeast-1": "658645717510", - "ap-southeast-2": "658645717510", - "ca-central-1": "658645717510", - "eu-central-1": "658645717510", - "eu-north-1": "658645717510", - "eu-west-1": "658645717510", - "eu-west-2": "658645717510", - "eu-west-3": "658645717510", - "sa-east-1": "658645717510", - "us-east-1": "658645717510", - "us-east-2": "658645717510", - "us-west-1": "658645717510", - "us-west-2": "658645717510" - }, - "repository": "smdistributed-modelparallel" - }, - "2.5.0": { - "py_versions": [ - "py311" - ], - "registries": { - "ap-northeast-1": "658645717510", - "ap-northeast-2": "658645717510", - "ap-northeast-3": "658645717510", - "ap-south-1": "658645717510", - "ap-southeast-1": "658645717510", - "ap-southeast-2": "658645717510", - "ca-central-1": "658645717510", - "eu-central-1": "658645717510", - "eu-north-1": "658645717510", - "eu-west-1": "658645717510", - "eu-west-2": "658645717510", - "eu-west-3": "658645717510", - "sa-east-1": "658645717510", - "us-east-1": "658645717510", - "us-east-2": "658645717510", - "us-west-1": "658645717510", - "us-west-2": "658645717510" - }, - "repository": "smdistributed-modelparallel" - }, - "2.7.0": { - "py_versions": [ - "py311" - ], - "registries": { - "ap-northeast-1": "658645717510", - "ap-northeast-2": "658645717510", - "ap-northeast-3": "658645717510", - "ap-south-1": "658645717510", - "ap-southeast-1": "658645717510", - "ap-southeast-2": "658645717510", - "ca-central-1": "658645717510", - "eu-central-1": "658645717510", - "eu-north-1": "658645717510", - "eu-west-1": "658645717510", - "eu-west-2": "658645717510", - "eu-west-3": "658645717510", - "sa-east-1": "658645717510", - "us-east-1": "658645717510", - "us-east-2": "658645717510", - "us-west-1": "658645717510", - "us-west-2": "658645717510" - }, - "repository": "smdistributed-modelparallel" - }, - "2.8.0": { - "py_versions": [ - "py311" - ], - "registries": { - "ap-northeast-1": "658645717510", - "ap-northeast-2": "658645717510", - "ap-northeast-3": "658645717510", - "ap-south-1": "658645717510", - "ap-southeast-1": "658645717510", - "ap-southeast-2": "658645717510", - "ca-central-1": "658645717510", - "eu-central-1": "658645717510", - "eu-north-1": "658645717510", - "eu-west-1": "658645717510", - "eu-west-2": "658645717510", - "eu-west-3": "658645717510", - "sa-east-1": "658645717510", - "us-east-1": "658645717510", - "us-east-2": "658645717510", - "us-west-1": "658645717510", - "us-west-2": "658645717510" - }, - "repository": "smdistributed-modelparallel" - } - } - } -} diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/pytorch-training-compiler.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/pytorch-training-compiler.json deleted file mode 100644 index ce72fb365a..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/pytorch-training-compiler.json +++ /dev/null @@ -1,80 +0,0 @@ -{ - "training": { - "processors": [ - "gpu" - ], - "version_aliases": { - "1.12": "1.12.0", - "1.13": "1.13.1" - }, - "versions": { - "1.12.0": { - "py_versions": [ - "py38" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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-4": "457447274322", - "ca-central-1": "763104351884", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "pytorch-trcomp-training" - }, - "1.13.1": { - "py_versions": [ - "py39" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-4": "457447274322", - "ca-central-1": "763104351884", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "pytorch-trcomp-training" - } - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/pytorch.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/pytorch.json deleted file mode 100644 index 01e0d65dc5..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/pytorch.json +++ /dev/null @@ -1,2897 +0,0 @@ -{ - "eia": { - "processors": [ - "cpu" - ], - "version_aliases": { - "1.3": "1.3.1", - "1.5": "1.5.1" - }, - "versions": { - "1.3.1": { - "py_versions": [ - "py3" - ], - "registries": { - "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", - "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-2": "503227376785", - "eu-west-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-inference-eia" - }, - "1.5.1": { - "py_versions": [ - "py3" - ], - "registries": { - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-south-2": "772153158452", - "ap-southeast-3": "907027046896", - "ap-southeast-4": "457447274322", - "ca-west-1": "204538143572", - "eu-central-2": "380420809688", - "eu-south-2": "503227376785", - "eu-west-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-inference-eia" - } - } - }, - "inference": { - "processors": [ - "cpu", - "gpu" - ], - "version_aliases": { - "0.4": "0.4.0", - "1.0": "1.0.0", - "1.1": "1.1.0", - "1.2": "1.2.0", - "1.3": "1.3.1", - "1.4": "1.4.0", - "1.5": "1.5.0", - "1.6": "1.6.0", - "1.7": "1.7.1", - "1.8": "1.8.1", - "1.9": "1.9.1", - "1.10": "1.10.2", - "1.11": "1.11.0", - "1.12": "1.12.1", - "1.13": "1.13.1", - "2.0": "2.0.1", - "2.1": "2.1.0", - "2.2": "2.2.0", - "2.3": "2.3.0", - "2.4": "2.4.0", - "2.5": "2.5.1", - "2.6": "2.6.0" - }, - "versions": { - "0.4.0": { - "py_versions": [ - "py2", - "py3" - ], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-pytorch" - }, - "1.0.0": { - "py_versions": [ - "py2", - "py3" - ], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-pytorch" - }, - "1.1.0": { - "py_versions": [ - "py2", - "py3" - ], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-pytorch" - }, - "1.2.0": { - "py_versions": [ - "py2", - "py3" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-inference" - }, - "1.3.1": { - "py_versions": [ - "py2", - "py3" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-inference" - }, - "1.4.0": { - "py_versions": [ - "py3", - "py36" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-inference" - }, - "1.5.0": { - "py_versions": [ - "py3", - "py36" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-inference" - }, - "1.6.0": { - "py_versions": [ - "py3", - "py36" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-inference" - }, - "1.7.1": { - "py_versions": [ - "py3", - "py36" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-inference" - }, - "1.8.0": { - "py_versions": [ - "py3", - "py36" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-inference" - }, - "1.8.1": { - "py_versions": [ - "py3", - "py36" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-inference" - }, - "1.9.0": { - "py_versions": [ - "py38" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-inference" - }, - "1.9.1": { - "py_versions": [ - "py38" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-inference" - }, - "1.10.0": { - "py_versions": [ - "py38" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-inference" - }, - "1.10.2": { - "py_versions": [ - "py38" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-inference" - }, - "1.11.0": { - "py_versions": [ - "py38" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-inference" - }, - "1.12.0": { - "py_versions": [ - "py38" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-inference" - }, - "1.12.1": { - "py_versions": [ - "py38" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-inference" - }, - "1.13.1": { - "py_versions": [ - "py39" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-inference" - }, - "2.0.0": { - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-inference" - }, - "2.0.1": { - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-inference" - }, - "2.1.0": { - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-inference" - }, - "2.2.0": { - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-inference" - }, - "2.3.0": { - "py_versions": [ - "py311" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-inference" - }, - "2.4.0": { - "py_versions": [ - "py311" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-inference" - }, - "2.5.1": { - "py_versions": [ - "py311" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-inference" - }, - "2.6.0": { - "py_versions": [ - "py312" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-inference" - } - } - }, - "inference_graviton": { - "processors": [ - "cpu" - ], - "version_aliases": { - "1.12": "1.12.1", - "2.0": "2.0.1", - "2.1": "2.1.0", - "2.2": "2.2.1", - "2.3": "2.3.0", - "2.4": "2.4.0" - }, - "versions": { - "1.12.1": { - "container_version": { - "cpu": "ubuntu20.04" - }, - "py_versions": [ - "py38" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-inference-graviton" - }, - "2.0.0": { - "container_version": { - "cpu": "ubuntu20.04" - }, - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-inference-graviton" - }, - "2.0.1": { - "container_version": { - "cpu": "ubuntu20.04" - }, - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-inference-graviton" - }, - "2.1.0": { - "container_version": { - "cpu": "ubuntu20.04" - }, - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-inference-graviton" - }, - "2.2.1": { - "container_version": { - "cpu": "ubuntu20.04" - }, - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-inference-graviton" - }, - "2.3.0": { - "container_version": { - "cpu": "ubuntu20.04" - }, - "py_versions": [ - "py311" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-inference-graviton" - }, - "2.4.0": { - "container_version": { - "cpu": "ubuntu22.04" - }, - "py_versions": [ - "py311" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-inference-graviton" - } - } - }, - "training": { - "processors": [ - "cpu", - "gpu" - ], - "version_aliases": { - "0.4": "0.4.0", - "1.0": "1.0.0", - "1.1": "1.1.0", - "1.2": "1.2.0", - "1.3": "1.3.1", - "1.4": "1.4.0", - "1.5": "1.5.0", - "1.6": "1.6.0", - "1.7": "1.7.1", - "1.8": "1.8.1", - "1.9": "1.9.1", - "1.10": "1.10.2", - "1.11": "1.11.0", - "1.12": "1.12.1", - "1.13": "1.13.1", - "2.0": "2.0.1", - "2.1": "2.1.0", - "2.2": "2.2.0", - "2.3": "2.3.0", - "2.4": "2.4.0", - "2.5": "2.5.1", - "2.6": "2.6.0" - }, - "versions": { - "0.4.0": { - "py_versions": [ - "py2", - "py3" - ], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-pytorch" - }, - "1.0.0": { - "py_versions": [ - "py2", - "py3" - ], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-pytorch" - }, - "1.1.0": { - "py_versions": [ - "py2", - "py3" - ], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-pytorch" - }, - "1.2.0": { - "py_versions": [ - "py2", - "py3" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-training" - }, - "1.3.1": { - "py_versions": [ - "py2", - "py3" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-training" - }, - "1.4.0": { - "py_versions": [ - "py2", - "py3", - "py36" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-training" - }, - "1.5.0": { - "py_versions": [ - "py3", - "py36" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-training" - }, - "1.6.0": { - "py_versions": [ - "py3", - "py36" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-training" - }, - "1.7.1": { - "py_versions": [ - "py3", - "py36" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-training" - }, - "1.8.0": { - "py_versions": [ - "py3", - "py36" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-training" - }, - "1.8.1": { - "py_versions": [ - "py3", - "py36" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-training" - }, - "1.9.0": { - "py_versions": [ - "py38" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-training" - }, - "1.9.1": { - "py_versions": [ - "py38" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-training" - }, - "1.10.0": { - "py_versions": [ - "py38" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-training" - }, - "1.10.2": { - "py_versions": [ - "py38" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-training" - }, - "1.11.0": { - "py_versions": [ - "py38" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-training" - }, - "1.12.0": { - "py_versions": [ - "py38" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-training" - }, - "1.12.1": { - "py_versions": [ - "py38" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-training" - }, - "1.13.1": { - "py_versions": [ - "py39" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-training" - }, - "2.0.0": { - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-training" - }, - "2.0.1": { - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-training" - }, - "2.1.0": { - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-training" - }, - "2.2.0": { - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-training" - }, - "2.3.0": { - "py_versions": [ - "py311" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-training" - }, - "2.4.0": { - "py_versions": [ - "py311" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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" - }, - "2.5.1": { - "py_versions": [ - "py311" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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" - }, - "2.6.0": { - "py_versions": [ - "py312" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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" - } - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/randomcutforest.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/randomcutforest.json deleted file mode 100644 index 25d9dcf3e8..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/randomcutforest.json +++ /dev/null @@ -1,50 +0,0 @@ -{ - "scope": [ - "inference", - "training" - ], - "versions": { - "1": { - "registries": { - "af-south-1": "455444449433", - "ap-east-1": "286214385809", - "ap-northeast-1": "351501993468", - "ap-northeast-2": "835164637446", - "ap-northeast-3": "867004704886", - "ap-south-1": "991648021394", - "ap-south-2": "628508329040", - "ap-southeast-1": "475088953585", - "ap-southeast-2": "712309505854", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "469771592824", - "ca-west-1": "190319476487", - "cn-north-1": "390948362332", - "cn-northwest-1": "387376663083", - "eu-central-1": "664544806723", - "eu-central-2": "680994064768", - "eu-north-1": "669576153137", - "eu-south-1": "257386234256", - "eu-south-2": "104374241257", - "eu-west-1": "438346466558", - "eu-west-2": "644912444149", - "eu-west-3": "749696950732", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "249704162688", - "sa-east-1": "855470959533", - "us-east-1": "382416733822", - "us-east-2": "404615174143", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "226302683700", - "us-iso-east-1": "490574956308", - "us-isob-east-1": "765400339828", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "632365934929", - "us-west-2": "174872318107" - }, - "repository": "randomcutforest" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/ray-pytorch.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/ray-pytorch.json deleted file mode 100644 index 587c29ad55..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/ray-pytorch.json +++ /dev/null @@ -1,46 +0,0 @@ -{ - "processors": ["cpu", "gpu"], - "scope": ["training"], - "versions": { - "0.8.5": { - "py_versions": ["py36"], - "registries": { - "ap-northeast-1": "462105765813", - "ap-northeast-2": "462105765813", - "ap-south-1": "462105765813", - "ap-southeast-1": "462105765813", - "ap-southeast-2": "462105765813", - "ca-central-1": "462105765813", - "eu-central-1": "462105765813", - "eu-west-1": "462105765813", - "eu-west-2": "462105765813", - "us-east-1": "462105765813", - "us-east-2": "462105765813", - "us-west-1": "462105765813", - "us-west-2": "462105765813" - }, - "repository": "sagemaker-rl-ray-container", - "tag_prefix": "ray-0.8.5-torch" - }, - "1.6.0": { - "py_versions": ["py36"], - "registries": { - "ap-northeast-1": "462105765813", - "ap-northeast-2": "462105765813", - "ap-south-1": "462105765813", - "ap-southeast-1": "462105765813", - "ap-southeast-2": "462105765813", - "ca-central-1": "462105765813", - "eu-central-1": "462105765813", - "eu-west-1": "462105765813", - "eu-west-2": "462105765813", - "us-east-1": "462105765813", - "us-east-2": "462105765813", - "us-west-1": "462105765813", - "us-west-2": "462105765813" - }, - "repository": "sagemaker-rl-ray-container", - "tag_prefix": "ray-1.6.0-torch" - } - } -} diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/ray-tensorflow.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/ray-tensorflow.json deleted file mode 100644 index 983c4d44db..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/ray-tensorflow.json +++ /dev/null @@ -1,194 +0,0 @@ -{ - "processors": ["cpu", "gpu"], - "scope": ["training"], - "versions": { - "0.5": { - "py_versions": ["py3"], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-rl-tensorflow", - "tag_prefix": "ray0.5" - }, - "0.5.3": { - "py_versions": ["py3"], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-rl-tensorflow", - "tag_prefix": "ray0.5.3" - }, - "0.6": { - "py_versions": ["py3"], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-rl-tensorflow", - "tag_prefix": "ray0.6" - }, - "0.6.5": { - "py_versions": ["py3"], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-rl-tensorflow", - "tag_prefix": "ray0.6.5" - }, - "0.8.2": { - "py_versions": ["py36"], - "registries": { - "ap-northeast-1": "462105765813", - "ap-northeast-2": "462105765813", - "ap-south-1": "462105765813", - "ap-southeast-1": "462105765813", - "ap-southeast-2": "462105765813", - "ca-central-1": "462105765813", - "eu-central-1": "462105765813", - "eu-west-1": "462105765813", - "eu-west-2": "462105765813", - "us-east-1": "462105765813", - "us-east-2": "462105765813", - "us-west-1": "462105765813", - "us-west-2": "462105765813" - }, - "repository": "sagemaker-rl-ray-container", - "tag_prefix": "ray-0.8.2-tf" - }, - "0.8.5": { - "py_versions": ["py36"], - "registries": { - "ap-northeast-1": "462105765813", - "ap-northeast-2": "462105765813", - "ap-south-1": "462105765813", - "ap-southeast-1": "462105765813", - "ap-southeast-2": "462105765813", - "ca-central-1": "462105765813", - "eu-central-1": "462105765813", - "eu-west-1": "462105765813", - "eu-west-2": "462105765813", - "us-east-1": "462105765813", - "us-east-2": "462105765813", - "us-west-1": "462105765813", - "us-west-2": "462105765813" - }, - "repository": "sagemaker-rl-ray-container", - "tag_prefix": "ray-0.8.5-tf" - }, - "1.6.0": { - "py_versions": ["py37"], - "registries": { - "ap-northeast-1": "462105765813", - "ap-northeast-2": "462105765813", - "ap-south-1": "462105765813", - "ap-southeast-1": "462105765813", - "ap-southeast-2": "462105765813", - "ca-central-1": "462105765813", - "eu-central-1": "462105765813", - "eu-west-1": "462105765813", - "eu-west-2": "462105765813", - "us-east-1": "462105765813", - "us-east-2": "462105765813", - "us-west-1": "462105765813", - "us-west-2": "462105765813" - }, - "repository": "sagemaker-rl-ray-container", - "tag_prefix": "ray-1.6.0-tf" - } - } -} diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/sagemaker-base-python.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/sagemaker-base-python.json deleted file mode 100644 index 65b284d25e..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/sagemaker-base-python.json +++ /dev/null @@ -1,44 +0,0 @@ -{ - "versions": { - "1.0": { - "registries": { - "af-south-1": "559312083959", - "ap-east-1": "493642496378", - "ap-northeast-1": "102112518831", - "ap-northeast-2": "806072073708", - "ap-northeast-3": "792733760839", - "ap-south-1": "394103062818", - "ap-southeast-1": "492261229750", - "ap-southeast-2": "452832661640", - "ap-southeast-3": "276181064229", - "ap-southeast-5": "148761635175", - "ap-southeast-7": "528757812139", - "ca-central-1": "310906938811", - "cn-north-1": "390048526115", - "cn-northwest-1": "390780980154", - "eu-central-1": "936697816551", - "eu-central-2": "569303640362", - "eu-north-1": "243637512696", - "eu-south-1": "592751261982", - "eu-south-2": "127363102723", - "eu-west-1": "470317259841", - "eu-west-2": "712779665605", - "eu-west-3": "615547856133", - "il-central-1": "380164790875", - "me-central-1": "103105715889", - "me-south-1": "117516905037", - "mx-central-1": "396913743851", - "sa-east-1": "782484402741", - "us-east-1": "081325390199", - "us-east-2": "429704687514", - "us-gov-east-1": "107072934176", - "us-gov-west-1": "107173498710", - "us-isof-east-1": "840123138293", - "us-isof-south-1": "883091641454", - "us-west-1": "742091327244", - "us-west-2": "236514542706" - }, - "repository": "sagemaker-base-python" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/sagemaker-distribution.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/sagemaker-distribution.json deleted file mode 100644 index 9853eb01ae..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/sagemaker-distribution.json +++ /dev/null @@ -1,37 +0,0 @@ -{ - "processors": ["cpu", "gpu"], - "scope": ["inference"], - "version_aliases": { - "3.2": "3.2.0" - }, - "versions": { - "3.2.0": { - "registries": { - "us-east-1": "885854791233", - "us-east-2": "137914896644", - "us-west-1": "053634841547", - "us-west-2": "542918446943", - "af-south-1": "238384257742", - "ap-east-1": "523751269255", - "ap-south-1": "245090515133", - "ap-northeast-2": "064688005998", - "ap-southeast-1": "022667117163", - "ap-southeast-2": "648430277019", - "ap-northeast-1": "010972774902", - "ca-central-1": "481561238223", - "eu-central-1": "545423591354", - "eu-west-1": "819792524951", - "eu-west-2": "021081402939", - "eu-west-3": "856416204555", - "eu-north-1": "175620155138", - "eu-south-1": "810671768855", - "sa-east-1": "567556641782", - "ap-northeast-3": "564864627153", - "ap-southeast-3": "370607712162", - "me-south-1": "523774347010", - "me-central-1": "358593528301" - }, - "repository": "sagemaker-distribution-prod" - } - } -} diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/sagemaker-geospatial.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/sagemaker-geospatial.json deleted file mode 100644 index 5f913f5e04..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/sagemaker-geospatial.json +++ /dev/null @@ -1,13 +0,0 @@ -{ - "processing": { - "versions": { - "1.x": { - "registries": { - "us-west-2": "081189585635" - }, - "repository": "sagemaker-geospatial-v1-0", - "tag_prefix": "latest" - } - } - } -} diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/sagemaker-tritonserver.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/sagemaker-tritonserver.json deleted file mode 100644 index 8f29a65e4e..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/sagemaker-tritonserver.json +++ /dev/null @@ -1,171 +0,0 @@ -{ - "processors": [ - "cpu", - "gpu" - ], - "scope": [ - "inference" - ], - "versions": { - "24.09": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "sagemaker-tritonserver", - "tag_prefix": "24.09-py3" - }, - "24.05": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "sagemaker-tritonserver", - "tag_prefix": "24.05-py3" - }, - "24.03": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "sagemaker-tritonserver", - "tag_prefix": "24.03-py3" - }, - "24.01": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "sagemaker-tritonserver", - "tag_prefix": "24.01-py3" - }, - "23.12": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "sagemaker-tritonserver", - "tag_prefix": "23.12-py3" - } - } -} diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/semantic-segmentation.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/semantic-segmentation.json deleted file mode 100644 index 83f3e35f11..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/semantic-segmentation.json +++ /dev/null @@ -1,50 +0,0 @@ -{ - "scope": [ - "inference", - "training" - ], - "versions": { - "1": { - "registries": { - "af-south-1": "455444449433", - "ap-east-1": "286214385809", - "ap-northeast-1": "501404015308", - "ap-northeast-2": "306986355934", - "ap-northeast-3": "867004704886", - "ap-south-1": "991648021394", - "ap-south-2": "628508329040", - "ap-southeast-1": "475088953585", - "ap-southeast-2": "544295431143", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "469771592824", - "ca-west-1": "190319476487", - "cn-north-1": "390948362332", - "cn-northwest-1": "387376663083", - "eu-central-1": "813361260812", - "eu-central-2": "680994064768", - "eu-north-1": "669576153137", - "eu-south-1": "257386234256", - "eu-south-2": "104374241257", - "eu-west-1": "685385470294", - "eu-west-2": "644912444149", - "eu-west-3": "749696950732", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "249704162688", - "sa-east-1": "855470959533", - "us-east-1": "811284229777", - "us-east-2": "825641698319", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "226302683700", - "us-iso-east-1": "490574956308", - "us-isob-east-1": "765400339828", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "632365934929", - "us-west-2": "433757028032" - }, - "repository": "semantic-segmentation" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/seq2seq.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/seq2seq.json deleted file mode 100644 index 673b525468..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/seq2seq.json +++ /dev/null @@ -1,50 +0,0 @@ -{ - "scope": [ - "inference", - "training" - ], - "versions": { - "1": { - "registries": { - "af-south-1": "455444449433", - "ap-east-1": "286214385809", - "ap-northeast-1": "501404015308", - "ap-northeast-2": "306986355934", - "ap-northeast-3": "867004704886", - "ap-south-1": "991648021394", - "ap-south-2": "628508329040", - "ap-southeast-1": "475088953585", - "ap-southeast-2": "544295431143", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "469771592824", - "ca-west-1": "190319476487", - "cn-north-1": "390948362332", - "cn-northwest-1": "387376663083", - "eu-central-1": "813361260812", - "eu-central-2": "680994064768", - "eu-north-1": "669576153137", - "eu-south-1": "257386234256", - "eu-south-2": "104374241257", - "eu-west-1": "685385470294", - "eu-west-2": "644912444149", - "eu-west-3": "749696950732", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "249704162688", - "sa-east-1": "855470959533", - "us-east-1": "811284229777", - "us-east-2": "825641698319", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "226302683700", - "us-iso-east-1": "490574956308", - "us-isob-east-1": "765400339828", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "632365934929", - "us-west-2": "433757028032" - }, - "repository": "seq2seq" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/sklearn.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/sklearn.json deleted file mode 100644 index 85114a11d2..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/sklearn.json +++ /dev/null @@ -1,446 +0,0 @@ -{ - "inference": { - "versions": { - "0.20.0": { - "processors": [ - "cpu" - ], - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-scikit-learn" - }, - "0.23-1": { - "processors": [ - "cpu" - ], - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-scikit-learn" - }, - "1.0-1": { - "processors": [ - "cpu" - ], - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-scikit-learn" - }, - "1.2-1": { - "processors": [ - "cpu" - ], - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-scikit-learn" - } - } - }, - "training": { - "versions": { - "0.20.0": { - "processors": [ - "cpu" - ], - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-scikit-learn" - }, - "0.23-1": { - "processors": [ - "cpu" - ], - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-scikit-learn" - }, - "1.0-1": { - "processors": [ - "cpu" - ], - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-scikit-learn" - }, - "1.2-1": { - "processors": [ - "cpu" - ], - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-scikit-learn" - } - } - }, - "inference_graviton": { - "versions": { - "1.0-1": { - "processors": [ - "cpu" - ], - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-scikit-learn" - } - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/spark.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/spark.json deleted file mode 100644 index bbb8c9b123..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/spark.json +++ /dev/null @@ -1,229 +0,0 @@ -{ - "processing": { - "processors": [ - "cpu" - ], - "versions": { - "2.4": { - "py_versions": [ - "py37" - ], - "registries": { - "af-south-1": "309385258863", - "ap-east-1": "732049463269", - "ap-northeast-1": "411782140378", - "ap-northeast-2": "860869212795", - "ap-northeast-3": "102471314380", - "ap-south-1": "105495057255", - "ap-south-2": "873151114052", - "ap-southeast-1": "759080221371", - "ap-southeast-2": "440695851116", - "ap-southeast-3": "800295151634", - "ap-southeast-4": "819679513684", - "ap-southeast-5": "841784149062", - "ap-southeast-7": "471112967968", - "ca-central-1": "446299261295", - "ca-west-1": "000907499111", - "cn-north-1": "671472414489", - "cn-northwest-1": "844356804704", - "eu-central-1": "906073651304", - "eu-central-2": "142351485170", - "eu-north-1": "330188676905", - "eu-south-1": "753923664805", - "eu-south-2": "833944533722", - "eu-west-1": "571004829621", - "eu-west-2": "836651553127", - "eu-west-3": "136845547031", - "il-central-1": "408426139102", - "me-central-1": "395420993607", - "me-south-1": "750251592176", - "mx-central-1": "211125459255", - "sa-east-1": "737130764395", - "us-east-1": "173754725891", - "us-east-2": "314815235551", - "us-gov-east-1": "260923028637", - "us-gov-west-1": "271483468897", - "us-west-1": "667973535471", - "us-west-2": "153931337802" - }, - "repository": "sagemaker-spark-processing" - }, - "3.0": { - "py_versions": [ - "py37" - ], - "registries": { - "af-south-1": "309385258863", - "ap-east-1": "732049463269", - "ap-northeast-1": "411782140378", - "ap-northeast-2": "860869212795", - "ap-northeast-3": "102471314380", - "ap-south-1": "105495057255", - "ap-south-2": "873151114052", - "ap-southeast-1": "759080221371", - "ap-southeast-2": "440695851116", - "ap-southeast-3": "800295151634", - "ap-southeast-4": "819679513684", - "ap-southeast-5": "841784149062", - "ap-southeast-7": "471112967968", - "ca-central-1": "446299261295", - "ca-west-1": "000907499111", - "cn-north-1": "671472414489", - "cn-northwest-1": "844356804704", - "eu-central-1": "906073651304", - "eu-central-2": "142351485170", - "eu-north-1": "330188676905", - "eu-south-1": "753923664805", - "eu-south-2": "833944533722", - "eu-west-1": "571004829621", - "eu-west-2": "836651553127", - "eu-west-3": "136845547031", - "il-central-1": "408426139102", - "me-central-1": "395420993607", - "me-south-1": "750251592176", - "mx-central-1": "211125459255", - "sa-east-1": "737130764395", - "us-east-1": "173754725891", - "us-east-2": "314815235551", - "us-gov-east-1": "260923028637", - "us-gov-west-1": "271483468897", - "us-west-1": "667973535471", - "us-west-2": "153931337802" - }, - "repository": "sagemaker-spark-processing" - }, - "3.1": { - "py_versions": [ - "py37" - ], - "registries": { - "af-south-1": "309385258863", - "ap-east-1": "732049463269", - "ap-northeast-1": "411782140378", - "ap-northeast-2": "860869212795", - "ap-northeast-3": "102471314380", - "ap-south-1": "105495057255", - "ap-south-2": "873151114052", - "ap-southeast-1": "759080221371", - "ap-southeast-2": "440695851116", - "ap-southeast-3": "800295151634", - "ap-southeast-4": "819679513684", - "ap-southeast-5": "841784149062", - "ap-southeast-7": "471112967968", - "ca-central-1": "446299261295", - "ca-west-1": "000907499111", - "cn-north-1": "671472414489", - "cn-northwest-1": "844356804704", - "eu-central-1": "906073651304", - "eu-central-2": "142351485170", - "eu-north-1": "330188676905", - "eu-south-1": "753923664805", - "eu-south-2": "833944533722", - "eu-west-1": "571004829621", - "eu-west-2": "836651553127", - "eu-west-3": "136845547031", - "il-central-1": "408426139102", - "me-central-1": "395420993607", - "me-south-1": "750251592176", - "mx-central-1": "211125459255", - "sa-east-1": "737130764395", - "us-east-1": "173754725891", - "us-east-2": "314815235551", - "us-gov-east-1": "260923028637", - "us-gov-west-1": "271483468897", - "us-west-1": "667973535471", - "us-west-2": "153931337802" - }, - "repository": "sagemaker-spark-processing" - }, - "3.2": { - "py_versions": [ - "py39" - ], - "registries": { - "af-south-1": "309385258863", - "ap-east-1": "732049463269", - "ap-northeast-1": "411782140378", - "ap-northeast-2": "860869212795", - "ap-northeast-3": "102471314380", - "ap-south-1": "105495057255", - "ap-south-2": "873151114052", - "ap-southeast-1": "759080221371", - "ap-southeast-2": "440695851116", - "ap-southeast-3": "800295151634", - "ap-southeast-4": "819679513684", - "ap-southeast-5": "841784149062", - "ap-southeast-7": "471112967968", - "ca-central-1": "446299261295", - "ca-west-1": "000907499111", - "cn-north-1": "671472414489", - "cn-northwest-1": "844356804704", - "eu-central-1": "906073651304", - "eu-central-2": "142351485170", - "eu-north-1": "330188676905", - "eu-south-1": "753923664805", - "eu-south-2": "833944533722", - "eu-west-1": "571004829621", - "eu-west-2": "836651553127", - "eu-west-3": "136845547031", - "il-central-1": "408426139102", - "me-central-1": "395420993607", - "me-south-1": "750251592176", - "mx-central-1": "211125459255", - "sa-east-1": "737130764395", - "us-east-1": "173754725891", - "us-east-2": "314815235551", - "us-gov-east-1": "260923028637", - "us-gov-west-1": "271483468897", - "us-west-1": "667973535471", - "us-west-2": "153931337802" - }, - "repository": "sagemaker-spark-processing" - }, - "3.3": { - "py_versions": [ - "py39" - ], - "registries": { - "af-south-1": "309385258863", - "ap-east-1": "732049463269", - "ap-northeast-1": "411782140378", - "ap-northeast-2": "860869212795", - "ap-northeast-3": "102471314380", - "ap-south-1": "105495057255", - "ap-south-2": "873151114052", - "ap-southeast-1": "759080221371", - "ap-southeast-2": "440695851116", - "ap-southeast-3": "800295151634", - "ap-southeast-4": "819679513684", - "ap-southeast-5": "841784149062", - "ap-southeast-7": "471112967968", - "ca-central-1": "446299261295", - "ca-west-1": "000907499111", - "cn-north-1": "671472414489", - "cn-northwest-1": "844356804704", - "eu-central-1": "906073651304", - "eu-central-2": "142351485170", - "eu-north-1": "330188676905", - "eu-south-1": "753923664805", - "eu-south-2": "833944533722", - "eu-west-1": "571004829621", - "eu-west-2": "836651553127", - "eu-west-3": "136845547031", - "il-central-1": "408426139102", - "me-central-1": "395420993607", - "me-south-1": "750251592176", - "mx-central-1": "211125459255", - "sa-east-1": "737130764395", - "us-east-1": "173754725891", - "us-east-2": "314815235551", - "us-gov-east-1": "260923028637", - "us-gov-west-1": "271483468897", - "us-west-1": "667973535471", - "us-west-2": "153931337802" - }, - "repository": "sagemaker-spark-processing" - } - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/sparkml-serving.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/sparkml-serving.json deleted file mode 100644 index f4439e9e68..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/sparkml-serving.json +++ /dev/null @@ -1,97 +0,0 @@ -{ - "scope": ["inference"], - "versions": { - "2.2": { - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-south-1": "720646828776", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ca-central-1": "341280168497", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-north-1": "662702820516", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "eu-south-1": "978288397137", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-sparkml-serving" - }, - "2.4": { - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-south-1": "720646828776", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ca-central-1": "341280168497", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-north-1": "662702820516", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "eu-south-1": "978288397137", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-sparkml-serving" - }, - "3.3": { - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ca-central-1": "341280168497", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-north-1": "662702820516", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "eu-south-1": "978288397137", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-sparkml-serving" - } - } -} diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/stabilityai.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/stabilityai.json deleted file mode 100644 index 3f3ff729f6..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/stabilityai.json +++ /dev/null @@ -1,53 +0,0 @@ -{ - "inference": { - "processors": [ - "gpu" - ], - "version_aliases": { - "0.1": "0.1.0" - }, - "versions": { - "0.1.0": { - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "tag_prefix": "2.0.1-sgm0.1.0", - "repository": "stabilityai-pytorch-inference", - "container_version": { - "gpu": "cu118-ubuntu20.04-sagemaker" - } - } - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/tensorflow.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/tensorflow.json deleted file mode 100644 index 37fa7ee46d..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/tensorflow.json +++ /dev/null @@ -1,4827 +0,0 @@ -{ - "eia": { - "processors": [ - "cpu" - ], - "version_aliases": { - "1.10": "1.10.0", - "1.11": "1.11.0", - "1.12": "1.12.0", - "1.13": "1.13.0", - "1.14": "1.14.0", - "1.15": "1.15.0", - "2.0": "2.0.0", - "2.3": "2.3.0" - }, - "versions": { - "1.10.0": { - "py_versions": [ - "py2" - ], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-tensorflow-eia" - }, - "1.11.0": { - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-tensorflow-serving-eia" - }, - "1.12.0": { - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-tensorflow-serving-eia" - }, - "1.13.0": { - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-tensorflow-serving-eia" - }, - "1.14.0": { - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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", - "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", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference-eia" - }, - "1.15.0": { - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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", - "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", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference-eia" - }, - "2.0.0": { - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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", - "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", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference-eia" - }, - "2.3.0": { - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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", - "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", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference-eia" - } - } - }, - "inference": { - "processors": [ - "cpu", - "gpu" - ], - "version_aliases": { - "1.4": "1.4.1", - "1.5": "1.5.0", - "1.6": "1.6.0", - "1.7": "1.7.0", - "1.8": "1.8.0", - "1.9": "1.9.0", - "1.10": "1.10.0", - "1.11": "1.11.0", - "1.12": "1.12.0", - "1.13": "1.13.0", - "1.14": "1.14.0", - "1.15": "1.15.5", - "2.0": "2.0.4", - "2.1": "2.1.3", - "2.2": "2.2.2", - "2.3": "2.3.2", - "2.4": "2.4.3", - "2.5": "2.5.1", - "2.6": "2.6.3", - "2.7": "2.7.0", - "2.8": "2.8.4", - "2.9": "2.9.3", - "2.10": "2.10.1", - "2.11": "2.11.1", - "2.12": "2.12.1", - "2.13": "2.13.0", - "2.14": "2.14.1", - "2.16": "2.16.1", - "2.18": "2.18.0" - }, - "versions": { - "1.4.1": { - "py_versions": [ - "py2" - ], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-tensorflow" - }, - "1.5.0": { - "py_versions": [ - "py2" - ], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-tensorflow" - }, - "1.6.0": { - "py_versions": [ - "py2" - ], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-tensorflow" - }, - "1.7.0": { - "py_versions": [ - "py2" - ], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-tensorflow" - }, - "1.8.0": { - "py_versions": [ - "py2" - ], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-tensorflow" - }, - "1.9.0": { - "py_versions": [ - "py2" - ], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-tensorflow" - }, - "1.10.0": { - "py_versions": [ - "py2" - ], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-tensorflow" - }, - "1.11.0": { - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-tensorflow-serving" - }, - "1.12.0": { - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-tensorflow-serving" - }, - "1.13.0": { - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "1.14.0": { - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "1.15.0": { - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "1.15.2": { - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "1.15.3": { - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "1.15.4": { - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "1.15.5": { - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.0.0": { - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.0.1": { - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.0.2": { - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.0.3": { - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.0.4": { - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.1.0": { - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.1.1": { - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.1.2": { - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.1.3": { - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.2.0": { - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.2.1": { - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.2.2": { - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.3.0": { - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.3.1": { - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.3.2": { - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.4.1": { - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.4.3": { - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.5.1": { - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.6.0": { - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.6.3": { - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.7.0": { - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.8.0": { - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.8.4": { - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.9.2": { - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.9.3": { - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.10.0": { - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.10.1": { - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.11.0": { - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.11.1": { - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.12.1": { - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.13.0": { - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.14.1": { - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.16.1": { - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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": "tensorflow-inference" - }, - "2.18.0": { - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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": "tensorflow-inference" - } - } - }, - "inference_graviton": { - "processors": [ - "cpu" - ], - "version_aliases": { - "2.9": "2.9.1", - "2.12": "2.12.1", - "2.13": "2.13.0", - "2.14": "2.14.1", - "2.16": "2.16.1" - }, - "versions": { - "2.9.1": { - "container_version": { - "cpu": "ubuntu20.04" - }, - "py_versions": [ - "py38" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference-graviton" - }, - "2.12.1": { - "container_version": { - "cpu": "ubuntu20.04" - }, - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference-graviton" - }, - "2.13.0": { - "container_version": { - "cpu": "ubuntu20.04" - }, - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference-graviton" - }, - "2.14.1": { - "container_version": { - "cpu": "ubuntu20.04" - }, - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference-graviton" - }, - "2.16.1": { - "container_version": { - "cpu": "ubuntu20.04" - }, - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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": "tensorflow-inference-graviton" - } - } - }, - "training": { - "processors": [ - "cpu", - "gpu" - ], - "version_aliases": { - "1.4": "1.4.1", - "1.5": "1.5.0", - "1.6": "1.6.0", - "1.7": "1.7.0", - "1.8": "1.8.0", - "1.9": "1.9.0", - "1.10": "1.10.0", - "1.11": "1.11.0", - "1.12": "1.12.0", - "1.13": "1.13.1", - "1.14": "1.14.0", - "1.15": "1.15.5", - "2.0": "2.0.4", - "2.1": "2.1.3", - "2.2": "2.2.2", - "2.3": "2.3.2", - "2.4": "2.4.3", - "2.5": "2.5.1", - "2.6": "2.6.3", - "2.7": "2.7.1", - "2.8": "2.8.0", - "2.9": "2.9.2", - "2.10": "2.10.1", - "2.11": "2.11.0", - "2.12": "2.12.0", - "2.13": "2.13.0", - "2.14": "2.14.1", - "2.16": "2.16.2", - "2.18": "2.18.0" - }, - "versions": { - "1.4.1": { - "py_versions": [ - "py2" - ], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-tensorflow" - }, - "1.5.0": { - "py_versions": [ - "py2" - ], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-tensorflow" - }, - "1.6.0": { - "py_versions": [ - "py2" - ], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-tensorflow" - }, - "1.7.0": { - "py_versions": [ - "py2" - ], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-tensorflow" - }, - "1.8.0": { - "py_versions": [ - "py2" - ], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-tensorflow" - }, - "1.9.0": { - "py_versions": [ - "py2" - ], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-tensorflow" - }, - "1.10.0": { - "py_versions": [ - "py2" - ], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-tensorflow" - }, - "1.11.0": { - "py_versions": [ - "py2", - "py3" - ], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-tensorflow-scriptmode" - }, - "1.12.0": { - "py_versions": [ - "py2", - "py3" - ], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-tensorflow-scriptmode" - }, - "1.13.1": { - "py2": { - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-tensorflow-scriptmode" - }, - "py3": { - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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", - "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", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - } - }, - "1.14.0": { - "py_versions": [ - "py2", - "py3" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "1.15.0": { - "py_versions": [ - "py2", - "py3" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "1.15.2": { - "py_versions": [ - "py2", - "py3", - "py37" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "1.15.3": { - "py_versions": [ - "py2", - "py3", - "py37" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "1.15.4": { - "py_versions": [ - "py3", - "py36", - "py37" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "1.15.5": { - "py_versions": [ - "py3", - "py36", - "py37" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.0.0": { - "py_versions": [ - "py2", - "py3" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.0.1": { - "py_versions": [ - "py2", - "py3" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.0.2": { - "py_versions": [ - "py2", - "py3" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.0.3": { - "py_versions": [ - "py3", - "py36" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.0.4": { - "py_versions": [ - "py3", - "py36" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.1.0": { - "py_versions": [ - "py2", - "py3" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.1.1": { - "py_versions": [ - "py2", - "py3" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.1.2": { - "py_versions": [ - "py3", - "py36" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.1.3": { - "py_versions": [ - "py3", - "py36" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.2.0": { - "py_versions": [ - "py37" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.2.1": { - "py_versions": [ - "py37" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.2.2": { - "py_versions": [ - "py37" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.3.0": { - "py_versions": [ - "py37" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.3.1": { - "py_versions": [ - "py37" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.3.2": { - "py_versions": [ - "py37" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.4.1": { - "py_versions": [ - "py37" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.4.3": { - "py_versions": [ - "py37" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.5.0": { - "py_versions": [ - "py37" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.5.1": { - "py_versions": [ - "py37" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.6.0": { - "py_versions": [ - "py38" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.6.2": { - "py_versions": [ - "py38" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.6.3": { - "py_versions": [ - "py38" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.7.1": { - "py_versions": [ - "py38" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.8.0": { - "py_versions": [ - "py39" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.9.2": { - "py_versions": [ - "py39" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.10.1": { - "py_versions": [ - "py39" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.11.0": { - "py_versions": [ - "py39" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.12.0": { - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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": "tensorflow-training" - }, - "2.13.0": { - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.14.1": { - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.16.2": { - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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": "tensorflow-training" - }, - "2.18.0": { - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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": "tensorflow-training" - } - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/vw.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/vw.json deleted file mode 100644 index 42b94b6792..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/vw.json +++ /dev/null @@ -1,25 +0,0 @@ -{ - "processors": ["cpu"], - "scope": ["training"], - "versions": { - "8.7.0": { - "registries": { - "ap-northeast-1": "462105765813", - "ap-northeast-2": "462105765813", - "ap-south-1": "462105765813", - "ap-southeast-1": "462105765813", - "ap-southeast-2": "462105765813", - "ca-central-1": "462105765813", - "eu-central-1": "462105765813", - "eu-west-1": "462105765813", - "eu-west-2": "462105765813", - "us-east-1": "462105765813", - "us-east-2": "462105765813", - "us-west-1": "462105765813", - "us-west-2": "462105765813" - }, - "repository": "sagemaker-rl-vw-container", - "tag_prefix": "vw-8.7.0" - } - } -} diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/xgboost-neo.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/xgboost-neo.json deleted file mode 100644 index f727cb43d7..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/xgboost-neo.json +++ /dev/null @@ -1,43 +0,0 @@ -{ - "scope": [ - "inference" - ], - "versions": { - "latest": { - "registries": { - "af-south-1": "774647643957", - "ap-east-1": "110948597952", - "ap-northeast-1": "941853720454", - "ap-northeast-2": "151534178276", - "ap-northeast-3": "925152966179", - "ap-south-1": "763008648453", - "ap-southeast-1": "324986816169", - "ap-southeast-2": "355873309152", - "ca-central-1": "464438896020", - "cn-north-1": "472730292857", - "cn-northwest-1": "474822919863", - "eu-central-1": "746233611703", - "eu-central-2": "010526262399", - "eu-north-1": "601324751636", - "eu-south-1": "966458181534", - "eu-west-1": "802834080501", - "eu-west-2": "205493899709", - "eu-west-3": "254080097072", - "il-central-1": "275950707576", - "me-south-1": "836785723513", - "sa-east-1": "756306329178", - "us-east-1": "785573368785", - "us-east-2": "007439368137", - "us-gov-east-1": "227234621604", - "us-gov-west-1": "263933020539", - "us-iso-east-1": "167761179201", - "us-isob-east-1": "406031935815", - "us-isof-east-1": "751086301963", - "us-isof-south-1": "935523707064", - "us-west-1": "710691900526", - "us-west-2": "301217895009" - }, - "repository": "xgboost-neo" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/xgboost.json b/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/xgboost.json deleted file mode 100644 index 88d621af49..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_retriever/image_uri_config/xgboost.json +++ /dev/null @@ -1,888 +0,0 @@ -{ - "inference": { - "version_aliases": { - "latest": "1" - }, - "versions": { - "1": { - "registries": { - "af-south-1": "455444449433", - "ap-east-1": "286214385809", - "ap-northeast-1": "501404015308", - "ap-northeast-2": "306986355934", - "ap-northeast-3": "867004704886", - "ap-south-1": "991648021394", - "ap-south-2": "628508329040", - "ap-southeast-1": "475088953585", - "ap-southeast-2": "544295431143", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "469771592824", - "cn-north-1": "390948362332", - "cn-northwest-1": "387376663083", - "eu-central-1": "813361260812", - "eu-central-2": "680994064768", - "eu-north-1": "669576153137", - "eu-south-1": "257386234256", - "eu-south-2": "104374241257", - "eu-west-1": "685385470294", - "eu-west-2": "644912444149", - "eu-west-3": "749696950732", - "me-central-1": "272398656194", - "me-south-1": "249704162688", - "sa-east-1": "855470959533", - "us-east-1": "811284229777", - "us-east-2": "825641698319", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "226302683700", - "us-iso-east-1": "490574956308", - "us-isob-east-1": "765400339828", - "us-west-1": "632365934929", - "us-west-2": "433757028032" - }, - "repository": "xgboost" - }, - "0.90-1": { - "processors": [ - "cpu" - ], - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-xgboost" - }, - "0.90-2": { - "processors": [ - "cpu" - ], - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-xgboost" - }, - "1.0-1": { - "processors": [ - "cpu" - ], - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-xgboost" - }, - "1.2-1": { - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-xgboost" - }, - "1.2-2": { - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-xgboost" - }, - "1.3-1": { - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-xgboost" - }, - "1.5-1": { - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-xgboost" - }, - "1.7-1": { - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-xgboost" - } - } - }, - "training": { - "version_aliases": { - "latest": "1" - }, - "versions": { - "1": { - "registries": { - "af-south-1": "455444449433", - "ap-east-1": "286214385809", - "ap-northeast-1": "501404015308", - "ap-northeast-2": "306986355934", - "ap-northeast-3": "867004704886", - "ap-south-1": "991648021394", - "ap-south-2": "628508329040", - "ap-southeast-1": "475088953585", - "ap-southeast-2": "544295431143", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "469771592824", - "cn-north-1": "390948362332", - "cn-northwest-1": "387376663083", - "eu-central-1": "813361260812", - "eu-central-2": "680994064768", - "eu-north-1": "669576153137", - "eu-south-1": "257386234256", - "eu-south-2": "104374241257", - "eu-west-1": "685385470294", - "eu-west-2": "644912444149", - "eu-west-3": "749696950732", - "me-central-1": "272398656194", - "me-south-1": "249704162688", - "sa-east-1": "855470959533", - "us-east-1": "811284229777", - "us-east-2": "825641698319", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "226302683700", - "us-iso-east-1": "490574956308", - "us-isob-east-1": "765400339828", - "us-west-1": "632365934929", - "us-west-2": "433757028032" - }, - "repository": "xgboost" - }, - "0.90-1": { - "processors": [ - "cpu" - ], - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-xgboost" - }, - "0.90-2": { - "processors": [ - "cpu" - ], - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-xgboost" - }, - "1.0-1": { - "processors": [ - "cpu" - ], - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-xgboost" - }, - "1.2-1": { - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-xgboost" - }, - "1.2-2": { - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-xgboost" - }, - "1.3-1": { - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-xgboost" - }, - "1.5-1": { - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-xgboost" - }, - "1.7-1": { - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-xgboost" - } - } - }, - "inference_graviton": { - "versions": { - "1.3-1": { - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-xgboost" - }, - "1.5-1": { - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-xgboost" - } - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config/huggingface-llm-neuronx.json b/sagemaker-core/src/sagemaker/core/image_uri_config/huggingface-llm-neuronx.json index 1c425b37ec..a4885058c7 100644 --- a/sagemaker-core/src/sagemaker/core/image_uri_config/huggingface-llm-neuronx.json +++ b/sagemaker-core/src/sagemaker/core/image_uri_config/huggingface-llm-neuronx.json @@ -4,7 +4,9 @@ "inf2" ], "version_aliases": { - "0.0": "0.0.28" + "0.0": "0.0.28", + "0.2": "0.2.0", + "0.3": "0.3.0" }, "versions": { "0.0.16": { @@ -654,6 +656,114 @@ "container_version": { "inf2": "ubuntu22.04" } + }, + "0.2.0": { + "py_versions": [ + "py310" + ], + "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-6": "633930458069", + "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-iso-east-1": "886529160074", + "us-isob-east-1": "094389454867", + "us-isof-east-1": "303241398832", + "us-isof-south-1": "454834333376", + "us-west-1": "763104351884", + "us-west-2": "763104351884" + }, + "tag_prefix": "2.5.1-optimum3.3.4", + "repository": "huggingface-pytorch-tgi-inference", + "container_version": { + "inf2": "ubuntu22.04" + } + }, + "0.3.0": { + "py_versions": [ + "py310" + ], + "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-6": "633930458069", + "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-iso-east-1": "886529160074", + "us-isob-east-1": "094389454867", + "us-isof-east-1": "303241398832", + "us-isof-south-1": "454834333376", + "us-west-1": "763104351884", + "us-west-2": "763104351884" + }, + "tag_prefix": "2.7.0-optimum3.3.6", + "repository": "huggingface-pytorch-tgi-inference", + "container_version": { + "inf2": "ubuntu22.04" + } } } } diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config/huggingface-llm.json b/sagemaker-core/src/sagemaker/core/image_uri_config/huggingface-llm.json index 58fffa0ed9..df639a1058 100644 --- a/sagemaker-core/src/sagemaker/core/image_uri_config/huggingface-llm.json +++ b/sagemaker-core/src/sagemaker/core/image_uri_config/huggingface-llm.json @@ -16,7 +16,8 @@ "2.3": "2.3.1", "3.0": "3.0.1", "3.2": "3.2.3", - "3.1": "3.1.1" + "3.1": "3.1.1", + "3.3": "3.3.6" }, "versions": { "0.6.0": { @@ -1152,6 +1153,114 @@ "container_version": { "gpu": "cu124-ubuntu22.04" } + }, + "3.3.4": { + "py_versions": [ + "py311" + ], + "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-6": "633930458069", + "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-iso-east-1": "886529160074", + "us-isob-east-1": "094389454867", + "us-isof-east-1": "303241398832", + "us-isof-south-1": "454834333376", + "us-west-1": "763104351884", + "us-west-2": "763104351884" + }, + "tag_prefix": "2.7.0-tgi3.3.4", + "repository": "huggingface-pytorch-tgi-inference", + "container_version": { + "gpu": "cu124-ubuntu22.04" + } + }, + "3.3.6": { + "py_versions": [ + "py311" + ], + "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-6": "633930458069", + "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-iso-east-1": "886529160074", + "us-isob-east-1": "094389454867", + "us-isof-east-1": "303241398832", + "us-isof-south-1": "454834333376", + "us-west-1": "763104351884", + "us-west-2": "763104351884" + }, + "tag_prefix": "2.7.0-tgi3.3.6", + "repository": "huggingface-pytorch-tgi-inference", + "container_version": { + "gpu": "cu124-ubuntu22.04" + } } } } diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config/huggingface-neuronx.json b/sagemaker-core/src/sagemaker/core/image_uri_config/huggingface-neuronx.json index d39d58bb9e..c13e0d4a89 100644 --- a/sagemaker-core/src/sagemaker/core/image_uri_config/huggingface-neuronx.json +++ b/sagemaker-core/src/sagemaker/core/image_uri_config/huggingface-neuronx.json @@ -8,7 +8,9 @@ "4.34": "4.34.1", "4.36": "4.36.2", "4.43": "4.43.2", - "4.48": "4.48.1" + "4.48": "4.48.1", + "4.51": "4.51.0", + "4.55": "4.55.4" }, "versions": { "4.28.1": { @@ -63,7 +65,7 @@ "py_versions": [ "py310" ], - "repository": "huggingface-pytorch-inference-neuronx", + "repository": "huggingface-pytorch-training-neuronx", "registries": { "ap-east-2": "975050140332", "ap-northeast-1": "763104351884", @@ -107,7 +109,7 @@ "py_versions": [ "py310" ], - "repository": "huggingface-pytorch-inference-neuronx", + "repository": "huggingface-pytorch-training-neuronx", "registries": { "ap-east-2": "975050140332", "ap-northeast-1": "763104351884", @@ -151,7 +153,7 @@ "py_versions": [ "py310" ], - "repository": "huggingface-pytorch-inference-neuronx", + "repository": "huggingface-pytorch-training-neuronx", "registries": { "ap-northeast-1": "763104351884", "ap-south-1": "763104351884", @@ -194,7 +196,7 @@ "py_versions": [ "py310" ], - "repository": "huggingface-pytorch-inference-neuronx", + "repository": "huggingface-pytorch-training-neuronx", "registries": { "ap-northeast-1": "763104351884", "ap-south-1": "763104351884", @@ -228,6 +230,92 @@ "sdk2.20.0" ] } + }, + "4.51.0": { + "version_aliases": { + "pytorch2.7": "pytorch2.7.0" + }, + "pytorch2.7.0": { + "py_versions": [ + "py310" + ], + "repository": "huggingface-pytorch-training-neuronx", + "registries": { + "ap-northeast-1": "763104351884", + "ap-south-1": "763104351884", + "ap-south-2": "772153158452", + "ap-southeast-1": "763104351884", + "ap-southeast-2": "763104351884", + "ap-southeast-4": "457447274322", + "ap-southeast-5": "550225433462", + "ap-southeast-7": "590183813437", + "cn-north-1": "727897471807", + "cn-northwest-1": "727897471807", + "eu-central-1": "763104351884", + "eu-central-2": "380420809688", + "eu-south-2": "503227376785", + "eu-west-1": "763104351884", + "eu-west-3": "763104351884", + "il-central-1": "780543022126", + "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-2": "763104351884", + "ca-west-1": "204538143572" + }, + "container_version": { + "inf": "ubuntu22.04" + }, + "sdk_versions": [ + "sdk2.24.1" + ] + } + }, + "4.55.4": { + "version_aliases": { + "pytorch2.7": "pytorch2.7.0" + }, + "pytorch2.7.0": { + "py_versions": [ + "py310" + ], + "repository": "huggingface-pytorch-training-neuronx", + "registries": { + "ap-northeast-1": "763104351884", + "ap-south-1": "763104351884", + "ap-south-2": "772153158452", + "ap-southeast-1": "763104351884", + "ap-southeast-2": "763104351884", + "ap-southeast-4": "457447274322", + "ap-southeast-5": "550225433462", + "ap-southeast-7": "590183813437", + "cn-north-1": "727897471807", + "cn-northwest-1": "727897471807", + "eu-central-1": "763104351884", + "eu-central-2": "380420809688", + "eu-south-2": "503227376785", + "eu-west-1": "763104351884", + "eu-west-3": "763104351884", + "il-central-1": "780543022126", + "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-2": "763104351884", + "ca-west-1": "204538143572" + }, + "container_version": { + "inf": "ubuntu22.04" + }, + "sdk_versions": [ + "sdk2.26.0" + ] + } } } }, @@ -239,7 +327,9 @@ "4.28": "4.28.1", "4.34": "4.34.1", "4.36": "4.36.2", - "4.43": "4.43.2" + "4.43": "4.43.2", + "4.51": "4.51.3", + "4.55": "4.55.4" }, "versions": { "4.28.1": { @@ -504,6 +594,92 @@ "sdk2.20.0" ] } + }, + "4.51.3": { + "version_aliases": { + "pytorch2.7": "pytorch2.7.1" + }, + "pytorch2.7.1": { + "py_versions": [ + "py310" + ], + "repository": "huggingface-pytorch-inference-neuronx", + "registries": { + "ap-northeast-1": "763104351884", + "ap-south-1": "763104351884", + "ap-south-2": "772153158452", + "ap-southeast-1": "763104351884", + "ap-southeast-2": "763104351884", + "ap-southeast-4": "457447274322", + "ap-southeast-5": "550225433462", + "ap-southeast-7": "590183813437", + "cn-north-1": "727897471807", + "cn-northwest-1": "727897471807", + "eu-central-1": "763104351884", + "eu-central-2": "380420809688", + "eu-south-2": "503227376785", + "eu-west-1": "763104351884", + "eu-west-3": "763104351884", + "il-central-1": "780543022126", + "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-2": "763104351884", + "ca-west-1": "204538143572" + }, + "container_version": { + "inf": "ubuntu22.04" + }, + "sdk_versions": [ + "sdk2.24.1" + ] + } + }, + "4.55.4": { + "version_aliases": { + "pytorch2.7": "pytorch2.7.1" + }, + "pytorch2.7.1": { + "py_versions": [ + "py310" + ], + "repository": "huggingface-pytorch-inference-neuronx", + "registries": { + "ap-northeast-1": "763104351884", + "ap-south-1": "763104351884", + "ap-south-2": "772153158452", + "ap-southeast-1": "763104351884", + "ap-southeast-2": "763104351884", + "ap-southeast-4": "457447274322", + "ap-southeast-5": "550225433462", + "ap-southeast-7": "590183813437", + "cn-north-1": "727897471807", + "cn-northwest-1": "727897471807", + "eu-central-1": "763104351884", + "eu-central-2": "380420809688", + "eu-south-2": "503227376785", + "eu-west-1": "763104351884", + "eu-west-3": "763104351884", + "il-central-1": "780543022126", + "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-2": "763104351884", + "ca-west-1": "204538143572" + }, + "container_version": { + "inf": "ubuntu22.04" + }, + "sdk_versions": [ + "sdk2.26.0" + ] + } } } } diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/pytorch-neuron.json b/sagemaker-core/src/sagemaker/core/image_uri_config/huggingface-vllm-neuronx.json similarity index 58% rename from sagemaker-core/src/sagemaker/core/image_uri_config_updated/pytorch-neuron.json rename to sagemaker-core/src/sagemaker/core/image_uri_config/huggingface-vllm-neuronx.json index c69c22c646..c2592c915a 100644 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/pytorch-neuron.json +++ b/sagemaker-core/src/sagemaker/core/image_uri_config/huggingface-vllm-neuronx.json @@ -1,41 +1,36 @@ { - "training": { + "inference": { "processors": [ - "trn" + "inf2" ], "version_aliases": { - "1.11": "1.11.0" + "0.4": "0.4.1" }, "versions": { - "1.11.0": { + "0.4.1": { "py_versions": [ - "py38" + "py310" ], - "repository": "pytorch-training-neuron", "registries": { "ap-northeast-1": "763104351884", "ap-south-1": "763104351884", - "ap-south-2": "772153158452", "ap-southeast-1": "763104351884", "ap-southeast-2": "763104351884", - "ap-southeast-4": "457447274322", "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-south-2": "503227376785", "eu-west-1": "763104351884", "eu-west-3": "763104351884", - "il-central-1": "780543022126", "sa-east-1": "763104351884", "us-east-1": "763104351884", "us-east-2": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" + "us-west-2": "763104351884" }, + "tag_prefix": "0.10.2", + "repository": "huggingface-vllm-inference-neuronx", "container_version": { - "trn": "ubuntu20.04" + "inf2": "ubuntu22.04" }, "sdk_versions": [ - "sdk2.4.0" + "sdk2.26.0" ] } } diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config/huggingface.json b/sagemaker-core/src/sagemaker/core/image_uri_config/huggingface.json index 475a82aeec..dc3987a8d8 100644 --- a/sagemaker-core/src/sagemaker/core/image_uri_config/huggingface.json +++ b/sagemaker-core/src/sagemaker/core/image_uri_config/huggingface.json @@ -16,7 +16,9 @@ "4.36": "4.36.0", "4.46": "4.46.1", "4.48": "4.48.0", - "4.49": "4.49.0" + "4.49": "4.49.0", + "4.55": "4.55.0", + "4.56": "4.56.2" }, "versions": { "4.4.2": { @@ -1162,6 +1164,100 @@ "gpu": "cu124-ubuntu22.04" } } + }, + "4.55.0": { + "version_aliases": { + "pytorch2.7": "pytorch2.7.1" + }, + "pytorch2.7.1": { + "py_versions": [ + "py312" + ], + "registries": { + "af-south-1": "626614931356", + "il-central-1": "780543022126", + "ap-east-1": "871362719292", + "ap-northeast-1": "763104351884", + "ap-northeast-2": "763104351884", + "ap-northeast-3": "364406365360", + "ap-south-1": "763104351884", + "ap-southeast-1": "763104351884", + "ap-southeast-2": "763104351884", + "ap-southeast-3": "907027046896", + "ca-central-1": "763104351884", + "cn-north-1": "727897471807", + "cn-northwest-1": "727897471807", + "eu-central-1": "763104351884", + "eu-north-1": "763104351884", + "eu-west-1": "763104351884", + "eu-west-2": "763104351884", + "eu-west-3": "763104351884", + "eu-south-1": "692866216735", + "me-south-1": "217643126080", + "me-central-1": "914824155844", + "sa-east-1": "763104351884", + "us-east-1": "763104351884", + "us-east-2": "763104351884", + "us-gov-east-1": "446045086412", + "us-gov-west-1": "442386744353", + "us-iso-east-1": "886529160074", + "us-isob-east-1": "094389454867", + "us-west-1": "763104351884", + "us-west-2": "763104351884", + "ca-west-1": "204538143572" + }, + "repository": "huggingface-pytorch-training", + "container_version": { + "gpu": "cu128-ubuntu22.04" + } + } + }, + "4.56.2": { + "version_aliases": { + "pytorch2.8": "pytorch2.8.0" + }, + "pytorch2.8.0": { + "py_versions": [ + "py312" + ], + "registries": { + "af-south-1": "626614931356", + "il-central-1": "780543022126", + "ap-east-1": "871362719292", + "ap-northeast-1": "763104351884", + "ap-northeast-2": "763104351884", + "ap-northeast-3": "364406365360", + "ap-south-1": "763104351884", + "ap-southeast-1": "763104351884", + "ap-southeast-2": "763104351884", + "ap-southeast-3": "907027046896", + "ca-central-1": "763104351884", + "cn-north-1": "727897471807", + "cn-northwest-1": "727897471807", + "eu-central-1": "763104351884", + "eu-north-1": "763104351884", + "eu-west-1": "763104351884", + "eu-west-2": "763104351884", + "eu-west-3": "763104351884", + "eu-south-1": "692866216735", + "me-south-1": "217643126080", + "me-central-1": "914824155844", + "sa-east-1": "763104351884", + "us-east-1": "763104351884", + "us-east-2": "763104351884", + "us-gov-east-1": "446045086412", + "us-gov-west-1": "442386744353", + "us-iso-east-1": "886529160074", + "us-isob-east-1": "094389454867", + "us-west-1": "763104351884", + "us-west-2": "763104351884", + "ca-west-1": "204538143572" + }, + "repository": "huggingface-pytorch-training", + "container_version": { + "gpu": "cu129-ubuntu22.04" + } + } } } }, @@ -1179,7 +1275,8 @@ "4.26": "4.26.0", "4.28": "4.28.1", "4.37": "4.37.0", - "4.49": "4.49.0" + "4.49": "4.49.0", + "4.51": "4.51.3" }, "versions": { "4.6.1": { @@ -2132,6 +2229,58 @@ "cpu": "ubuntu22.04" } } + }, + "4.51.3": { + "version_aliases": { + "pytorch2.6": "pytorch2.6.0" + }, + "pytorch2.6.0": { + "py_versions": [ + "py312" + ], + "registries": { + "af-south-1": "626614931356", + "il-central-1": "780543022126", + "ap-east-1": "871362719292", + "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", + "ca-central-1": "763104351884", + "cn-north-1": "727897471807", + "cn-northwest-1": "727897471807", + "eu-central-1": "763104351884", + "eu-central-2": "380420809688", + "eu-north-1": "763104351884", + "eu-west-1": "763104351884", + "eu-west-2": "763104351884", + "eu-west-3": "763104351884", + "eu-south-1": "692866216735", + "eu-south-2": "503227376785", + "me-south-1": "217643126080", + "me-central-1": "914824155844", + "sa-east-1": "763104351884", + "us-east-1": "763104351884", + "us-east-2": "763104351884", + "us-gov-east-1": "446045086412", + "us-gov-west-1": "442386744353", + "us-iso-east-1": "886529160074", + "us-isob-east-1": "094389454867", + "us-west-1": "763104351884", + "us-west-2": "763104351884", + "ca-west-1": "204538143572" + }, + "repository": "huggingface-pytorch-inference", + "container_version": { + "gpu": "cu124-ubuntu22.04", + "cpu": "ubuntu22.04" + } + } } } } diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config/sagemaker-tritonserver.json b/sagemaker-core/src/sagemaker/core/image_uri_config/sagemaker-tritonserver.json index 91842ae713..0d79a2e7b8 100644 --- a/sagemaker-core/src/sagemaker/core/image_uri_config/sagemaker-tritonserver.json +++ b/sagemaker-core/src/sagemaker/core/image_uri_config/sagemaker-tritonserver.json @@ -7,6 +7,46 @@ "inference" ], "versions": { + "25.09": { + "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-6": "633930458069", + "ap-southeast-7": "590183813437", + "ca-central-1": "763104351884", + "ca-west-1": "204538143572", + "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-west-1": "763104351884", + "us-west-2": "763104351884" + }, + "repository": "sagemaker-tritonserver", + "tag_prefix": "25.09-py3" + }, "25.04": { "registries": { "af-south-1": "626614931356", diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config/sklearn.json b/sagemaker-core/src/sagemaker/core/image_uri_config/sklearn.json index 85114a11d2..0087f9fb14 100644 --- a/sagemaker-core/src/sagemaker/core/image_uri_config/sklearn.json +++ b/sagemaker-core/src/sagemaker/core/image_uri_config/sklearn.json @@ -388,6 +388,54 @@ "us-west-2": "246618743249" }, "repository": "sagemaker-scikit-learn" + }, + "1.4-2": { + "processors": [ + "cpu" + ], + "py_versions": [ + "py3" + ], + "registries": { + "af-south-1": "510948584623", + "ap-east-1": "651117190479", + "ap-northeast-1": "354813040037", + "ap-northeast-2": "366743142698", + "ap-northeast-3": "867004704886", + "ap-south-1": "720646828776", + "ap-south-2": "628508329040", + "ap-southeast-1": "121021644041", + "ap-southeast-2": "783357654285", + "ap-southeast-3": "951798379941", + "ap-southeast-4": "106583098589", + "ca-central-1": "341280168497", + "ca-west-1": "190319476487", + "cn-north-1": "450853457545", + "cn-northwest-1": "451049120500", + "eu-central-1": "492215442770", + "eu-central-2": "680994064768", + "eu-north-1": "662702820516", + "eu-south-1": "978288397137", + "eu-south-2": "104374241257", + "eu-west-1": "141502667606", + "eu-west-2": "764974769150", + "eu-west-3": "659782779980", + "il-central-1": "898809789911", + "me-central-1": "272398656194", + "me-south-1": "801668240914", + "sa-east-1": "737474898029", + "us-east-1": "683313688378", + "us-east-2": "257758044811", + "us-gov-east-1": "237065988967", + "us-gov-west-1": "414596584902", + "us-iso-east-1": "833128469047", + "us-isob-east-1": "281123927165", + "us-isof-east-1": "108575199400", + "us-isof-south-1": "124985052026", + "us-west-1": "746614075791", + "us-west-2": "246618743249" + }, + "repository": "sagemaker-scikit-learn" } } }, diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/autogluon.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/autogluon.json deleted file mode 100644 index 8d2f169b31..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/autogluon.json +++ /dev/null @@ -1,1335 +0,0 @@ -{ - "training": { - "processors": [ - "cpu", - "gpu" - ], - "version_aliases": { - "0.3": "0.3.2", - "0.4": "0.4.3", - "0.5": "0.5.2", - "0.6": "0.6.2", - "0.7": "0.7.0", - "0.8": "0.8.2", - "1.0": "1.0.0", - "1.1": "1.1.1", - "1.2": "1.2.0", - "1.3": "1.3.0" - }, - "versions": { - "0.3.1": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-training", - "py_versions": [ - "py37" - ] - }, - "0.3.2": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-training", - "py_versions": [ - "py38" - ] - }, - "0.4.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-training", - "processors": [ - "cpu", - "gpu" - ], - "py_versions": [ - "py38" - ] - }, - "0.4.2": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-training", - "processors": [ - "cpu", - "gpu" - ], - "py_versions": [ - "py38" - ] - }, - "0.4.3": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-training", - "processors": [ - "cpu", - "gpu" - ], - "py_versions": [ - "py38" - ] - }, - "0.5.2": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-training", - "processors": [ - "cpu", - "gpu" - ], - "py_versions": [ - "py38" - ] - }, - "0.6.1": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ap-southeast-4": "457447274322", - "ca-central-1": "763104351884", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-training", - "processors": [ - "cpu", - "gpu" - ], - "py_versions": [ - "py38" - ] - }, - "0.6.2": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ap-southeast-4": "457447274322", - "ca-central-1": "763104351884", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-training", - "processors": [ - "cpu", - "gpu" - ], - "py_versions": [ - "py38" - ] - }, - "0.7.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ap-southeast-4": "457447274322", - "ca-central-1": "763104351884", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-training", - "processors": [ - "cpu", - "gpu" - ], - "py_versions": [ - "py39" - ] - }, - "0.8.2": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ap-southeast-4": "457447274322", - "ca-central-1": "763104351884", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-training", - "processors": [ - "cpu", - "gpu" - ], - "py_versions": [ - "py39" - ] - }, - "1.0.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ap-southeast-4": "457447274322", - "ca-central-1": "763104351884", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-training", - "processors": [ - "cpu", - "gpu" - ], - "py_versions": [ - "py310" - ] - }, - "1.1.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ap-southeast-4": "457447274322", - "ca-central-1": "763104351884", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-training", - "processors": [ - "cpu", - "gpu" - ], - "py_versions": [ - "py310" - ] - }, - "1.1.1": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ap-southeast-4": "457447274322", - "ca-central-1": "763104351884", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-training", - "processors": [ - "cpu", - "gpu" - ], - "py_versions": [ - "py311" - ] - }, - "1.2.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ap-southeast-4": "457447274322", - "ca-central-1": "763104351884", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-training", - "processors": [ - "cpu", - "gpu" - ], - "py_versions": [ - "py311" - ] - }, - "1.3.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ap-southeast-4": "457447274322", - "ca-central-1": "763104351884", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-training", - "processors": [ - "cpu", - "gpu" - ], - "py_versions": [ - "py311" - ] - } - } - }, - "inference": { - "version_aliases": { - "0.3": "0.3.2", - "0.4": "0.4.3", - "0.5": "0.5.2", - "0.6": "0.6.2", - "0.7": "0.7.0", - "0.8": "0.8.2", - "1.0": "1.0.0", - "1.1": "1.1.1", - "1.2": "1.2.0", - "1.3": "1.3.0" - }, - "versions": { - "0.3.1": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-inference", - "processors": [ - "cpu" - ], - "py_versions": [ - "py37" - ] - }, - "0.3.2": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-inference", - "processors": [ - "cpu" - ], - "py_versions": [ - "py38" - ] - }, - "0.4.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-inference", - "processors": [ - "cpu" - ], - "py_versions": [ - "py38" - ] - }, - "0.4.2": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-inference", - "processors": [ - "cpu", - "gpu" - ], - "py_versions": [ - "py38" - ] - }, - "0.4.3": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-inference", - "processors": [ - "cpu", - "gpu" - ], - "py_versions": [ - "py38" - ] - }, - "0.5.2": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-inference", - "processors": [ - "cpu", - "gpu" - ], - "py_versions": [ - "py38" - ] - }, - "0.6.1": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ap-southeast-4": "457447274322", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-inference", - "processors": [ - "cpu", - "gpu" - ], - "py_versions": [ - "py38" - ] - }, - "0.6.2": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ap-southeast-4": "457447274322", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-inference", - "processors": [ - "cpu", - "gpu" - ], - "py_versions": [ - "py38" - ] - }, - "0.7.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ap-southeast-4": "457447274322", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-inference", - "processors": [ - "cpu", - "gpu" - ], - "py_versions": [ - "py39" - ] - }, - "0.8.2": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ap-southeast-4": "457447274322", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-inference", - "processors": [ - "cpu", - "gpu" - ], - "py_versions": [ - "py39" - ] - }, - "1.0.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ap-southeast-4": "457447274322", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-inference", - "processors": [ - "cpu", - "gpu" - ], - "py_versions": [ - "py310" - ] - }, - "1.1.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ap-southeast-4": "457447274322", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-inference", - "processors": [ - "cpu", - "gpu" - ], - "py_versions": [ - "py310" - ] - }, - "1.1.1": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ap-southeast-4": "457447274322", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-inference", - "processors": [ - "cpu", - "gpu" - ], - "py_versions": [ - "py311" - ] - }, - "1.2.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ap-southeast-4": "457447274322", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-inference", - "processors": [ - "cpu", - "gpu" - ], - "py_versions": [ - "py311" - ] - }, - "1.3.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ap-southeast-4": "457447274322", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "autogluon-inference", - "processors": [ - "cpu", - "gpu" - ], - "py_versions": [ - "py311" - ] - } - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/blazingtext.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/blazingtext.json deleted file mode 100644 index b1768d7f9b..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/blazingtext.json +++ /dev/null @@ -1,50 +0,0 @@ -{ - "scope": [ - "inference", - "training" - ], - "versions": { - "1": { - "registries": { - "af-south-1": "455444449433", - "ap-east-1": "286214385809", - "ap-northeast-1": "501404015308", - "ap-northeast-2": "306986355934", - "ap-northeast-3": "867004704886", - "ap-south-1": "991648021394", - "ap-south-2": "628508329040", - "ap-southeast-1": "475088953585", - "ap-southeast-2": "544295431143", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "469771592824", - "ca-west-1": "190319476487", - "cn-north-1": "390948362332", - "cn-northwest-1": "387376663083", - "eu-central-1": "813361260812", - "eu-central-2": "680994064768", - "eu-north-1": "669576153137", - "eu-south-1": "257386234256", - "eu-south-2": "104374241257", - "eu-west-1": "685385470294", - "eu-west-2": "644912444149", - "eu-west-3": "749696950732", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "249704162688", - "sa-east-1": "855470959533", - "us-east-1": "811284229777", - "us-east-2": "825641698319", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "226302683700", - "us-iso-east-1": "490574956308", - "us-isob-east-1": "765400339828", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "632365934929", - "us-west-2": "433757028032" - }, - "repository": "blazingtext" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/chainer.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/chainer.json deleted file mode 100644 index b76088d560..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/chainer.json +++ /dev/null @@ -1,104 +0,0 @@ -{ - "processors": ["cpu", "gpu"], - "scope": ["inference", "training"], - "version_aliases": { - "4.0": "4.0.0", - "4.1": "4.1.0", - "5.0": "5.0.0" - }, - "versions": { - "4.0.0": { - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-chainer", - "py_versions": ["py2", "py3"] - }, - "4.1.0": { - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-chainer", - "py_versions": ["py2", "py3"] - }, - "5.0.0": { - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-chainer", - "py_versions": ["py2", "py3"] - } - } -} diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/clarify.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/clarify.json deleted file mode 100644 index 3f74ac9493..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/clarify.json +++ /dev/null @@ -1,39 +0,0 @@ -{ - "processing": { - "versions": { - "1.0": { - "registries": { - "af-south-1": "811711786498", - "ap-east-1": "098760798382", - "ap-northeast-1": "377024640650", - "ap-northeast-2": "263625296855", - "ap-northeast-3": "912233562940", - "ap-south-1": "452307495513", - "ap-southeast-1": "834264404009", - "ap-southeast-2": "007051062584", - "ap-southeast-3": "705930551576", - "ca-central-1": "675030665977", - "cn-north-1": "122526803553", - "cn-northwest-1": "122578899357", - "eu-central-1": "017069133835", - "eu-central-2": "730335477804", - "eu-north-1": "763603941244", - "eu-south-1": "638885417683", - "eu-west-1": "131013547314", - "eu-west-2": "440796970383", - "eu-west-3": "341593696636", - "me-south-1": "835444307964", - "sa-east-1": "520018980103", - "us-east-1": "205585389593", - "us-east-2": "211330385671", - "us-gov-west-1": "598674086554", - "us-isof-east-1": "579539705040", - "us-isof-south-1": "411392592546", - "us-west-1": "740489534195", - "us-west-2": "306415355426" - }, - "repository": "sagemaker-clarify-processing" - } - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/coach-mxnet.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/coach-mxnet.json deleted file mode 100644 index 3eff57ab03..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/coach-mxnet.json +++ /dev/null @@ -1,70 +0,0 @@ -{ - "processors": ["cpu", "gpu"], - "scope": ["training"], - "versions": { - "0.11": { - "py_versions": ["py3"], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-rl-mxnet", - "tag_prefix": "coach0.11" - }, - "0.11.0": { - "py_versions": ["py3"], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-rl-mxnet", - "tag_prefix": "coach0.11.0" - } - } -} diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/coach-tensorflow.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/coach-tensorflow.json deleted file mode 100644 index fd9edec20b..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/coach-tensorflow.json +++ /dev/null @@ -1,186 +0,0 @@ -{ - "processors": ["cpu", "gpu"], - "scope": ["training"], - "versions": { - "0.10": { - "py_versions": ["py3"], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-rl-tensorflow", - "tag_prefix": "coach0.10" - }, - "0.10.1": { - "py_versions": ["py3"], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-rl-tensorflow", - "tag_prefix": "coach0.10.1" - }, - "0.11": { - "py_versions": ["py3"], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-rl-tensorflow", - "tag_prefix": "coach0.11" - }, - "0.11.0": { - "py_versions": ["py3"], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-rl-tensorflow", - "tag_prefix": "coach0.11.0" - }, - "0.11.1": { - "py_versions": ["py3"], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-rl-tensorflow", - "tag_prefix": "coach0.11.1" - }, - "1.0.0": { - "py_versions": ["py3"], - "registries": { - "ap-northeast-1": "462105765813", - "ap-northeast-2": "462105765813", - "ap-south-1": "462105765813", - "ap-southeast-1": "462105765813", - "ap-southeast-2": "462105765813", - "ca-central-1": "462105765813", - "eu-central-1": "462105765813", - "eu-west-1": "462105765813", - "eu-west-2": "462105765813", - "us-east-1": "462105765813", - "us-east-2": "462105765813", - "us-west-1": "462105765813", - "us-west-2": "462105765813" - }, - "repository": "sagemaker-rl-coach-container", - "tag_prefix": "coach-1.0.0-tf" - } - } -} diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/data-wrangler.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/data-wrangler.json deleted file mode 100644 index 8f249b0056..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/data-wrangler.json +++ /dev/null @@ -1,91 +0,0 @@ -{ - "processing": { - "versions": { - "1.x": { - "registries": { - "af-south-1": "143210264188", - "ap-east-1": "707077482487", - "ap-northeast-1": "649008135260", - "ap-northeast-2": "131546521161", - "ap-northeast-3": "913387583493", - "ap-south-1": "089933028263", - "ap-southeast-1": "119527597002", - "ap-southeast-2": "422173101802", - "ca-central-1": "557239378090", - "eu-central-1": "024640144536", - "eu-north-1": "054986407534", - "eu-south-1": "488287956546", - "eu-west-1": "245179582081", - "eu-west-2": "894491911112", - "eu-west-3": "807237891255", - "me-south-1": "376037874950", - "sa-east-1": "424196993095", - "us-east-1": "663277389841", - "us-east-2": "415577184552", - "us-west-1": "926135532090", - "us-west-2": "174368400705", - "cn-north-1": "245909111842", - "cn-northwest-1": "249157047649" - }, - "repository": "sagemaker-data-wrangler-container" - }, - "2.x": { - "registries": { - "af-south-1": "143210264188", - "ap-east-1": "707077482487", - "ap-northeast-1": "649008135260", - "ap-northeast-2": "131546521161", - "ap-northeast-3": "913387583493", - "ap-south-1": "089933028263", - "ap-southeast-1": "119527597002", - "ap-southeast-2": "422173101802", - "ca-central-1": "557239378090", - "eu-central-1": "024640144536", - "eu-north-1": "054986407534", - "eu-south-1": "488287956546", - "eu-west-1": "245179582081", - "eu-west-2": "894491911112", - "eu-west-3": "807237891255", - "me-south-1": "376037874950", - "sa-east-1": "424196993095", - "us-east-1": "663277389841", - "us-east-2": "415577184552", - "us-west-1": "926135532090", - "us-west-2": "174368400705", - "cn-north-1": "245909111842", - "cn-northwest-1": "249157047649" - }, - "repository": "sagemaker-data-wrangler-container" - }, - "3.x": { - "registries": { - "af-south-1": "143210264188", - "ap-east-1": "707077482487", - "ap-northeast-1": "649008135260", - "ap-northeast-2": "131546521161", - "ap-northeast-3": "913387583493", - "ap-south-1": "089933028263", - "ap-southeast-1": "119527597002", - "ap-southeast-2": "422173101802", - "ca-central-1": "557239378090", - "eu-central-1": "024640144536", - "eu-north-1": "054986407534", - "eu-south-1": "488287956546", - "eu-west-1": "245179582081", - "eu-west-2": "894491911112", - "eu-west-3": "807237891255", - "il-central-1": "406833011540", - "me-south-1": "376037874950", - "sa-east-1": "424196993095", - "us-east-1": "663277389841", - "us-east-2": "415577184552", - "us-west-1": "926135532090", - "us-west-2": "174368400705", - "cn-north-1": "245909111842", - "cn-northwest-1": "249157047649" - }, - "repository": "sagemaker-data-wrangler-container" - } - } - } -} diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/debugger.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/debugger.json deleted file mode 100644 index 5bf0d8ec77..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/debugger.json +++ /dev/null @@ -1,34 +0,0 @@ -{ - "scope": ["debugger"], - "versions": { - "latest": { - "registries": { - "af-south-1": "314341159256", - "ap-east-1": "199566480951", - "ap-northeast-1": "430734990657", - "ap-northeast-2": "578805364391", - "ap-northeast-3": "479947661362", - "ap-south-1": "904829902805", - "ap-southeast-1": "972752614525", - "ap-southeast-2": "184798709955", - "ca-central-1": "519511493484", - "cn-north-1": "618459771430", - "cn-northwest-1": "658757709296", - "eu-central-1": "482524230118", - "eu-north-1": "314864569078", - "eu-south-1": "563282790590", - "eu-west-1": "929884845733", - "eu-west-2": "250201462417", - "eu-west-3": "447278800020", - "me-south-1": "986000313247", - "sa-east-1": "818342061345", - "us-east-1": "503895931360", - "us-east-2": "915447279597", - "us-gov-west-1": "515509971035", - "us-west-1": "685455198987", - "us-west-2": "895741380848" - }, - "repository": "sagemaker-debugger-rules" - } - } -} diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/detailed-profiler.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/detailed-profiler.json deleted file mode 100644 index f765c51a2c..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/detailed-profiler.json +++ /dev/null @@ -1,18 +0,0 @@ -{ - "scope": [ - "detailed-profiler" - ], - "versions": { - "latest": { - "registries": { - "eu-central-1": "482524230118", - "eu-west-1": "929884845733", - "il-central-1": "216881608335", - "us-east-1": "503895931360", - "us-east-2": "915447279597", - "us-west-2": "895741380848" - }, - "repository": "detailed-profiler-processing" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/djl-deepspeed.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/djl-deepspeed.json deleted file mode 100644 index 51b34c9d20..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/djl-deepspeed.json +++ /dev/null @@ -1,385 +0,0 @@ -{ - "scope": [ - "inference" - ], - "versions": { - "0.27.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "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", - "ca-west-1": "204538143572", - "eu-central-2": "380420809688", - "ap-south-2": "772153158452", - "me-central-1": "914824155844", - "eu-south-2": "503227376785", - "ap-southeast-7": "590183813437", - "ap-southeast-4": "457447274322", - "ap-southeast-5": "550225433462", - "mx-central-1": "637423239942" - }, - "repository": "djl-inference", - "tag_prefix": "0.27.0-deepspeed0.12.6-cu121" - }, - "0.26.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "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", - "ca-west-1": "204538143572", - "eu-central-2": "380420809688", - "ap-south-2": "772153158452", - "me-central-1": "914824155844", - "eu-south-2": "503227376785", - "ap-southeast-7": "590183813437", - "ap-southeast-4": "457447274322", - "ap-southeast-5": "550225433462", - "mx-central-1": "637423239942" - }, - "repository": "djl-inference", - "tag_prefix": "0.26.0-deepspeed0.12.6-cu121" - }, - "0.25.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "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", - "ca-west-1": "204538143572", - "eu-central-2": "380420809688", - "ap-south-2": "772153158452", - "me-central-1": "914824155844", - "eu-south-2": "503227376785", - "ap-southeast-7": "590183813437", - "ap-southeast-4": "457447274322", - "ap-southeast-5": "550225433462", - "mx-central-1": "637423239942" - }, - "repository": "djl-inference", - "tag_prefix": "0.25.0-deepspeed0.11.0-cu118" - }, - "0.24.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "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", - "ca-west-1": "204538143572", - "eu-central-2": "380420809688", - "ap-south-2": "772153158452", - "me-central-1": "914824155844", - "eu-south-2": "503227376785", - "ap-southeast-7": "590183813437", - "ap-southeast-4": "457447274322", - "ap-southeast-5": "550225433462", - "mx-central-1": "637423239942" - }, - "repository": "djl-inference", - "tag_prefix": "0.24.0-deepspeed0.10.0-cu118" - }, - "0.23.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "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", - "ca-west-1": "204538143572", - "eu-central-2": "380420809688", - "ap-south-2": "772153158452", - "me-central-1": "914824155844", - "eu-south-2": "503227376785", - "ap-southeast-7": "590183813437", - "ap-southeast-4": "457447274322", - "ap-southeast-5": "550225433462", - "mx-central-1": "637423239942" - }, - "repository": "djl-inference", - "tag_prefix": "0.23.0-deepspeed0.9.5-cu118" - }, - "0.22.1": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "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", - "ca-west-1": "204538143572", - "eu-central-2": "380420809688", - "ap-south-2": "772153158452", - "me-central-1": "914824155844", - "eu-south-2": "503227376785", - "ap-southeast-7": "590183813437", - "ap-southeast-4": "457447274322", - "ap-southeast-5": "550225433462", - "mx-central-1": "637423239942" - }, - "repository": "djl-inference", - "tag_prefix": "0.22.1-deepspeed0.9.2-cu118" - }, - "0.21.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "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", - "ca-west-1": "204538143572", - "eu-central-2": "380420809688", - "ap-south-2": "772153158452", - "me-central-1": "914824155844", - "eu-south-2": "503227376785", - "ap-southeast-7": "590183813437", - "ap-southeast-4": "457447274322", - "ap-southeast-5": "550225433462", - "mx-central-1": "637423239942" - }, - "repository": "djl-inference", - "tag_prefix": "0.21.0-deepspeed0.8.3-cu117" - }, - "0.20.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "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", - "ca-west-1": "204538143572", - "eu-central-2": "380420809688", - "ap-south-2": "772153158452", - "me-central-1": "914824155844", - "eu-south-2": "503227376785", - "ap-southeast-7": "590183813437", - "ap-southeast-4": "457447274322", - "ap-southeast-5": "550225433462", - "mx-central-1": "637423239942" - }, - "repository": "djl-inference", - "tag_prefix": "0.20.0-deepspeed0.7.5-cu116" - }, - "0.19.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "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", - "ca-west-1": "204538143572", - "eu-central-2": "380420809688", - "ap-south-2": "772153158452", - "me-central-1": "914824155844", - "eu-south-2": "503227376785", - "ap-southeast-7": "590183813437", - "ap-southeast-4": "457447274322", - "ap-southeast-5": "550225433462", - "mx-central-1": "637423239942" - }, - "repository": "djl-inference", - "tag_prefix": "0.19.0-deepspeed0.7.3-cu113" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/djl-fastertransformer.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/djl-fastertransformer.json deleted file mode 100644 index 97689a386f..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/djl-fastertransformer.json +++ /dev/null @@ -1,167 +0,0 @@ -{ - "scope": [ - "inference" - ], - "versions": { - "0.24.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572", - "eu-central-2": "380420809688", - "ap-south-2": "772153158452", - "me-central-1": "914824155844", - "eu-south-2": "503227376785", - "ap-southeast-7": "590183813437", - "ap-southeast-4": "457447274322", - "ap-southeast-5": "550225433462", - "mx-central-1": "637423239942" - }, - "repository": "djl-inference", - "tag_prefix": "0.24.0-fastertransformer5.3.0-cu118" - }, - "0.23.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572", - "eu-central-2": "380420809688", - "ap-south-2": "772153158452", - "me-central-1": "914824155844", - "eu-south-2": "503227376785", - "ap-southeast-7": "590183813437", - "ap-southeast-4": "457447274322", - "ap-southeast-5": "550225433462", - "mx-central-1": "637423239942" - }, - "repository": "djl-inference", - "tag_prefix": "0.23.0-fastertransformer5.3.0-cu118" - }, - "0.22.1": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572", - "eu-central-2": "380420809688", - "ap-south-2": "772153158452", - "me-central-1": "914824155844", - "eu-south-2": "503227376785", - "ap-southeast-7": "590183813437", - "ap-southeast-4": "457447274322", - "ap-southeast-5": "550225433462", - "mx-central-1": "637423239942" - }, - "repository": "djl-inference", - "tag_prefix": "0.22.1-fastertransformer5.3.0-cu118" - }, - "0.21.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572", - "eu-central-2": "380420809688", - "ap-south-2": "772153158452", - "me-central-1": "914824155844", - "eu-south-2": "503227376785", - "ap-southeast-7": "590183813437", - "ap-southeast-4": "457447274322", - "ap-southeast-5": "550225433462", - "mx-central-1": "637423239942" - }, - "repository": "djl-inference", - "tag_prefix": "0.21.0-fastertransformer5.3.0-cu117" - } - } -} diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/djl-lmi.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/djl-lmi.json deleted file mode 100644 index d1a5ac2107..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/djl-lmi.json +++ /dev/null @@ -1,136 +0,0 @@ -{ - "scope": [ - "inference" - ], - "version_aliases": { - "latest": "0.30.0" - }, - "versions": { - "0.30.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "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", - "ca-west-1": "204538143572", - "eu-central-2": "380420809688", - "ap-south-2": "772153158452", - "eu-south-2": "503227376785", - "ap-southeast-7": "590183813437", - "ap-southeast-4": "457447274322", - "ap-southeast-5": "550225433462", - "mx-central-1": "637423239942" - }, - "repository": "djl-inference", - "tag_prefix": "0.30.0-lmi12.0.0-cu124" - }, - "0.29.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "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", - "ca-west-1": "204538143572", - "eu-central-2": "380420809688", - "ap-south-2": "772153158452", - "eu-south-2": "503227376785", - "ap-southeast-7": "590183813437", - "ap-southeast-4": "457447274322", - "ap-southeast-5": "550225433462", - "mx-central-1": "637423239942" - }, - "repository": "djl-inference", - "tag_prefix": "0.29.0-lmi11.0.0-cu124" - }, - "0.28.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "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", - "ca-west-1": "204538143572", - "eu-central-2": "380420809688", - "ap-south-2": "772153158452", - "eu-south-2": "503227376785", - "ap-southeast-7": "590183813437", - "ap-southeast-4": "457447274322", - "ap-southeast-5": "550225433462", - "mx-central-1": "637423239942" - }, - "repository": "djl-inference", - "tag_prefix": "0.28.0-lmi10.0.0-cu124" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/djl-neuronx.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/djl-neuronx.json deleted file mode 100644 index dda4c6755f..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/djl-neuronx.json +++ /dev/null @@ -1,258 +0,0 @@ -{ - "scope": [ - "inference" - ], - "version_aliases": { - "latest": "0.29.0" - }, - "versions": { - "0.29.0": { - "registries": { - "ap-northeast-1": "763104351884", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-5": "550225433462", - "ap-southeast-7": "590183813437", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-west-1": "763104351884", - "eu-west-3": "763104351884", - "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-2": "763104351884", - "ca-west-1": "204538143572", - "eu-north-1": "763104351884", - "il-central-1": "780543022126", - "eu-west-2": "763104351884", - "ap-south-2": "772153158452", - "ap-southeast-4": "457447274322", - "eu-south-2": "503227376785" - }, - "repository": "djl-inference", - "tag_prefix": "0.29.0-neuronx-sdk2.19.1" - }, - "0.28.0": { - "registries": { - "ap-northeast-1": "763104351884", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-5": "550225433462", - "ap-southeast-7": "590183813437", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-west-1": "763104351884", - "eu-west-3": "763104351884", - "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-2": "763104351884", - "ca-west-1": "204538143572", - "eu-north-1": "763104351884", - "il-central-1": "780543022126", - "eu-west-2": "763104351884", - "ap-south-2": "772153158452", - "ap-southeast-4": "457447274322", - "eu-south-2": "503227376785" - }, - "repository": "djl-inference", - "tag_prefix": "0.28.0-neuronx-sdk2.18.2" - }, - "0.27.0": { - "registries": { - "ap-northeast-1": "763104351884", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-5": "550225433462", - "ap-southeast-7": "590183813437", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-west-1": "763104351884", - "eu-west-3": "763104351884", - "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-2": "763104351884", - "ca-west-1": "204538143572", - "eu-north-1": "763104351884", - "il-central-1": "780543022126", - "eu-west-2": "763104351884", - "ap-south-2": "772153158452", - "ap-southeast-4": "457447274322", - "eu-south-2": "503227376785" - }, - "repository": "djl-inference", - "tag_prefix": "0.27.0-neuronx-sdk2.18.1" - }, - "0.26.0": { - "registries": { - "ap-northeast-1": "763104351884", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-5": "550225433462", - "ap-southeast-7": "590183813437", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-west-1": "763104351884", - "eu-west-3": "763104351884", - "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-2": "763104351884", - "ca-west-1": "204538143572", - "eu-north-1": "763104351884", - "il-central-1": "780543022126", - "eu-west-2": "763104351884", - "ap-south-2": "772153158452", - "ap-southeast-4": "457447274322", - "eu-south-2": "503227376785" - }, - "repository": "djl-inference", - "tag_prefix": "0.26.0-neuronx-sdk2.16.0" - }, - "0.25.0": { - "registries": { - "ap-northeast-1": "763104351884", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-5": "550225433462", - "ap-southeast-7": "590183813437", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-west-1": "763104351884", - "eu-west-3": "763104351884", - "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-2": "763104351884", - "ca-west-1": "204538143572", - "il-central-1": "780543022126", - "ap-south-2": "772153158452", - "ap-southeast-4": "457447274322", - "eu-south-2": "503227376785" - }, - "repository": "djl-inference", - "tag_prefix": "0.25.0-neuronx-sdk2.15.0" - }, - "0.24.0": { - "registries": { - "ap-northeast-1": "763104351884", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-5": "550225433462", - "ap-southeast-7": "590183813437", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-west-1": "763104351884", - "eu-west-3": "763104351884", - "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-2": "763104351884", - "ca-west-1": "204538143572", - "il-central-1": "780543022126", - "ap-south-2": "772153158452", - "ap-southeast-4": "457447274322", - "eu-south-2": "503227376785" - }, - "repository": "djl-inference", - "tag_prefix": "0.24.0-neuronx-sdk2.14.1" - }, - "0.23.0": { - "registries": { - "ap-northeast-1": "763104351884", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-5": "550225433462", - "ap-southeast-7": "590183813437", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-west-1": "763104351884", - "eu-west-3": "763104351884", - "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-2": "763104351884", - "ca-west-1": "204538143572", - "il-central-1": "780543022126", - "ap-south-2": "772153158452", - "ap-southeast-4": "457447274322", - "eu-south-2": "503227376785" - }, - "repository": "djl-inference", - "tag_prefix": "0.23.0-neuronx-sdk2.12.0" - }, - "0.22.1": { - "registries": { - "ap-northeast-1": "763104351884", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-5": "550225433462", - "ap-southeast-7": "590183813437", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-west-1": "763104351884", - "eu-west-3": "763104351884", - "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-2": "763104351884", - "ca-west-1": "204538143572", - "il-central-1": "780543022126", - "ap-south-2": "772153158452", - "ap-southeast-4": "457447274322", - "eu-south-2": "503227376785" - }, - "repository": "djl-inference", - "tag_prefix": "0.22.1-neuronx-sdk2.10.0" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/djl-tensorrtllm.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/djl-tensorrtllm.json deleted file mode 100644 index edb20a6e4a..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/djl-tensorrtllm.json +++ /dev/null @@ -1,262 +0,0 @@ -{ - "scope": [ - "inference" - ], - "version_aliases": { - "latest": "0.30.0" - }, - "versions": { - "0.30.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "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", - "ca-west-1": "204538143572", - "eu-central-2": "380420809688", - "me-central-1": "914824155844", - "eu-south-2": "503227376785", - "ap-southeast-7": "590183813437", - "ap-southeast-4": "457447274322", - "ap-southeast-5": "550225433462", - "ap-south-2": "772153158452", - "mx-central-1": "637423239942" - }, - "repository": "djl-inference", - "tag_prefix": "0.30.0-tensorrtllm0.12.0-cu125" - }, - "0.29.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "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", - "ca-west-1": "204538143572", - "eu-central-2": "380420809688", - "me-central-1": "914824155844", - "eu-south-2": "503227376785", - "ap-southeast-7": "590183813437", - "ap-southeast-4": "457447274322", - "ap-southeast-5": "550225433462", - "ap-south-2": "772153158452", - "mx-central-1": "637423239942" - }, - "repository": "djl-inference", - "tag_prefix": "0.29.0-tensorrtllm0.11.0-cu124" - }, - "0.28.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "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", - "ca-west-1": "204538143572", - "eu-central-2": "380420809688", - "me-central-1": "914824155844", - "eu-south-2": "503227376785", - "ap-southeast-7": "590183813437", - "ap-southeast-4": "457447274322", - "ap-southeast-5": "550225433462", - "ap-south-2": "772153158452", - "mx-central-1": "637423239942" - }, - "repository": "djl-inference", - "tag_prefix": "0.28.0-tensorrtllm0.9.0-cu122" - }, - "0.27.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "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", - "ca-west-1": "204538143572", - "eu-central-2": "380420809688", - "me-central-1": "914824155844", - "eu-south-2": "503227376785", - "ap-southeast-7": "590183813437", - "ap-southeast-4": "457447274322", - "ap-southeast-5": "550225433462", - "ap-south-2": "772153158452", - "mx-central-1": "637423239942" - }, - "repository": "djl-inference", - "tag_prefix": "0.27.0-tensorrtllm0.8.0-cu122" - }, - "0.26.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "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", - "ca-west-1": "204538143572", - "eu-central-2": "380420809688", - "me-central-1": "914824155844", - "eu-south-2": "503227376785", - "ap-southeast-7": "590183813437", - "ap-southeast-4": "457447274322", - "ap-southeast-5": "550225433462", - "ap-south-2": "772153158452", - "mx-central-1": "637423239942" - }, - "repository": "djl-inference", - "tag_prefix": "0.26.0-tensorrtllm0.7.1-cu122" - }, - "0.25.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "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", - "ca-west-1": "204538143572", - "eu-central-2": "380420809688", - "me-central-1": "914824155844", - "eu-south-2": "503227376785", - "ap-southeast-7": "590183813437", - "ap-southeast-4": "457447274322", - "ap-southeast-5": "550225433462", - "ap-south-2": "772153158452", - "mx-central-1": "637423239942" - }, - "repository": "djl-inference", - "tag_prefix": "0.25.0-tensorrtllm0.5.0-cu122" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/factorization-machines.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/factorization-machines.json deleted file mode 100644 index b99927f757..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/factorization-machines.json +++ /dev/null @@ -1,50 +0,0 @@ -{ - "scope": [ - "inference", - "training" - ], - "versions": { - "1": { - "registries": { - "af-south-1": "455444449433", - "ap-east-1": "286214385809", - "ap-northeast-1": "351501993468", - "ap-northeast-2": "835164637446", - "ap-northeast-3": "867004704886", - "ap-south-1": "991648021394", - "ap-south-2": "628508329040", - "ap-southeast-1": "475088953585", - "ap-southeast-2": "712309505854", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "469771592824", - "ca-west-1": "190319476487", - "cn-north-1": "390948362332", - "cn-northwest-1": "387376663083", - "eu-central-1": "664544806723", - "eu-central-2": "680994064768", - "eu-north-1": "669576153137", - "eu-south-1": "257386234256", - "eu-south-2": "104374241257", - "eu-west-1": "438346466558", - "eu-west-2": "644912444149", - "eu-west-3": "749696950732", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "249704162688", - "sa-east-1": "855470959533", - "us-east-1": "382416733822", - "us-east-2": "404615174143", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "226302683700", - "us-iso-east-1": "490574956308", - "us-isob-east-1": "765400339828", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "632365934929", - "us-west-2": "174872318107" - }, - "repository": "factorization-machines" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/forecasting-deepar.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/forecasting-deepar.json deleted file mode 100644 index c0b3d77786..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/forecasting-deepar.json +++ /dev/null @@ -1,50 +0,0 @@ -{ - "scope": [ - "inference", - "training" - ], - "versions": { - "1": { - "registries": { - "af-south-1": "455444449433", - "ap-east-1": "286214385809", - "ap-northeast-1": "633353088612", - "ap-northeast-2": "204372634319", - "ap-northeast-3": "867004704886", - "ap-south-1": "991648021394", - "ap-south-2": "628508329040", - "ap-southeast-1": "475088953585", - "ap-southeast-2": "514117268639", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "469771592824", - "ca-west-1": "190319476487", - "cn-north-1": "390948362332", - "cn-northwest-1": "387376663083", - "eu-central-1": "495149712605", - "eu-central-2": "680994064768", - "eu-north-1": "669576153137", - "eu-south-1": "257386234256", - "eu-south-2": "104374241257", - "eu-west-1": "224300973850", - "eu-west-2": "644912444149", - "eu-west-3": "749696950732", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "249704162688", - "sa-east-1": "855470959533", - "us-east-1": "522234722520", - "us-east-2": "566113047672", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "226302683700", - "us-iso-east-1": "490574956308", - "us-isob-east-1": "765400339828", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "632365934929", - "us-west-2": "156387875391" - }, - "repository": "forecasting-deepar" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/huggingface-llm-neuronx.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/huggingface-llm-neuronx.json deleted file mode 100644 index 1c425b37ec..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/huggingface-llm-neuronx.json +++ /dev/null @@ -1,660 +0,0 @@ -{ - "inference": { - "processors": [ - "inf2" - ], - "version_aliases": { - "0.0": "0.0.28" - }, - "versions": { - "0.0.16": { - "py_versions": [ - "py310" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "1.13.1-optimum0.0.16", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "inf2": "ubuntu22.04" - } - }, - "0.0.17": { - "py_versions": [ - "py310" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "1.13.1-optimum0.0.17", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "inf2": "ubuntu22.04" - } - }, - "0.0.18": { - "py_versions": [ - "py310" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "1.13.1-optimum0.0.18", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "inf2": "ubuntu22.04" - } - }, - "0.0.19": { - "py_versions": [ - "py310" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "1.13.1-optimum0.0.19", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "inf2": "ubuntu22.04" - } - }, - "0.0.20": { - "py_versions": [ - "py310" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "1.13.1-optimum0.0.20", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "inf2": "ubuntu22.04" - } - }, - "0.0.21": { - "py_versions": [ - "py310" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "1.13.1-optimum0.0.21", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "inf2": "ubuntu22.04" - } - }, - "0.0.22": { - "py_versions": [ - "py310" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "2.1.2-optimum0.0.22", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "inf2": "ubuntu22.04" - } - }, - "0.0.23": { - "py_versions": [ - "py310" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "2.1.2-optimum0.0.23", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "inf2": "ubuntu22.04" - } - }, - "0.0.24": { - "py_versions": [ - "py310" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "2.1.2-optimum0.0.24", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "inf2": "ubuntu22.04" - } - }, - "0.0.25": { - "py_versions": [ - "py310" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "2.1.2-optimum0.0.25", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "inf2": "ubuntu22.04" - } - }, - "0.0.27": { - "py_versions": [ - "py310" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "2.1.2-optimum0.0.27", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "inf2": "ubuntu22.04" - } - }, - "0.0.28": { - "py_versions": [ - "py310" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "2.1.2-optimum0.0.28", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "inf2": "ubuntu22.04" - } - } - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/huggingface-llm.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/huggingface-llm.json deleted file mode 100644 index 58fffa0ed9..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/huggingface-llm.json +++ /dev/null @@ -1,1158 +0,0 @@ -{ - "inference": { - "processors": [ - "gpu" - ], - "version_aliases": { - "0.6": "0.6.0", - "0.8": "0.8.2", - "0.9": "0.9.3", - "1.0": "1.0.3", - "1.1": "1.1.0", - "1.2": "1.2.0", - "1.3": "1.3.3", - "1.4": "1.4.5", - "2.0": "2.4.0", - "2.3": "2.3.1", - "3.0": "3.0.1", - "3.2": "3.2.3", - "3.1": "3.1.1" - }, - "versions": { - "0.6.0": { - "py_versions": [ - "py39" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "2.0.0-tgi0.6.0", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "gpu": "cu118-ubuntu20.04" - } - }, - "0.8.2": { - "py_versions": [ - "py39" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "2.0.0-tgi0.8.2", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "gpu": "cu118-ubuntu20.04" - } - }, - "0.9.3": { - "py_versions": [ - "py39" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "2.0.1-tgi0.9.3", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "gpu": "cu118-ubuntu20.04" - } - }, - "1.0.3": { - "py_versions": [ - "py39" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "2.0.1-tgi1.0.3", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "gpu": "cu118-ubuntu20.04" - } - }, - "1.1.0": { - "py_versions": [ - "py39" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "2.0.1-tgi1.1.0", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "gpu": "cu118-ubuntu20.04" - } - }, - "1.2.0": { - "py_versions": [ - "py310" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "2.1.1-tgi1.2.0", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "gpu": "cu121-ubuntu20.04" - } - }, - "1.3.1": { - "py_versions": [ - "py310" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "2.1.1-tgi1.3.1", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "gpu": "cu121-ubuntu20.04" - } - }, - "1.3.3": { - "py_versions": [ - "py310" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "2.1.1-tgi1.3.3", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "gpu": "cu121-ubuntu20.04" - } - }, - "1.4.0": { - "py_versions": [ - "py310" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "2.1.1-tgi1.4.0", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "gpu": "cu121-ubuntu20.04" - } - }, - "1.4.2": { - "py_versions": [ - "py310" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "2.1.1-tgi1.4.2", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "gpu": "cu121-ubuntu22.04" - } - }, - "1.4.5": { - "py_versions": [ - "py310" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "2.1.1-tgi1.4.5", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "gpu": "cu121-ubuntu22.04" - } - }, - "2.0.0": { - "py_versions": [ - "py310" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "2.1.1-tgi2.0.0", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "gpu": "cu121-ubuntu22.04" - } - }, - "2.0.1": { - "py_versions": [ - "py310" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "2.1.1-tgi2.0.1", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "gpu": "cu121-ubuntu22.04" - } - }, - "2.0.2": { - "py_versions": [ - "py310" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "2.3.0-tgi2.0.2", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "gpu": "cu121-ubuntu22.04" - } - }, - "2.2.0": { - "py_versions": [ - "py310" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "2.3.0-tgi2.2.0", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "gpu": "cu121-ubuntu22.04-v2.0" - } - }, - "2.3.1": { - "py_versions": [ - "py311" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "2.4.0-tgi2.3.1", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "gpu": "cu124-ubuntu22.04" - } - }, - "2.4.0": { - "py_versions": [ - "py311" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "2.4.0-tgi2.4.0", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "gpu": "cu124-ubuntu22.04-v2.2" - } - }, - "3.0.1": { - "py_versions": [ - "py311" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "2.4.0-tgi3.0.1", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "gpu": "cu124-ubuntu22.04-v2.1" - } - }, - "3.1.1": { - "py_versions": [ - "py311" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "2.6.0-tgi3.1.1", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "gpu": "cu124-ubuntu22.04" - } - }, - "3.2.0": { - "py_versions": [ - "py311" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "2.6.0-tgi3.2.0", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "gpu": "cu124-ubuntu22.04" - } - }, - "3.2.3": { - "py_versions": [ - "py311" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "tag_prefix": "2.6.0-tgi3.2.3", - "repository": "huggingface-pytorch-tgi-inference", - "container_version": { - "gpu": "cu124-ubuntu22.04" - } - } - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/huggingface-neuron.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/huggingface-neuron.json deleted file mode 100644 index 2a68282327..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/huggingface-neuron.json +++ /dev/null @@ -1,52 +0,0 @@ -{ - "inference": { - "processors": [ - "inf" - ], - "version_aliases": { - "4.12": "4.12.3" - }, - "versions": { - "4.12.3": { - "version_aliases": { - "pytorch1.9": "pytorch1.9.1" - }, - "pytorch1.9.1": { - "py_versions": [ - "py37" - ], - "repository": "huggingface-pytorch-inference-neuron", - "registries": { - "ap-east-2": "975050140332", - "ap-northeast-1": "763104351884", - "ap-south-1": "763104351884", - "ap-south-2": "772153158452", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-4": "457447274322", - "ap-southeast-5": "550225433462", - "ap-southeast-7": "590183813437", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-south-2": "503227376785", - "eu-west-1": "763104351884", - "eu-west-3": "763104351884", - "il-central-1": "780543022126", - "mx-central-1":"637423239942", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "container_version": { - "inf": "ubuntu18.04" - }, - "sdk_versions": [ - "sdk1.17.1" - ] - } - } - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/huggingface-neuronx.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/huggingface-neuronx.json deleted file mode 100644 index d39d58bb9e..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/huggingface-neuronx.json +++ /dev/null @@ -1,510 +0,0 @@ -{ - "training": { - "processors": [ - "trn" - ], - "version_aliases": { - "4.28": "4.28.1", - "4.34": "4.34.1", - "4.36": "4.36.2", - "4.43": "4.43.2", - "4.48": "4.48.1" - }, - "versions": { - "4.28.1": { - "version_aliases": { - "pytorch1.13": "pytorch1.13.0" - }, - "pytorch1.13.0": { - "py_versions": [ - "py38" - ], - "repository": "huggingface-pytorch-training-neuronx", - "registries": { - "ap-east-2": "975050140332", - "ap-northeast-1": "763104351884", - "ap-south-1": "763104351884", - "ap-south-2": "772153158452", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-4": "457447274322", - "ap-southeast-5": "550225433462", - "ap-southeast-7": "590183813437", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-south-2": "503227376785", - "eu-west-1": "763104351884", - "eu-west-3": "763104351884", - "il-central-1": "780543022126", - "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-2": "763104351884", - "ca-west-1": "204538143572" - }, - "container_version": { - "trn": "ubuntu20.04" - }, - "sdk_versions": [ - "sdk2.9.1" - ] - } - }, - "4.34.1": { - "version_aliases": { - "pytorch1.13": "pytorch1.13.1" - }, - "pytorch1.13.1": { - "py_versions": [ - "py310" - ], - "repository": "huggingface-pytorch-inference-neuronx", - "registries": { - "ap-east-2": "975050140332", - "ap-northeast-1": "763104351884", - "ap-south-1": "763104351884", - "ap-south-2": "772153158452", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-4": "457447274322", - "ap-southeast-5": "550225433462", - "ap-southeast-7": "590183813437", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-south-2": "503227376785", - "eu-west-1": "763104351884", - "eu-west-3": "763104351884", - "il-central-1": "780543022126", - "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-2": "763104351884", - "ca-west-1": "204538143572" - }, - "container_version": { - "inf": "ubuntu20.04" - }, - "sdk_versions": [ - "sdk2.15.0" - ] - } - }, - "4.36.2": { - "version_aliases": { - "pytorch1.13": "pytorch1.13.1" - }, - "pytorch1.13.1": { - "py_versions": [ - "py310" - ], - "repository": "huggingface-pytorch-inference-neuronx", - "registries": { - "ap-east-2": "975050140332", - "ap-northeast-1": "763104351884", - "ap-south-1": "763104351884", - "ap-south-2": "772153158452", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-4": "457447274322", - "ap-southeast-5": "550225433462", - "ap-southeast-7": "590183813437", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-south-2": "503227376785", - "eu-west-1": "763104351884", - "eu-west-3": "763104351884", - "il-central-1": "780543022126", - "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-2": "763104351884", - "ca-west-1": "204538143572" - }, - "container_version": { - "inf": "ubuntu20.04" - }, - "sdk_versions": [ - "sdk2.18.0" - ] - } - }, - "4.43.2": { - "version_aliases": { - "pytorch2.1": "pytorch2.1.2" - }, - "pytorch2.1.2": { - "py_versions": [ - "py310" - ], - "repository": "huggingface-pytorch-inference-neuronx", - "registries": { - "ap-northeast-1": "763104351884", - "ap-south-1": "763104351884", - "ap-south-2": "772153158452", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-4": "457447274322", - "ap-southeast-5": "550225433462", - "ap-southeast-7": "590183813437", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-south-2": "503227376785", - "eu-west-1": "763104351884", - "eu-west-3": "763104351884", - "il-central-1": "780543022126", - "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-2": "763104351884", - "ca-west-1": "204538143572" - }, - "container_version": { - "inf": "ubuntu20.04" - }, - "sdk_versions": [ - "sdk2.20.0" - ] - } - }, - "4.48.1": { - "version_aliases": { - "pytorch2.1": "pytorch2.1.2" - }, - "pytorch2.1.2": { - "py_versions": [ - "py310" - ], - "repository": "huggingface-pytorch-inference-neuronx", - "registries": { - "ap-northeast-1": "763104351884", - "ap-south-1": "763104351884", - "ap-south-2": "772153158452", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-4": "457447274322", - "ap-southeast-5": "550225433462", - "ap-southeast-7": "590183813437", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-south-2": "503227376785", - "eu-west-1": "763104351884", - "eu-west-3": "763104351884", - "il-central-1": "780543022126", - "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-2": "763104351884", - "ca-west-1": "204538143572" - }, - "container_version": { - "inf": "ubuntu20.04" - }, - "sdk_versions": [ - "sdk2.20.0" - ] - } - } - } - }, - "inference": { - "processors": [ - "inf" - ], - "version_aliases": { - "4.28": "4.28.1", - "4.34": "4.34.1", - "4.36": "4.36.2", - "4.43": "4.43.2" - }, - "versions": { - "4.28.1": { - "version_aliases": { - "pytorch1.13": "pytorch1.13.0" - }, - "pytorch1.13.0": { - "py_versions": [ - "py38" - ], - "repository": "huggingface-pytorch-inference-neuronx", - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "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-4": "457447274322", - "ap-southeast-5": "550225433462", - "ap-southeast-7": "590183813437", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "container_version": { - "inf": "ubuntu20.04" - }, - "sdk_versions": [ - "sdk2.9.1" - ] - } - }, - "4.34.1": { - "version_aliases": { - "pytorch1.13": "pytorch1.13.1" - }, - "pytorch1.13.1": { - "py_versions": [ - "py310" - ], - "repository": "huggingface-pytorch-inference-neuronx", - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "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-4": "457447274322", - "ap-southeast-5": "550225433462", - "ap-southeast-7": "590183813437", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "container_version": { - "inf": "ubuntu20.04" - }, - "sdk_versions": [ - "sdk2.15.0" - ] - } - }, - "4.36.2": { - "version_aliases": { - "pytorch1.13": "pytorch1.13.1", - "pytorch2.1": "pytorch2.1.2" - }, - "pytorch1.13.1": { - "py_versions": [ - "py310" - ], - "repository": "huggingface-pytorch-inference-neuronx", - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "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-4": "457447274322", - "ap-southeast-5": "550225433462", - "ap-southeast-7": "590183813437", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "container_version": { - "inf": "ubuntu20.04" - }, - "sdk_versions": [ - "sdk2.16.1" - ] - }, - "pytorch2.1.2": { - "py_versions": [ - "py310" - ], - "repository": "huggingface-pytorch-inference-neuronx", - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "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-4": "457447274322", - "ap-southeast-5": "550225433462", - "ap-southeast-7": "590183813437", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "container_version": { - "inf": "ubuntu20.04" - }, - "sdk_versions": [ - "sdk2.18.0" - ] - } - }, - "4.43.2": { - "version_aliases": { - "pytorch2.1": "pytorch2.1.2" - }, - "pytorch2.1.2": { - "py_versions": [ - "py310" - ], - "repository": "huggingface-pytorch-inference-neuronx", - "registries": { - "ap-northeast-1": "763104351884", - "ap-south-1": "763104351884", - "ap-south-2": "772153158452", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-4": "457447274322", - "ap-southeast-5": "550225433462", - "ap-southeast-7": "590183813437", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-south-2": "503227376785", - "eu-west-1": "763104351884", - "eu-west-3": "763104351884", - "il-central-1": "780543022126", - "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-2": "763104351884", - "ca-west-1": "204538143572" - }, - "container_version": { - "inf": "ubuntu20.04" - }, - "sdk_versions": [ - "sdk2.20.0" - ] - } - } - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/huggingface-tei-cpu.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/huggingface-tei-cpu.json deleted file mode 100644 index d693106c1d..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/huggingface-tei-cpu.json +++ /dev/null @@ -1,298 +0,0 @@ -{ - "inference": { - "processors": [ - "cpu" - ], - "version_aliases": { - "1.2": "1.2.3", - "1.4": "1.4.0", - "1.6": "1.6.0", - "1.7": "1.7.0", - "1.8": "1.8.2" - }, - "versions": { - "1.2.3": { - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "tag_prefix": "2.0.1-tei1.2.3", - "repository": "tei-cpu", - "container_version": { - "cpu": "ubuntu22.04" - } - }, - "1.4.0":{ - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "tag_prefix": "2.0.1-tei1.4.0", - "repository": "tei-cpu", - "container_version": { - "cpu": "ubuntu22.04" - } - }, - "1.6.0":{ - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "tag_prefix": "2.0.1-tei1.6.0", - "repository": "tei-cpu", - "container_version": { - "cpu": "ubuntu22.04" - } - }, - "1.7.0":{ - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "tag_prefix": "2.0.1-tei1.7.0", - "repository": "tei-cpu", - "container_version": { - "cpu": "ubuntu22.04" - } - }, - "1.8.0":{ - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "tag_prefix": "2.0.1-tei1.8.0", - "repository": "tei-cpu", - "container_version": { - "cpu": "ubuntu22.04" - } - }, - "1.8.2":{ - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "tag_prefix": "2.0.1-tei1.8.2", - "repository": "tei-cpu", - "container_version": { - "cpu": "ubuntu22.04" - } - } - } - } -} diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/huggingface-tei.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/huggingface-tei.json deleted file mode 100644 index 2df6abea11..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/huggingface-tei.json +++ /dev/null @@ -1,298 +0,0 @@ -{ - "inference": { - "processors": [ - "gpu" - ], - "version_aliases": { - "1.2": "1.2.3", - "1.4": "1.4.0", - "1.6": "1.6.0", - "1.7": "1.7.0", - "1.8": "1.8.2" - }, - "versions": { - "1.2.3": { - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "tag_prefix": "2.0.1-tei1.2.3", - "repository": "tei", - "container_version": { - "gpu": "cu122-ubuntu22.04" - } - }, - "1.4.0": { - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "tag_prefix": "2.0.1-tei1.4.0", - "repository": "tei", - "container_version": { - "gpu": "cu122-ubuntu22.04" - } - }, - "1.6.0": { - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "tag_prefix": "2.0.1-tei1.6.0", - "repository": "tei", - "container_version": { - "gpu": "cu122-ubuntu22.04" - } - }, - "1.7.0": { - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "tag_prefix": "2.0.1-tei1.7.0", - "repository": "tei", - "container_version": { - "gpu": "cu122-ubuntu22.04" - } - }, - "1.8.0": { - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "tag_prefix": "2.0.1-tei1.8.0", - "repository": "tei", - "container_version": { - "gpu": "cu122-ubuntu22.04" - } - }, - "1.8.2": { - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "tag_prefix": "2.0.1-tei1.8.2", - "repository": "tei", - "container_version": { - "gpu": "cu122-ubuntu22.04" - } - } - } - } -} diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/huggingface-training-compiler.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/huggingface-training-compiler.json deleted file mode 100644 index c84469acc2..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/huggingface-training-compiler.json +++ /dev/null @@ -1,195 +0,0 @@ -{ - "training": { - "processors": [ - "gpu" - ], - "version_aliases": { - "4.11": "4.11.0", - "4.17": "4.17.0", - "4.21": "4.21.1" - }, - "versions": { - "4.11.0": { - "version_aliases": { - "pytorch1.9": "pytorch1.9.0", - "tensorflow2.5": "tensorflow2.5.1" - }, - "pytorch1.9.0": { - "py_versions": [ - "py38" - ], - "registries": { - "eu-west-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-trcomp-training", - "container_version": { - "gpu": "cu111-ubuntu20.04" - } - }, - "tensorflow2.5.1": { - "py_versions": [ - "py37" - ], - "registries": { - "eu-west-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-tensorflow-trcomp-training", - "container_version": { - "gpu": "cu112-ubuntu18.04" - } - } - }, - "4.17.0": { - "version_aliases": { - "pytorch1.10": "pytorch1.10.2", - "tensorflow2.6": "tensorflow2.6.3" - }, - "pytorch1.10.2": { - "py_versions": [ - "py38" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "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", - "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", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "mx-central-1":"637423239942", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-trcomp-training", - "container_version": { - "gpu": "cu113-ubuntu20.04" - } - }, - "tensorflow2.6.3": { - "py_versions": [ - "py38" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "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", - "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", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "mx-central-1":"637423239942", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-tensorflow-trcomp-training", - "container_version": { - "gpu": "cu112-ubuntu20.04" - } - } - }, - "4.21.1": { - "version_aliases": { - "pytorch1.11": "pytorch1.11.0" - }, - "pytorch1.11.0": { - "py_versions": [ - "py38" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "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", - "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", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "mx-central-1":"637423239942", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-trcomp-training", - "container_version": { - "gpu": "cu113-ubuntu20.04" - } - } - } - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/huggingface.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/huggingface.json deleted file mode 100644 index 475a82aeec..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/huggingface.json +++ /dev/null @@ -1,2138 +0,0 @@ -{ - "training": { - "processors": [ - "gpu" - ], - "version_aliases": { - "4.4": "4.4.2", - "4.5": "4.5.0", - "4.6": "4.6.1", - "4.10": "4.10.2", - "4.11": "4.11.0", - "4.12": "4.12.3", - "4.17": "4.17.0", - "4.26": "4.26.0", - "4.28": "4.28.1", - "4.36": "4.36.0", - "4.46": "4.46.1", - "4.48": "4.48.0", - "4.49": "4.49.0" - }, - "versions": { - "4.4.2": { - "version_aliases": { - "pytorch1.6": "pytorch1.6.0", - "tensorflow2.4": "tensorflow2.4.1" - }, - "pytorch1.6.0": { - "py_versions": [ - "py36" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-training" - }, - "tensorflow2.4.1": { - "py_versions": [ - "py37" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "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", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-tensorflow-training" - } - }, - "4.5.0": { - "version_aliases": { - "pytorch1.6": "pytorch1.6.0", - "tensorflow2.4": "tensorflow2.4.1" - }, - "pytorch1.6.0": { - "py_versions": [ - "py36" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-training" - }, - "tensorflow2.4.1": { - "py_versions": [ - "py37" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "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", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-tensorflow-training" - } - }, - "4.6.1": { - "version_aliases": { - "pytorch1.6": "pytorch1.6.0", - "pytorch1.7": "pytorch1.7.1", - "pytorch1.8": "pytorch1.8.1", - "tensorflow2.4": "tensorflow2.4.1" - }, - "pytorch1.6.0": { - "py_versions": [ - "py36" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-training", - "container_version": { - "gpu": "cu110-ubuntu18.04" - } - }, - "pytorch1.7.1": { - "py_versions": [ - "py36" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-training", - "container_version": { - "gpu": "cu110-ubuntu18.04" - } - }, - "pytorch1.8.1": { - "py_versions": [ - "py36" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-training", - "container_version": { - "gpu": "cu111-ubuntu18.04" - } - }, - "tensorflow2.4.1": { - "py_versions": [ - "py37" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "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", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-tensorflow-training", - "container_version": { - "gpu": "cu110-ubuntu18.04" - } - } - }, - "4.10.2": { - "version_aliases": { - "pytorch1.8": "pytorch1.8.1", - "pytorch1.9": "pytorch1.9.0", - "tensorflow2.4": "tensorflow2.4.1", - "tensorflow2.5": "tensorflow2.5.1" - }, - "pytorch1.8.1": { - "py_versions": [ - "py36" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-training", - "container_version": { - "gpu": "cu110-ubuntu18.04" - } - }, - "pytorch1.9.0": { - "py_versions": [ - "py38" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-training", - "container_version": { - "gpu": "cu111-ubuntu20.04" - } - }, - "tensorflow2.4.1": { - "py_versions": [ - "py37" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "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", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-tensorflow-training", - "container_version": { - "gpu": "cu110-ubuntu18.04" - } - }, - "tensorflow2.5.1": { - "py_versions": [ - "py37" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "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", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-tensorflow-training", - "container_version": { - "gpu": "cu112-ubuntu18.04" - } - } - }, - "4.11.0": { - "version_aliases": { - "pytorch1.9": "pytorch1.9.0", - "tensorflow2.5": "tensorflow2.5.1" - }, - "pytorch1.9.0": { - "py_versions": [ - "py38" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-training", - "container_version": { - "gpu": "cu111-ubuntu20.04" - } - }, - "tensorflow2.5.1": { - "py_versions": [ - "py37" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "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", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-tensorflow-training", - "container_version": { - "gpu": "cu112-ubuntu18.04" - } - } - }, - "4.12.3": { - "version_aliases": { - "pytorch1.9": "pytorch1.9.1", - "tensorflow2.5": "tensorflow2.5.1" - }, - "pytorch1.9.1": { - "py_versions": [ - "py38" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-training", - "container_version": { - "gpu": "cu111-ubuntu20.04" - } - }, - "tensorflow2.5.1": { - "py_versions": [ - "py37" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "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", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-tensorflow-training", - "container_version": { - "gpu": "cu112-ubuntu18.04" - } - } - }, - "4.17.0": { - "version_aliases": { - "pytorch1.10": "pytorch1.10.2", - "tensorflow2.6": "tensorflow2.6.3" - }, - "pytorch1.10.2": { - "py_versions": [ - "py38" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-training", - "container_version": { - "gpu": "cu113-ubuntu20.04" - } - }, - "tensorflow2.6.3": { - "py_versions": [ - "py38" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "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", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-tensorflow-training", - "container_version": { - "gpu": "cu112-ubuntu20.04" - } - } - }, - "4.26.0": { - "version_aliases": { - "pytorch1.13": "pytorch1.13.1" - }, - "pytorch1.13.1": { - "py_versions": [ - "py39" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-training", - "container_version": { - "gpu": "cu117-ubuntu20.04" - } - } - }, - "4.28.1": { - "version_aliases": { - "pytorch2.0": "pytorch2.0.0" - }, - "pytorch2.0.0": { - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-training", - "container_version": { - "gpu": "cu118-ubuntu20.04" - } - } - }, - "4.36.0": { - "version_aliases": { - "pytorch2.1": "pytorch2.1.0" - }, - "pytorch2.1.0": { - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-training", - "container_version": { - "gpu": "cu121-ubuntu20.04" - } - } - }, - "4.46.1": { - "version_aliases": { - "pytorch2.3": "pytorch2.3.0" - }, - "pytorch2.3.0": { - "py_versions": [ - "py311" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-training", - "container_version": { - "gpu": "cu121-ubuntu20.04" - } - } - }, - "4.48.0": { - "version_aliases": { - "pytorch2.3": "pytorch2.3.0" - }, - "pytorch2.3.0": { - "py_versions": [ - "py311" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-training", - "container_version": { - "gpu": "cu121-ubuntu20.04" - } - } - }, - "4.49.0": { - "version_aliases": { - "pytorch2.5": "pytorch2.5.1" - }, - "pytorch2.5.1": { - "py_versions": [ - "py311" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-training", - "container_version": { - "gpu": "cu124-ubuntu22.04" - } - } - } - } - }, - "inference": { - "processors": [ - "gpu", - "cpu" - ], - "version_aliases": { - "4.6": "4.6.1", - "4.10": "4.10.2", - "4.11": "4.11.0", - "4.12": "4.12.3", - "4.17": "4.17.0", - "4.26": "4.26.0", - "4.28": "4.28.1", - "4.37": "4.37.0", - "4.49": "4.49.0" - }, - "versions": { - "4.6.1": { - "version_aliases": { - "pytorch1.7": "pytorch1.7.1", - "tensorflow2.4": "tensorflow2.4.1" - }, - "pytorch1.7.1": { - "py_versions": [ - "py36" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-inference", - "container_version": { - "gpu": "cu110-ubuntu18.04", - "cpu": "ubuntu18.04" - } - }, - "pytorch1.8.1": { - "py_versions": [ - "py36" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-inference", - "container_version": { - "gpu": "cu111-ubuntu18.04", - "cpu": "ubuntu18.04" - } - }, - "tensorflow2.4.1": { - "py_versions": [ - "py37" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "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", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-tensorflow-inference", - "container_version": { - "gpu": "cu110-ubuntu18.04", - "cpu": "ubuntu18.04" - } - } - }, - "4.10.2": { - "version_aliases": { - "pytorch1.8": "pytorch1.8.1", - "pytorch1.9": "pytorch1.9.0", - "tensorflow2.4": "tensorflow2.4.1", - "tensorflow2.5": "tensorflow2.5.1" - }, - "pytorch1.8.1": { - "py_versions": [ - "py36" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-inference", - "container_version": { - "gpu": "cu111-ubuntu18.04", - "cpu": "ubuntu18.04" - } - }, - "pytorch1.9.0": { - "py_versions": [ - "py38" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-inference", - "container_version": { - "gpu": "cu111-ubuntu20.04", - "cpu": "ubuntu20.04" - } - }, - "tensorflow2.4.1": { - "py_versions": [ - "py37" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "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", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-tensorflow-inference", - "container_version": { - "gpu": "cu110-ubuntu18.04", - "cpu": "ubuntu18.04" - } - }, - "tensorflow2.5.1": { - "py_versions": [ - "py37" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "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", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-tensorflow-inference", - "container_version": { - "gpu": "cu112-ubuntu18.04", - "cpu": "ubuntu18.04" - } - } - }, - "4.11.0": { - "version_aliases": { - "pytorch1.9": "pytorch1.9.0", - "tensorflow2.5": "tensorflow2.5.1" - }, - "pytorch1.9.0": { - "py_versions": [ - "py38" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-inference", - "container_version": { - "gpu": "cu111-ubuntu20.04", - "cpu": "ubuntu20.04" - } - }, - "tensorflow2.5.1": { - "py_versions": [ - "py37" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "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", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-tensorflow-inference", - "container_version": { - "gpu": "cu112-ubuntu18.04", - "cpu": "ubuntu18.04" - } - } - }, - "4.12.3": { - "version_aliases": { - "pytorch1.9": "pytorch1.9.1", - "tensorflow2.5": "tensorflow2.5.1" - }, - "pytorch1.9.1": { - "py_versions": [ - "py38" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-inference", - "container_version": { - "gpu": "cu111-ubuntu20.04", - "cpu": "ubuntu20.04" - } - }, - "tensorflow2.5.1": { - "py_versions": [ - "py37" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "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", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-tensorflow-inference", - "container_version": { - "gpu": "cu112-ubuntu18.04", - "cpu": "ubuntu18.04" - } - } - }, - "4.17.0": { - "version_aliases": { - "pytorch1.10": "pytorch1.10.2", - "tensorflow2.6": "tensorflow2.6.3" - }, - "pytorch1.10.2": { - "py_versions": [ - "py38" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-inference", - "container_version": { - "gpu": "cu113-ubuntu20.04", - "cpu": "ubuntu20.04" - } - }, - "tensorflow2.6.3": { - "py_versions": [ - "py38" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "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", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-tensorflow-inference", - "container_version": { - "gpu": "cu112-ubuntu20.04", - "cpu": "ubuntu20.04" - } - } - }, - "4.26.0": { - "version_aliases": { - "pytorch1.13": "pytorch1.13.1", - "tensorflow2.11": "tensorflow2.11.0" - }, - "pytorch1.13.1": { - "py_versions": [ - "py39" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-inference", - "container_version": { - "gpu": "cu117-ubuntu20.04", - "cpu": "ubuntu20.04" - } - }, - "tensorflow2.11.0": { - "py_versions": [ - "py39" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "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", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-tensorflow-inference", - "container_version": { - "gpu": "cu112-ubuntu20.04", - "cpu": "ubuntu20.04" - } - } - }, - "4.28.1": { - "version_aliases": { - "pytorch2.0": "pytorch2.0.0" - }, - "pytorch2.0.0": { - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-inference", - "container_version": { - "gpu": "cu118-ubuntu20.04", - "cpu": "ubuntu20.04" - } - } - }, - "4.37.0": { - "version_aliases": { - "pytorch2.1": "pytorch2.1.0" - }, - "pytorch2.1.0": { - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-inference", - "container_version": { - "gpu": "cu118-ubuntu20.04", - "cpu": "ubuntu22.04" - } - } - }, - "4.48.0": { - "version_aliases": { - "pytorch2.3": "pytorch2.3.0" - }, - "pytorch2.3.0": { - "py_versions": [ - "py311" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-inference", - "container_version": { - "gpu": "cu121-ubuntu22.04", - "cpu": "ubuntu22.04" - } - } - }, - "4.49.0": { - "version_aliases": { - "pytorch2.6": "pytorch2.6.0" - }, - "pytorch2.6.0": { - "py_versions": [ - "py312" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "huggingface-pytorch-inference", - "container_version": { - "gpu": "cu124-ubuntu22.04", - "cpu": "ubuntu22.04" - } - } - } - } - } -} diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/hyperpod-recipes-neuron.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/hyperpod-recipes-neuron.json deleted file mode 100644 index cd5a69bfe2..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/hyperpod-recipes-neuron.json +++ /dev/null @@ -1,52 +0,0 @@ -{ - "training": { - "processors": [ - "neuronx" - ], - "version_aliases": { - "2.1.2": "2.1.2" - }, - "versions": { - "2.1.2": { - "py_versions": [ - "py310" - ], - "repository": "pytorch-training-neuronx", - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-south-2": "503227376785", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "il-central-1": "780543022126", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572", - "ca-central-1": "763104351884" - }, - "container_version": { - "neuronx": "ubuntu20.04" - }, - "sdk_versions": [ - "sdk2.20.2" - ] - } - } - } -} diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/image-classification-neo.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/image-classification-neo.json deleted file mode 100644 index 09e019a7de..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/image-classification-neo.json +++ /dev/null @@ -1,43 +0,0 @@ -{ - "scope": [ - "inference" - ], - "versions": { - "latest": { - "registries": { - "af-south-1": "774647643957", - "ap-east-1": "110948597952", - "ap-northeast-1": "941853720454", - "ap-northeast-2": "151534178276", - "ap-northeast-3": "925152966179", - "ap-south-1": "763008648453", - "ap-southeast-1": "324986816169", - "ap-southeast-2": "355873309152", - "ca-central-1": "464438896020", - "cn-north-1": "472730292857", - "cn-northwest-1": "474822919863", - "eu-central-1": "746233611703", - "eu-central-2": "010526262399", - "eu-north-1": "601324751636", - "eu-south-1": "966458181534", - "eu-west-1": "802834080501", - "eu-west-2": "205493899709", - "eu-west-3": "254080097072", - "il-central-1": "275950707576", - "me-south-1": "836785723513", - "sa-east-1": "756306329178", - "us-east-1": "785573368785", - "us-east-2": "007439368137", - "us-gov-east-1": "227234621604", - "us-gov-west-1": "263933020539", - "us-iso-east-1": "167761179201", - "us-isob-east-1": "406031935815", - "us-isof-east-1": "751086301963", - "us-isof-south-1": "935523707064", - "us-west-1": "710691900526", - "us-west-2": "301217895009" - }, - "repository": "image-classification-neo" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/image-classification.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/image-classification.json deleted file mode 100644 index 4fed1dea20..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/image-classification.json +++ /dev/null @@ -1,50 +0,0 @@ -{ - "scope": [ - "inference", - "training" - ], - "versions": { - "1": { - "registries": { - "af-south-1": "455444449433", - "ap-east-1": "286214385809", - "ap-northeast-1": "501404015308", - "ap-northeast-2": "306986355934", - "ap-northeast-3": "867004704886", - "ap-south-1": "991648021394", - "ap-south-2": "628508329040", - "ap-southeast-1": "475088953585", - "ap-southeast-2": "544295431143", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "469771592824", - "ca-west-1": "190319476487", - "cn-north-1": "390948362332", - "cn-northwest-1": "387376663083", - "eu-central-1": "813361260812", - "eu-central-2": "680994064768", - "eu-north-1": "669576153137", - "eu-south-1": "257386234256", - "eu-south-2": "104374241257", - "eu-west-1": "685385470294", - "eu-west-2": "644912444149", - "eu-west-3": "749696950732", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "249704162688", - "sa-east-1": "855470959533", - "us-east-1": "811284229777", - "us-east-2": "825641698319", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "226302683700", - "us-iso-east-1": "490574956308", - "us-isob-east-1": "765400339828", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "632365934929", - "us-west-2": "433757028032" - }, - "repository": "image-classification" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/inferentia-mxnet.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/inferentia-mxnet.json deleted file mode 100644 index 8cefb7cf0f..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/inferentia-mxnet.json +++ /dev/null @@ -1,88 +0,0 @@ -{ - "processors": [ - "inf" - ], - "scope": [ - "inference" - ], - "versions": { - "1.5.1": { - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "774647643957", - "ap-east-1": "110948597952", - "ap-northeast-1": "941853720454", - "ap-northeast-2": "151534178276", - "ap-northeast-3": "925152966179", - "ap-south-1": "763008648453", - "ap-southeast-1": "324986816169", - "ap-southeast-2": "355873309152", - "ca-central-1": "464438896020", - "cn-north-1": "472730292857", - "cn-northwest-1": "474822919863", - "eu-central-1": "746233611703", - "eu-central-2": "010526262399", - "eu-north-1": "601324751636", - "eu-south-1": "966458181534", - "eu-west-1": "802834080501", - "eu-west-2": "205493899709", - "eu-west-3": "254080097072", - "il-central-1": "275950707576", - "me-south-1": "836785723513", - "sa-east-1": "756306329178", - "us-east-1": "785573368785", - "us-east-2": "007439368137", - "us-gov-east-1": "227234621604", - "us-gov-west-1": "263933020539", - "us-iso-east-1": "167761179201", - "us-isob-east-1": "406031935815", - "us-isof-east-1": "751086301963", - "us-isof-south-1": "935523707064", - "us-west-1": "710691900526", - "us-west-2": "301217895009" - }, - "repository": "sagemaker-neo-mxnet" - }, - "1.8": { - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "774647643957", - "ap-east-1": "110948597952", - "ap-northeast-1": "941853720454", - "ap-northeast-2": "151534178276", - "ap-northeast-3": "925152966179", - "ap-south-1": "763008648453", - "ap-southeast-1": "324986816169", - "ap-southeast-2": "355873309152", - "ca-central-1": "464438896020", - "cn-north-1": "472730292857", - "cn-northwest-1": "474822919863", - "eu-central-1": "746233611703", - "eu-central-2": "010526262399", - "eu-north-1": "601324751636", - "eu-south-1": "966458181534", - "eu-west-1": "802834080501", - "eu-west-2": "205493899709", - "eu-west-3": "254080097072", - "il-central-1": "275950707576", - "me-south-1": "836785723513", - "sa-east-1": "756306329178", - "us-east-1": "785573368785", - "us-east-2": "007439368137", - "us-gov-east-1": "227234621604", - "us-gov-west-1": "263933020539", - "us-iso-east-1": "167761179201", - "us-isob-east-1": "406031935815", - "us-isof-east-1": "751086301963", - "us-isof-south-1": "935523707064", - "us-west-1": "710691900526", - "us-west-2": "301217895009" - }, - "repository": "sagemaker-neo-mxnet" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/inferentia-pytorch.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/inferentia-pytorch.json deleted file mode 100644 index db61749216..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/inferentia-pytorch.json +++ /dev/null @@ -1,127 +0,0 @@ -{ - "processors": [ - "inf" - ], - "scope": [ - "inference" - ], - "versions": { - "1.7": { - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "774647643957", - "ap-east-1": "110948597952", - "ap-northeast-1": "941853720454", - "ap-northeast-2": "151534178276", - "ap-northeast-3": "925152966179", - "ap-south-1": "763008648453", - "ap-southeast-1": "324986816169", - "ap-southeast-2": "355873309152", - "ca-central-1": "464438896020", - "cn-north-1": "472730292857", - "cn-northwest-1": "474822919863", - "eu-central-1": "746233611703", - "eu-central-2": "010526262399", - "eu-north-1": "601324751636", - "eu-south-1": "966458181534", - "eu-west-1": "802834080501", - "eu-west-2": "205493899709", - "eu-west-3": "254080097072", - "il-central-1": "275950707576", - "me-south-1": "836785723513", - "sa-east-1": "756306329178", - "us-east-1": "785573368785", - "us-east-2": "007439368137", - "us-gov-east-1": "227234621604", - "us-gov-west-1": "263933020539", - "us-iso-east-1": "167761179201", - "us-isob-east-1": "406031935815", - "us-isof-east-1": "751086301963", - "us-isof-south-1": "935523707064", - "us-west-1": "710691900526", - "us-west-2": "301217895009" - }, - "repository": "sagemaker-neo-pytorch" - }, - "1.8": { - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "774647643957", - "ap-east-1": "110948597952", - "ap-northeast-1": "941853720454", - "ap-northeast-2": "151534178276", - "ap-northeast-3": "925152966179", - "ap-south-1": "763008648453", - "ap-southeast-1": "324986816169", - "ap-southeast-2": "355873309152", - "ca-central-1": "464438896020", - "cn-north-1": "472730292857", - "cn-northwest-1": "474822919863", - "eu-central-1": "746233611703", - "eu-central-2": "010526262399", - "eu-north-1": "601324751636", - "eu-south-1": "966458181534", - "eu-west-1": "802834080501", - "eu-west-2": "205493899709", - "eu-west-3": "254080097072", - "il-central-1": "275950707576", - "me-south-1": "836785723513", - "sa-east-1": "756306329178", - "us-east-1": "785573368785", - "us-east-2": "007439368137", - "us-gov-east-1": "227234621604", - "us-gov-west-1": "263933020539", - "us-iso-east-1": "167761179201", - "us-isob-east-1": "406031935815", - "us-isof-east-1": "751086301963", - "us-isof-south-1": "935523707064", - "us-west-1": "710691900526", - "us-west-2": "301217895009" - }, - "repository": "sagemaker-neo-pytorch" - }, - "1.9": { - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "774647643957", - "ap-east-1": "110948597952", - "ap-northeast-1": "941853720454", - "ap-northeast-2": "151534178276", - "ap-northeast-3": "925152966179", - "ap-south-1": "763008648453", - "ap-southeast-1": "324986816169", - "ap-southeast-2": "355873309152", - "ca-central-1": "464438896020", - "cn-north-1": "472730292857", - "cn-northwest-1": "474822919863", - "eu-central-1": "746233611703", - "eu-central-2": "010526262399", - "eu-north-1": "601324751636", - "eu-south-1": "966458181534", - "eu-west-1": "802834080501", - "eu-west-2": "205493899709", - "eu-west-3": "254080097072", - "il-central-1": "275950707576", - "me-south-1": "836785723513", - "sa-east-1": "756306329178", - "us-east-1": "785573368785", - "us-east-2": "007439368137", - "us-gov-east-1": "227234621604", - "us-gov-west-1": "263933020539", - "us-iso-east-1": "167761179201", - "us-isob-east-1": "406031935815", - "us-isof-east-1": "751086301963", - "us-isof-south-1": "935523707064", - "us-west-1": "710691900526", - "us-west-2": "301217895009" - }, - "repository": "sagemaker-neo-pytorch" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/inferentia-tensorflow.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/inferentia-tensorflow.json deleted file mode 100644 index 7954d2c11f..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/inferentia-tensorflow.json +++ /dev/null @@ -1,88 +0,0 @@ -{ - "processors": [ - "inf" - ], - "scope": [ - "inference" - ], - "versions": { - "1.15.0": { - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "774647643957", - "ap-east-1": "110948597952", - "ap-northeast-1": "941853720454", - "ap-northeast-2": "151534178276", - "ap-northeast-3": "925152966179", - "ap-south-1": "763008648453", - "ap-southeast-1": "324986816169", - "ap-southeast-2": "355873309152", - "ca-central-1": "464438896020", - "cn-north-1": "472730292857", - "cn-northwest-1": "474822919863", - "eu-central-1": "746233611703", - "eu-central-2": "010526262399", - "eu-north-1": "601324751636", - "eu-south-1": "966458181534", - "eu-west-1": "802834080501", - "eu-west-2": "205493899709", - "eu-west-3": "254080097072", - "il-central-1": "275950707576", - "me-south-1": "836785723513", - "sa-east-1": "756306329178", - "us-east-1": "785573368785", - "us-east-2": "007439368137", - "us-gov-east-1": "227234621604", - "us-gov-west-1": "263933020539", - "us-iso-east-1": "167761179201", - "us-isob-east-1": "406031935815", - "us-isof-east-1": "751086301963", - "us-isof-south-1": "935523707064", - "us-west-1": "710691900526", - "us-west-2": "301217895009" - }, - "repository": "sagemaker-neo-tensorflow" - }, - "2.5.2": { - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "774647643957", - "ap-east-1": "110948597952", - "ap-northeast-1": "941853720454", - "ap-northeast-2": "151534178276", - "ap-northeast-3": "925152966179", - "ap-south-1": "763008648453", - "ap-southeast-1": "324986816169", - "ap-southeast-2": "355873309152", - "ca-central-1": "464438896020", - "cn-north-1": "472730292857", - "cn-northwest-1": "474822919863", - "eu-central-1": "746233611703", - "eu-central-2": "010526262399", - "eu-north-1": "601324751636", - "eu-south-1": "966458181534", - "eu-west-1": "802834080501", - "eu-west-2": "205493899709", - "eu-west-3": "254080097072", - "il-central-1": "275950707576", - "me-south-1": "836785723513", - "sa-east-1": "756306329178", - "us-east-1": "785573368785", - "us-east-2": "007439368137", - "us-gov-east-1": "227234621604", - "us-gov-west-1": "263933020539", - "us-iso-east-1": "167761179201", - "us-isob-east-1": "406031935815", - "us-isof-east-1": "751086301963", - "us-isof-south-1": "935523707064", - "us-west-1": "710691900526", - "us-west-2": "301217895009" - }, - "repository": "sagemaker-neo-tensorflow" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/instance_gpu_info.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/instance_gpu_info.json deleted file mode 100644 index e64a9bcf88..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/instance_gpu_info.json +++ /dev/null @@ -1,782 +0,0 @@ -{ - "af-south-1": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104} - }, - "ap-east-1": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104} - }, - "ap-northeast-1": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104} - }, - "ap-northeast-2": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104} - }, - "ap-northeast-3": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104} - }, - "ap-south-1": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104} - }, - "ap-southeast-1": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104} - }, - "ap-southeast-2": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104} - }, - "ap-southeast-3": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104} - }, - "ca-central-1": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104} - }, - "cn-north-1": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104} - }, - "cn-northwest-1": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104} - }, - "eu-central-1": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104} - }, - "eu-central-2": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104} - }, - "eu-north-1": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104} - }, - "eu-south-1": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104} - }, - "eu-south-2": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104} - }, - "eu-west-1": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104} - }, - "eu-west-2": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104} - }, - "eu-west-3": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104} - }, - "il-central-1": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104} - }, - "me-central-1": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104} - }, - "me-south-1": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104} - }, - "sa-east-1": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104} - }, - "us-east-1": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104} - }, - "us-east-2": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104} - }, - "us-gov-east-1": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104} - }, - "us-gov-west-1": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104} - }, - "us-west-1": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104} - }, - "us-west-2": { - "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680}, - "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360}, - "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072}, - "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144}, - "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288}, - "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304}, - "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608}, - "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384}, - "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536}, - "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576}, - "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304}, - "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104} - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/ipinsights.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/ipinsights.json deleted file mode 100644 index 175ab06c38..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/ipinsights.json +++ /dev/null @@ -1,50 +0,0 @@ -{ - "scope": [ - "inference", - "training" - ], - "versions": { - "1": { - "registries": { - "af-south-1": "455444449433", - "ap-east-1": "286214385809", - "ap-northeast-1": "351501993468", - "ap-northeast-2": "835164637446", - "ap-northeast-3": "867004704886", - "ap-south-1": "991648021394", - "ap-south-2": "628508329040", - "ap-southeast-1": "475088953585", - "ap-southeast-2": "712309505854", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "469771592824", - "ca-west-1": "190319476487", - "cn-north-1": "390948362332", - "cn-northwest-1": "387376663083", - "eu-central-1": "664544806723", - "eu-central-2": "680994064768", - "eu-north-1": "669576153137", - "eu-south-1": "257386234256", - "eu-south-2": "104374241257", - "eu-west-1": "438346466558", - "eu-west-2": "644912444149", - "eu-west-3": "749696950732", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "249704162688", - "sa-east-1": "855470959533", - "us-east-1": "382416733822", - "us-east-2": "404615174143", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "226302683700", - "us-iso-east-1": "490574956308", - "us-isob-east-1": "765400339828", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "632365934929", - "us-west-2": "174872318107" - }, - "repository": "ipinsights" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/kmeans.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/kmeans.json deleted file mode 100644 index bffca1e5b7..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/kmeans.json +++ /dev/null @@ -1,50 +0,0 @@ -{ - "scope": [ - "inference", - "training" - ], - "versions": { - "1": { - "registries": { - "af-south-1": "455444449433", - "ap-east-1": "286214385809", - "ap-northeast-1": "351501993468", - "ap-northeast-2": "835164637446", - "ap-northeast-3": "867004704886", - "ap-south-1": "991648021394", - "ap-south-2": "628508329040", - "ap-southeast-1": "475088953585", - "ap-southeast-2": "712309505854", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "469771592824", - "ca-west-1": "190319476487", - "cn-north-1": "390948362332", - "cn-northwest-1": "387376663083", - "eu-central-1": "664544806723", - "eu-central-2": "680994064768", - "eu-north-1": "669576153137", - "eu-south-1": "257386234256", - "eu-south-2": "104374241257", - "eu-west-1": "438346466558", - "eu-west-2": "644912444149", - "eu-west-3": "749696950732", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "249704162688", - "sa-east-1": "855470959533", - "us-east-1": "382416733822", - "us-east-2": "404615174143", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "226302683700", - "us-iso-east-1": "490574956308", - "us-isob-east-1": "765400339828", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "632365934929", - "us-west-2": "174872318107" - }, - "repository": "kmeans" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/knn.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/knn.json deleted file mode 100644 index e36777c8c9..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/knn.json +++ /dev/null @@ -1,50 +0,0 @@ -{ - "scope": [ - "inference", - "training" - ], - "versions": { - "1": { - "registries": { - "af-south-1": "455444449433", - "ap-east-1": "286214385809", - "ap-northeast-1": "351501993468", - "ap-northeast-2": "835164637446", - "ap-northeast-3": "867004704886", - "ap-south-1": "991648021394", - "ap-south-2": "628508329040", - "ap-southeast-1": "475088953585", - "ap-southeast-2": "712309505854", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "469771592824", - "ca-west-1": "190319476487", - "cn-north-1": "390948362332", - "cn-northwest-1": "387376663083", - "eu-central-1": "664544806723", - "eu-central-2": "680994064768", - "eu-north-1": "669576153137", - "eu-south-1": "257386234256", - "eu-south-2": "104374241257", - "eu-west-1": "438346466558", - "eu-west-2": "644912444149", - "eu-west-3": "749696950732", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "249704162688", - "sa-east-1": "855470959533", - "us-east-1": "382416733822", - "us-east-2": "404615174143", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "226302683700", - "us-iso-east-1": "490574956308", - "us-isob-east-1": "765400339828", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "632365934929", - "us-west-2": "174872318107" - }, - "repository": "knn" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/lda.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/lda.json deleted file mode 100644 index 76868de826..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/lda.json +++ /dev/null @@ -1,26 +0,0 @@ -{ - "scope": ["inference", "training"], - "versions": { - "1": { - "registries": { - "ap-northeast-1": "258307448986", - "ap-northeast-2": "293181348795", - "ap-south-1": "991648021394", - "ap-southeast-1": "475088953585", - "ap-southeast-2": "297031611018", - "ca-central-1": "469771592824", - "eu-central-1": "353608530281", - "eu-west-1": "999678624901", - "eu-west-2": "644912444149", - "us-east-1": "766337827248", - "us-east-2": "999911452149", - "us-gov-west-1": "226302683700", - "us-iso-east-1": "490574956308", - "us-isob-east-1": "765400339828", - "us-west-1": "632365934929", - "us-west-2": "266724342769" - }, - "repository": "lda" - } - } -} diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/linear-learner.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/linear-learner.json deleted file mode 100644 index c0e615bae7..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/linear-learner.json +++ /dev/null @@ -1,50 +0,0 @@ -{ - "scope": [ - "inference", - "training" - ], - "versions": { - "1": { - "registries": { - "af-south-1": "455444449433", - "ap-east-1": "286214385809", - "ap-northeast-1": "351501993468", - "ap-northeast-2": "835164637446", - "ap-northeast-3": "867004704886", - "ap-south-1": "991648021394", - "ap-south-2": "628508329040", - "ap-southeast-1": "475088953585", - "ap-southeast-2": "712309505854", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "469771592824", - "ca-west-1": "190319476487", - "cn-north-1": "390948362332", - "cn-northwest-1": "387376663083", - "eu-central-1": "664544806723", - "eu-central-2": "680994064768", - "eu-north-1": "669576153137", - "eu-south-1": "257386234256", - "eu-south-2": "104374241257", - "eu-west-1": "438346466558", - "eu-west-2": "644912444149", - "eu-west-3": "749696950732", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "249704162688", - "sa-east-1": "855470959533", - "us-east-1": "382416733822", - "us-east-2": "404615174143", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "226302683700", - "us-iso-east-1": "490574956308", - "us-isob-east-1": "765400339828", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "632365934929", - "us-west-2": "174872318107" - }, - "repository": "linear-learner" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/model-monitor.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/model-monitor.json deleted file mode 100644 index 886ae2611f..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/model-monitor.json +++ /dev/null @@ -1,42 +0,0 @@ -{ - "scope": [ - "monitoring" - ], - "versions": { - "": { - "registries": { - "af-south-1": "875698925577", - "ap-east-1": "001633400207", - "ap-northeast-1": "574779866223", - "ap-northeast-2": "709848358524", - "ap-northeast-3": "990339680094", - "ap-south-1": "126357580389", - "ap-southeast-1": "245545462676", - "ap-southeast-2": "563025443158", - "ap-southeast-3": "669540362728", - "ca-central-1": "536280801234", - "cn-north-1": "453000072557", - "cn-northwest-1": "453252182341", - "eu-central-1": "048819808253", - "eu-central-2": "590183933784", - "eu-north-1": "895015795356", - "eu-south-1": "933208885752", - "eu-south-2": "437450045455", - "eu-west-1": "468650794304", - "eu-west-2": "749857270468", - "eu-west-3": "680080141114", - "il-central-1": "843974653677", - "me-central-1": "588750061953", - "me-south-1": "607024016150", - "sa-east-1": "539772159869", - "us-east-1": "156813124566", - "us-east-2": "777275614652", - "us-isof-east-1": "853188333426", - "us-isof-south-1": "467912361380", - "us-west-1": "890145073186", - "us-west-2": "159807026194" - }, - "repository": "sagemaker-model-monitor-analyzer" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/mxnet.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/mxnet.json deleted file mode 100644 index fe962a2420..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/mxnet.json +++ /dev/null @@ -1,1154 +0,0 @@ -{ - "training": { - "processors": [ - "cpu", - "gpu" - ], - "version_aliases": { - "0.12": "0.12.1", - "1.0": "1.0.0", - "1.1": "1.1.0", - "1.2": "1.2.1", - "1.3": "1.3.0", - "1.4": "1.4.1", - "1.6": "1.6.0", - "1.7": "1.7.0", - "1.8": "1.8.0", - "1.9": "1.9.0" - }, - "versions": { - "0.12.1": { - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-mxnet", - "py_versions": [ - "py2", - "py3" - ] - }, - "1.0.0": { - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-mxnet", - "py_versions": [ - "py2", - "py3" - ] - }, - "1.1.0": { - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-mxnet", - "py_versions": [ - "py2", - "py3" - ] - }, - "1.2.1": { - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-mxnet", - "py_versions": [ - "py2", - "py3" - ] - }, - "1.3.0": { - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-mxnet", - "py_versions": [ - "py2", - "py3" - ] - }, - "1.4.0": { - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-mxnet", - "py_versions": [ - "py2", - "py3" - ] - }, - "1.4.1": { - "py2": { - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-mxnet" - }, - "py3": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "mxnet-training" - } - }, - "1.6.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "mxnet-training", - "py_versions": [ - "py2", - "py3" - ] - }, - "1.7.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "mxnet-training", - "py_versions": [ - "py3" - ] - }, - "1.8.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "mxnet-training", - "py_versions": [ - "py37" - ] - }, - "1.9.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "mxnet-training", - "py_versions": [ - "py38" - ] - } - } - }, - "inference": { - "processors": [ - "cpu", - "gpu" - ], - "version_aliases": { - "0.12": "0.12.1", - "1.0": "1.0.0", - "1.1": "1.1.0", - "1.2": "1.2.1", - "1.3": "1.3.0", - "1.4": "1.4.1", - "1.6": "1.6.0", - "1.7": "1.7.0", - "1.8": "1.8.0", - "1.9": "1.9.0" - }, - "versions": { - "0.12.1": { - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-mxnet", - "py_versions": [ - "py2", - "py3" - ] - }, - "1.0.0": { - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-mxnet", - "py_versions": [ - "py2", - "py3" - ] - }, - "1.1.0": { - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-mxnet", - "py_versions": [ - "py2", - "py3" - ] - }, - "1.2.1": { - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-mxnet", - "py_versions": [ - "py2", - "py3" - ] - }, - "1.3.0": { - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-mxnet", - "py_versions": [ - "py2", - "py3" - ] - }, - "1.4.0": { - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-mxnet-serving", - "py_versions": [ - "py2", - "py3" - ] - }, - "1.4.1": { - "py2": { - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-mxnet-serving" - }, - "py3": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "mxnet-inference" - } - }, - "1.6.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "mxnet-inference", - "py_versions": [ - "py2", - "py3" - ] - }, - "1.7.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "mxnet-inference", - "py_versions": [ - "py3" - ] - }, - "1.8.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "mxnet-inference", - "py_versions": [ - "py37" - ] - }, - "1.9.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "mxnet-inference", - "py_versions": [ - "py38" - ] - } - } - }, - "eia": { - "processors": [ - "cpu" - ], - "version_aliases": { - "1.3": "1.3.0", - "1.4": "1.4.1", - "1.5": "1.5.1", - "1.7": "1.7.0" - }, - "versions": { - "1.3.0": { - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-northeast-3": "364406365360", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-mxnet-eia", - "py_versions": [ - "py2", - "py3" - ] - }, - "1.4.0": { - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-northeast-3": "364406365360", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-mxnet-serving-eia", - "py_versions": [ - "py2", - "py3" - ] - }, - "1.4.1": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "mxnet-inference-eia", - "py_versions": [ - "py2", - "py3" - ] - }, - "1.5.1": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "mxnet-inference-eia", - "py_versions": [ - "py2", - "py3" - ] - }, - "1.7.0": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "mxnet-inference-eia", - "py_versions": [ - "py3" - ] - } - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/neo-mxnet.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/neo-mxnet.json deleted file mode 100644 index ffab6f5b58..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/neo-mxnet.json +++ /dev/null @@ -1,64 +0,0 @@ -{ - "processors": [ - "cpu", - "gpu" - ], - "scope": [ - "inference" - ], - "version_aliases": { - "0.12.1": "1.8", - "1.0.0": "1.8", - "1.1.0": "1.8", - "1.2": "1.8", - "1.2.0": "1.8", - "1.2.1": "1.8", - "1.3": "1.8", - "1.3.0": "1.8", - "1.4": "1.8", - "1.4.0": "1.8", - "1.4.1": "1.8", - "1.7": "1.8" - }, - "versions": { - "1.8": { - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "774647643957", - "ap-east-1": "110948597952", - "ap-northeast-1": "941853720454", - "ap-northeast-2": "151534178276", - "ap-northeast-3": "925152966179", - "ap-south-1": "763008648453", - "ap-southeast-1": "324986816169", - "ap-southeast-2": "355873309152", - "ca-central-1": "464438896020", - "cn-north-1": "472730292857", - "cn-northwest-1": "474822919863", - "eu-central-1": "746233611703", - "eu-central-2": "010526262399", - "eu-north-1": "601324751636", - "eu-south-1": "966458181534", - "eu-west-1": "802834080501", - "eu-west-2": "205493899709", - "eu-west-3": "254080097072", - "il-central-1": "275950707576", - "me-south-1": "836785723513", - "sa-east-1": "756306329178", - "us-east-1": "785573368785", - "us-east-2": "007439368137", - "us-gov-east-1": "227234621604", - "us-gov-west-1": "263933020539", - "us-iso-east-1": "167761179201", - "us-isob-east-1": "406031935815", - "us-isof-east-1": "751086301963", - "us-isof-south-1": "935523707064", - "us-west-1": "710691900526", - "us-west-2": "301217895009" - }, - "repository": "sagemaker-inference-mxnet" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/neo-pytorch.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/neo-pytorch.json deleted file mode 100644 index 39c4f158c8..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/neo-pytorch.json +++ /dev/null @@ -1,341 +0,0 @@ -{ - "processors": [ - "cpu", - "gpu" - ], - "scope": [ - "inference" - ], - "version_aliases": { - "0.4.0": "1.4", - "1.0.0": "1.4", - "1.1.0": "1.4", - "1.2.0": "1.4", - "1.3.0": "1.4", - "1.4.0": "1.4", - "1.7.0": "1.7", - "1.7.1": "1.7", - "1.8.0": "1.8", - "1.8.1": "1.8", - "1.12.0": "1.12", - "1.12.1": "1.12", - "1.13.0": "1.13", - "1.13.1": "1.13", - "2.0.0": "2.0", - "2.0.1": "2.0" - }, - "versions": { - "1.4": { - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "774647643957", - "ap-east-1": "110948597952", - "ap-northeast-1": "941853720454", - "ap-northeast-2": "151534178276", - "ap-northeast-3": "925152966179", - "ap-south-1": "763008648453", - "ap-southeast-1": "324986816169", - "ap-southeast-2": "355873309152", - "ca-central-1": "464438896020", - "cn-north-1": "472730292857", - "cn-northwest-1": "474822919863", - "eu-central-1": "746233611703", - "eu-central-2": "010526262399", - "eu-north-1": "601324751636", - "eu-south-1": "966458181534", - "eu-west-1": "802834080501", - "eu-west-2": "205493899709", - "eu-west-3": "254080097072", - "il-central-1": "275950707576", - "me-south-1": "836785723513", - "sa-east-1": "756306329178", - "us-east-1": "785573368785", - "us-east-2": "007439368137", - "us-gov-east-1": "227234621604", - "us-gov-west-1": "263933020539", - "us-iso-east-1": "167761179201", - "us-isob-east-1": "406031935815", - "us-isof-east-1": "751086301963", - "us-isof-south-1": "935523707064", - "us-west-1": "710691900526", - "us-west-2": "301217895009" - }, - "repository": "sagemaker-inference-pytorch" - }, - "1.5": { - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "774647643957", - "ap-east-1": "110948597952", - "ap-northeast-1": "941853720454", - "ap-northeast-2": "151534178276", - "ap-northeast-3": "925152966179", - "ap-south-1": "763008648453", - "ap-southeast-1": "324986816169", - "ap-southeast-2": "355873309152", - "ca-central-1": "464438896020", - "cn-north-1": "472730292857", - "cn-northwest-1": "474822919863", - "eu-central-1": "746233611703", - "eu-central-2": "010526262399", - "eu-north-1": "601324751636", - "eu-south-1": "966458181534", - "eu-west-1": "802834080501", - "eu-west-2": "205493899709", - "eu-west-3": "254080097072", - "il-central-1": "275950707576", - "me-south-1": "836785723513", - "sa-east-1": "756306329178", - "us-east-1": "785573368785", - "us-east-2": "007439368137", - "us-gov-east-1": "227234621604", - "us-gov-west-1": "263933020539", - "us-iso-east-1": "167761179201", - "us-isob-east-1": "406031935815", - "us-isof-east-1": "751086301963", - "us-isof-south-1": "935523707064", - "us-west-1": "710691900526", - "us-west-2": "301217895009" - }, - "repository": "sagemaker-inference-pytorch" - }, - "1.6": { - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "774647643957", - "ap-east-1": "110948597952", - "ap-northeast-1": "941853720454", - "ap-northeast-2": "151534178276", - "ap-northeast-3": "925152966179", - "ap-south-1": "763008648453", - "ap-southeast-1": "324986816169", - "ap-southeast-2": "355873309152", - "ca-central-1": "464438896020", - "cn-north-1": "472730292857", - "cn-northwest-1": "474822919863", - "eu-central-1": "746233611703", - "eu-central-2": "010526262399", - "eu-north-1": "601324751636", - "eu-south-1": "966458181534", - "eu-west-1": "802834080501", - "eu-west-2": "205493899709", - "eu-west-3": "254080097072", - "il-central-1": "275950707576", - "me-south-1": "836785723513", - "sa-east-1": "756306329178", - "us-east-1": "785573368785", - "us-east-2": "007439368137", - "us-gov-east-1": "227234621604", - "us-gov-west-1": "263933020539", - "us-iso-east-1": "167761179201", - "us-isob-east-1": "406031935815", - "us-isof-east-1": "751086301963", - "us-isof-south-1": "935523707064", - "us-west-1": "710691900526", - "us-west-2": "301217895009" - }, - "repository": "sagemaker-inference-pytorch" - }, - "1.7": { - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "774647643957", - "ap-east-1": "110948597952", - "ap-northeast-1": "941853720454", - "ap-northeast-2": "151534178276", - "ap-northeast-3": "925152966179", - "ap-south-1": "763008648453", - "ap-southeast-1": "324986816169", - "ap-southeast-2": "355873309152", - "ca-central-1": "464438896020", - "cn-north-1": "472730292857", - "cn-northwest-1": "474822919863", - "eu-central-1": "746233611703", - "eu-central-2": "010526262399", - "eu-north-1": "601324751636", - "eu-south-1": "966458181534", - "eu-west-1": "802834080501", - "eu-west-2": "205493899709", - "eu-west-3": "254080097072", - "il-central-1": "275950707576", - "me-south-1": "836785723513", - "sa-east-1": "756306329178", - "us-east-1": "785573368785", - "us-east-2": "007439368137", - "us-gov-east-1": "227234621604", - "us-gov-west-1": "263933020539", - "us-iso-east-1": "167761179201", - "us-isob-east-1": "406031935815", - "us-isof-east-1": "751086301963", - "us-isof-south-1": "935523707064", - "us-west-1": "710691900526", - "us-west-2": "301217895009" - }, - "repository": "sagemaker-inference-pytorch" - }, - "1.8": { - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "774647643957", - "ap-east-1": "110948597952", - "ap-northeast-1": "941853720454", - "ap-northeast-2": "151534178276", - "ap-northeast-3": "925152966179", - "ap-south-1": "763008648453", - "ap-southeast-1": "324986816169", - "ap-southeast-2": "355873309152", - "ca-central-1": "464438896020", - "cn-north-1": "472730292857", - "cn-northwest-1": "474822919863", - "eu-central-1": "746233611703", - "eu-central-2": "010526262399", - "eu-north-1": "601324751636", - "eu-south-1": "966458181534", - "eu-west-1": "802834080501", - "eu-west-2": "205493899709", - "eu-west-3": "254080097072", - "il-central-1": "275950707576", - "me-south-1": "836785723513", - "sa-east-1": "756306329178", - "us-east-1": "785573368785", - "us-east-2": "007439368137", - "us-gov-east-1": "227234621604", - "us-gov-west-1": "263933020539", - "us-iso-east-1": "167761179201", - "us-isob-east-1": "406031935815", - "us-isof-east-1": "751086301963", - "us-isof-south-1": "935523707064", - "us-west-1": "710691900526", - "us-west-2": "301217895009" - }, - "repository": "sagemaker-inference-pytorch" - }, - "1.12": { - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "774647643957", - "ap-east-1": "110948597952", - "ap-northeast-1": "941853720454", - "ap-northeast-2": "151534178276", - "ap-northeast-3": "925152966179", - "ap-south-1": "763008648453", - "ap-southeast-1": "324986816169", - "ap-southeast-2": "355873309152", - "ca-central-1": "464438896020", - "cn-north-1": "472730292857", - "cn-northwest-1": "474822919863", - "eu-central-1": "746233611703", - "eu-central-2": "010526262399", - "eu-north-1": "601324751636", - "eu-south-1": "966458181534", - "eu-west-1": "802834080501", - "eu-west-2": "205493899709", - "eu-west-3": "254080097072", - "il-central-1": "275950707576", - "me-south-1": "836785723513", - "sa-east-1": "756306329178", - "us-east-1": "785573368785", - "us-east-2": "007439368137", - "us-gov-east-1": "227234621604", - "us-gov-west-1": "263933020539", - "us-iso-east-1": "167761179201", - "us-isob-east-1": "406031935815", - "us-isof-east-1": "751086301963", - "us-isof-south-1": "935523707064", - "us-west-1": "710691900526", - "us-west-2": "301217895009" - }, - "repository": "sagemaker-inference-pytorch" - }, - "1.13": { - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "774647643957", - "ap-east-1": "110948597952", - "ap-northeast-1": "941853720454", - "ap-northeast-2": "151534178276", - "ap-northeast-3": "925152966179", - "ap-south-1": "763008648453", - "ap-southeast-1": "324986816169", - "ap-southeast-2": "355873309152", - "ca-central-1": "464438896020", - "cn-north-1": "472730292857", - "cn-northwest-1": "474822919863", - "eu-central-1": "746233611703", - "eu-central-2": "010526262399", - "eu-north-1": "601324751636", - "eu-south-1": "966458181534", - "eu-west-1": "802834080501", - "eu-west-2": "205493899709", - "eu-west-3": "254080097072", - "il-central-1": "275950707576", - "me-south-1": "836785723513", - "sa-east-1": "756306329178", - "us-east-1": "785573368785", - "us-east-2": "007439368137", - "us-gov-east-1": "227234621604", - "us-gov-west-1": "263933020539", - "us-iso-east-1": "167761179201", - "us-isob-east-1": "406031935815", - "us-isof-east-1": "751086301963", - "us-isof-south-1": "935523707064", - "us-west-1": "710691900526", - "us-west-2": "301217895009" - }, - "repository": "sagemaker-inference-pytorch" - }, - "2.0": { - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "774647643957", - "ap-east-1": "110948597952", - "ap-northeast-1": "941853720454", - "ap-northeast-2": "151534178276", - "ap-northeast-3": "925152966179", - "ap-south-1": "763008648453", - "ap-southeast-1": "324986816169", - "ap-southeast-2": "355873309152", - "ca-central-1": "464438896020", - "cn-north-1": "472730292857", - "cn-northwest-1": "474822919863", - "eu-central-1": "746233611703", - "eu-central-2": "010526262399", - "eu-north-1": "601324751636", - "eu-south-1": "966458181534", - "eu-west-1": "802834080501", - "eu-west-2": "205493899709", - "eu-west-3": "254080097072", - "il-central-1": "275950707576", - "me-south-1": "836785723513", - "sa-east-1": "756306329178", - "us-east-1": "785573368785", - "us-east-2": "007439368137", - "us-gov-east-1": "227234621604", - "us-gov-west-1": "263933020539", - "us-iso-east-1": "167761179201", - "us-isob-east-1": "406031935815", - "us-isof-east-1": "751086301963", - "us-isof-south-1": "935523707064", - "us-west-1": "710691900526", - "us-west-2": "301217895009" - }, - "repository": "sagemaker-inference-pytorch" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/neo-tensorflow.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/neo-tensorflow.json deleted file mode 100644 index 2df048167c..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/neo-tensorflow.json +++ /dev/null @@ -1,109 +0,0 @@ -{ - "processors": [ - "cpu", - "gpu" - ], - "scope": [ - "inference" - ], - "version_aliases": { - "1.4.1": "1.15.3", - "1.5.0": "1.15.3", - "1.6.0": "1.15.3", - "1.7.0": "1.15.3", - "1.8.0": "1.15.3", - "1.9.0": "1.15.3", - "1.10.0": "1.15.3", - "1.11.0": "1.15.3", - "1.12.0": "1.15.3", - "1.13.0": "1.15.3", - "1.14.0": "1.15.3", - "2.4": "2.9.2", - "2.4.0": "2.9.2", - "2.4.1": "2.9.2", - "2.4.2": "2.9.2", - "2.9": "2.9.2", - "2.9.0": "2.9.2", - "2.9.2": "2.9.2" - }, - "versions": { - "1.15.3": { - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "774647643957", - "ap-east-1": "110948597952", - "ap-northeast-1": "941853720454", - "ap-northeast-2": "151534178276", - "ap-northeast-3": "925152966179", - "ap-south-1": "763008648453", - "ap-southeast-1": "324986816169", - "ap-southeast-2": "355873309152", - "ca-central-1": "464438896020", - "cn-north-1": "472730292857", - "cn-northwest-1": "474822919863", - "eu-central-1": "746233611703", - "eu-central-2": "010526262399", - "eu-north-1": "601324751636", - "eu-south-1": "966458181534", - "eu-west-1": "802834080501", - "eu-west-2": "205493899709", - "eu-west-3": "254080097072", - "il-central-1": "275950707576", - "me-south-1": "836785723513", - "sa-east-1": "756306329178", - "us-east-1": "785573368785", - "us-east-2": "007439368137", - "us-gov-east-1": "227234621604", - "us-gov-west-1": "263933020539", - "us-iso-east-1": "167761179201", - "us-isob-east-1": "406031935815", - "us-isof-east-1": "751086301963", - "us-isof-south-1": "935523707064", - "us-west-1": "710691900526", - "us-west-2": "301217895009" - }, - "repository": "sagemaker-inference-tensorflow" - }, - "2.9.2": { - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "774647643957", - "ap-east-1": "110948597952", - "ap-northeast-1": "941853720454", - "ap-northeast-2": "151534178276", - "ap-northeast-3": "925152966179", - "ap-south-1": "763008648453", - "ap-southeast-1": "324986816169", - "ap-southeast-2": "355873309152", - "ca-central-1": "464438896020", - "cn-north-1": "472730292857", - "cn-northwest-1": "474822919863", - "eu-central-1": "746233611703", - "eu-central-2": "010526262399", - "eu-north-1": "601324751636", - "eu-south-1": "966458181534", - "eu-west-1": "802834080501", - "eu-west-2": "205493899709", - "eu-west-3": "254080097072", - "il-central-1": "275950707576", - "me-south-1": "836785723513", - "sa-east-1": "756306329178", - "us-east-1": "785573368785", - "us-east-2": "007439368137", - "us-gov-east-1": "227234621604", - "us-gov-west-1": "263933020539", - "us-iso-east-1": "167761179201", - "us-isob-east-1": "406031935815", - "us-isof-east-1": "751086301963", - "us-isof-south-1": "935523707064", - "us-west-1": "710691900526", - "us-west-2": "301217895009" - }, - "repository": "sagemaker-inference-tensorflow" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/ntm.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/ntm.json deleted file mode 100644 index fa945c7304..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/ntm.json +++ /dev/null @@ -1,50 +0,0 @@ -{ - "scope": [ - "inference", - "training" - ], - "versions": { - "1": { - "registries": { - "af-south-1": "455444449433", - "ap-east-1": "286214385809", - "ap-northeast-1": "351501993468", - "ap-northeast-2": "835164637446", - "ap-northeast-3": "867004704886", - "ap-south-1": "991648021394", - "ap-south-2": "628508329040", - "ap-southeast-1": "475088953585", - "ap-southeast-2": "712309505854", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "469771592824", - "ca-west-1": "190319476487", - "cn-north-1": "390948362332", - "cn-northwest-1": "387376663083", - "eu-central-1": "664544806723", - "eu-central-2": "680994064768", - "eu-north-1": "669576153137", - "eu-south-1": "257386234256", - "eu-south-2": "104374241257", - "eu-west-1": "438346466558", - "eu-west-2": "644912444149", - "eu-west-3": "749696950732", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "249704162688", - "sa-east-1": "855470959533", - "us-east-1": "382416733822", - "us-east-2": "404615174143", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "226302683700", - "us-iso-east-1": "490574956308", - "us-isob-east-1": "765400339828", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "632365934929", - "us-west-2": "174872318107" - }, - "repository": "ntm" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/object-detection.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/object-detection.json deleted file mode 100644 index 56df938108..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/object-detection.json +++ /dev/null @@ -1,50 +0,0 @@ -{ - "scope": [ - "inference", - "training" - ], - "versions": { - "1": { - "registries": { - "af-south-1": "455444449433", - "ap-east-1": "286214385809", - "ap-northeast-1": "501404015308", - "ap-northeast-2": "306986355934", - "ap-northeast-3": "867004704886", - "ap-south-1": "991648021394", - "ap-south-2": "628508329040", - "ap-southeast-1": "475088953585", - "ap-southeast-2": "544295431143", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "469771592824", - "ca-west-1": "190319476487", - "cn-north-1": "390948362332", - "cn-northwest-1": "387376663083", - "eu-central-1": "813361260812", - "eu-central-2": "680994064768", - "eu-north-1": "669576153137", - "eu-south-1": "257386234256", - "eu-south-2": "104374241257", - "eu-west-1": "685385470294", - "eu-west-2": "644912444149", - "eu-west-3": "749696950732", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "249704162688", - "sa-east-1": "855470959533", - "us-east-1": "811284229777", - "us-east-2": "825641698319", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "226302683700", - "us-iso-east-1": "490574956308", - "us-isob-east-1": "765400339828", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "632365934929", - "us-west-2": "433757028032" - }, - "repository": "object-detection" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/object2vec.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/object2vec.json deleted file mode 100644 index d652b352ad..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/object2vec.json +++ /dev/null @@ -1,50 +0,0 @@ -{ - "scope": [ - "inference", - "training" - ], - "versions": { - "1": { - "registries": { - "af-south-1": "455444449433", - "ap-east-1": "286214385809", - "ap-northeast-1": "351501993468", - "ap-northeast-2": "835164637446", - "ap-northeast-3": "867004704886", - "ap-south-1": "991648021394", - "ap-south-2": "628508329040", - "ap-southeast-1": "475088953585", - "ap-southeast-2": "712309505854", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "469771592824", - "ca-west-1": "190319476487", - "cn-north-1": "390948362332", - "cn-northwest-1": "387376663083", - "eu-central-1": "664544806723", - "eu-central-2": "680994064768", - "eu-north-1": "669576153137", - "eu-south-1": "257386234256", - "eu-south-2": "104374241257", - "eu-west-1": "438346466558", - "eu-west-2": "644912444149", - "eu-west-3": "749696950732", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "249704162688", - "sa-east-1": "855470959533", - "us-east-1": "382416733822", - "us-east-2": "404615174143", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "226302683700", - "us-iso-east-1": "490574956308", - "us-isob-east-1": "765400339828", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "632365934929", - "us-west-2": "174872318107" - }, - "repository": "object2vec" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/pca.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/pca.json deleted file mode 100644 index 0c32acda60..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/pca.json +++ /dev/null @@ -1,50 +0,0 @@ -{ - "scope": [ - "inference", - "training" - ], - "versions": { - "1": { - "registries": { - "af-south-1": "455444449433", - "ap-east-1": "286214385809", - "ap-northeast-1": "351501993468", - "ap-northeast-2": "835164637446", - "ap-northeast-3": "867004704886", - "ap-south-1": "991648021394", - "ap-south-2": "628508329040", - "ap-southeast-1": "475088953585", - "ap-southeast-2": "712309505854", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "469771592824", - "ca-west-1": "190319476487", - "cn-north-1": "390948362332", - "cn-northwest-1": "387376663083", - "eu-central-1": "664544806723", - "eu-central-2": "680994064768", - "eu-north-1": "669576153137", - "eu-south-1": "257386234256", - "eu-south-2": "104374241257", - "eu-west-1": "438346466558", - "eu-west-2": "644912444149", - "eu-west-3": "749696950732", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "249704162688", - "sa-east-1": "855470959533", - "us-east-1": "382416733822", - "us-east-2": "404615174143", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "226302683700", - "us-iso-east-1": "490574956308", - "us-isob-east-1": "765400339828", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "632365934929", - "us-west-2": "174872318107" - }, - "repository": "pca" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/pytorch-smp.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/pytorch-smp.json deleted file mode 100644 index 53c2a75e13..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/pytorch-smp.json +++ /dev/null @@ -1,218 +0,0 @@ -{ - "training": { - "processors": [ - "gpu" - ], - "version_aliases": { - "2.0": "2.0.1", - "2.1": "2.1.2", - "2.2": "2.3.1", - "2.2.0": "2.3.1", - "2.3.1": "2.5.0", - "2.4.1": "2.7.0", - "2.5.1": "2.8.0" - }, - "versions": { - "2.0.1": { - "py_versions": [ - "py310" - ], - "registries": { - "ap-northeast-1": "658645717510", - "ap-northeast-2": "658645717510", - "ap-northeast-3": "658645717510", - "ap-south-1": "658645717510", - "ap-southeast-1": "658645717510", - "ap-southeast-2": "658645717510", - "ca-central-1": "658645717510", - "eu-central-1": "658645717510", - "eu-north-1": "658645717510", - "eu-west-1": "658645717510", - "eu-west-2": "658645717510", - "eu-west-3": "658645717510", - "sa-east-1": "658645717510", - "us-east-1": "658645717510", - "us-east-2": "658645717510", - "us-west-1": "658645717510", - "us-west-2": "658645717510" - }, - "repository": "smdistributed-modelparallel" - }, - "2.1.2": { - "py_versions": [ - "py310" - ], - "registries": { - "ap-northeast-1": "658645717510", - "ap-northeast-2": "658645717510", - "ap-northeast-3": "658645717510", - "ap-south-1": "658645717510", - "ap-southeast-1": "658645717510", - "ap-southeast-2": "658645717510", - "ca-central-1": "658645717510", - "eu-central-1": "658645717510", - "eu-north-1": "658645717510", - "eu-west-1": "658645717510", - "eu-west-2": "658645717510", - "eu-west-3": "658645717510", - "sa-east-1": "658645717510", - "us-east-1": "658645717510", - "us-east-2": "658645717510", - "us-west-1": "658645717510", - "us-west-2": "658645717510" - }, - "repository": "smdistributed-modelparallel" - }, - "2.2.0": { - "py_versions": [ - "py310" - ], - "registries": { - "ap-northeast-1": "658645717510", - "ap-northeast-2": "658645717510", - "ap-northeast-3": "658645717510", - "ap-south-1": "658645717510", - "ap-southeast-1": "658645717510", - "ap-southeast-2": "658645717510", - "ca-central-1": "658645717510", - "eu-central-1": "658645717510", - "eu-north-1": "658645717510", - "eu-west-1": "658645717510", - "eu-west-2": "658645717510", - "eu-west-3": "658645717510", - "sa-east-1": "658645717510", - "us-east-1": "658645717510", - "us-east-2": "658645717510", - "us-west-1": "658645717510", - "us-west-2": "658645717510" - }, - "repository": "smdistributed-modelparallel" - }, - "2.3.0": { - "py_versions": [ - "py310" - ], - "registries": { - "ap-northeast-1": "658645717510", - "ap-northeast-2": "658645717510", - "ap-northeast-3": "658645717510", - "ap-south-1": "658645717510", - "ap-southeast-1": "658645717510", - "ap-southeast-2": "658645717510", - "ca-central-1": "658645717510", - "eu-central-1": "658645717510", - "eu-north-1": "658645717510", - "eu-west-1": "658645717510", - "eu-west-2": "658645717510", - "eu-west-3": "658645717510", - "sa-east-1": "658645717510", - "us-east-1": "658645717510", - "us-east-2": "658645717510", - "us-west-1": "658645717510", - "us-west-2": "658645717510" - }, - "repository": "smdistributed-modelparallel" - }, - "2.3.1": { - "py_versions": [ - "py310" - ], - "registries": { - "ap-northeast-1": "658645717510", - "ap-northeast-2": "658645717510", - "ap-northeast-3": "658645717510", - "ap-south-1": "658645717510", - "ap-southeast-1": "658645717510", - "ap-southeast-2": "658645717510", - "ca-central-1": "658645717510", - "eu-central-1": "658645717510", - "eu-north-1": "658645717510", - "eu-west-1": "658645717510", - "eu-west-2": "658645717510", - "eu-west-3": "658645717510", - "sa-east-1": "658645717510", - "us-east-1": "658645717510", - "us-east-2": "658645717510", - "us-west-1": "658645717510", - "us-west-2": "658645717510" - }, - "repository": "smdistributed-modelparallel" - }, - "2.5.0": { - "py_versions": [ - "py311" - ], - "registries": { - "ap-northeast-1": "658645717510", - "ap-northeast-2": "658645717510", - "ap-northeast-3": "658645717510", - "ap-south-1": "658645717510", - "ap-southeast-1": "658645717510", - "ap-southeast-2": "658645717510", - "ca-central-1": "658645717510", - "eu-central-1": "658645717510", - "eu-north-1": "658645717510", - "eu-west-1": "658645717510", - "eu-west-2": "658645717510", - "eu-west-3": "658645717510", - "sa-east-1": "658645717510", - "us-east-1": "658645717510", - "us-east-2": "658645717510", - "us-west-1": "658645717510", - "us-west-2": "658645717510" - }, - "repository": "smdistributed-modelparallel" - }, - "2.7.0": { - "py_versions": [ - "py311" - ], - "registries": { - "ap-northeast-1": "658645717510", - "ap-northeast-2": "658645717510", - "ap-northeast-3": "658645717510", - "ap-south-1": "658645717510", - "ap-southeast-1": "658645717510", - "ap-southeast-2": "658645717510", - "ca-central-1": "658645717510", - "eu-central-1": "658645717510", - "eu-north-1": "658645717510", - "eu-west-1": "658645717510", - "eu-west-2": "658645717510", - "eu-west-3": "658645717510", - "sa-east-1": "658645717510", - "us-east-1": "658645717510", - "us-east-2": "658645717510", - "us-west-1": "658645717510", - "us-west-2": "658645717510" - }, - "repository": "smdistributed-modelparallel" - }, - "2.8.0": { - "py_versions": [ - "py311" - ], - "registries": { - "ap-northeast-1": "658645717510", - "ap-northeast-2": "658645717510", - "ap-northeast-3": "658645717510", - "ap-south-1": "658645717510", - "ap-southeast-1": "658645717510", - "ap-southeast-2": "658645717510", - "ca-central-1": "658645717510", - "eu-central-1": "658645717510", - "eu-north-1": "658645717510", - "eu-west-1": "658645717510", - "eu-west-2": "658645717510", - "eu-west-3": "658645717510", - "sa-east-1": "658645717510", - "us-east-1": "658645717510", - "us-east-2": "658645717510", - "us-west-1": "658645717510", - "us-west-2": "658645717510" - }, - "repository": "smdistributed-modelparallel" - } - } - } -} diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/pytorch-training-compiler.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/pytorch-training-compiler.json deleted file mode 100644 index ce72fb365a..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/pytorch-training-compiler.json +++ /dev/null @@ -1,80 +0,0 @@ -{ - "training": { - "processors": [ - "gpu" - ], - "version_aliases": { - "1.12": "1.12.0", - "1.13": "1.13.1" - }, - "versions": { - "1.12.0": { - "py_versions": [ - "py38" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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-4": "457447274322", - "ca-central-1": "763104351884", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "pytorch-trcomp-training" - }, - "1.13.1": { - "py_versions": [ - "py39" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-4": "457447274322", - "ca-central-1": "763104351884", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "pytorch-trcomp-training" - } - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/pytorch.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/pytorch.json deleted file mode 100644 index 8e55cbded3..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/pytorch.json +++ /dev/null @@ -1,3101 +0,0 @@ -{ - "eia": { - "processors": [ - "cpu" - ], - "version_aliases": { - "1.3": "1.3.1", - "1.5": "1.5.1" - }, - "versions": { - "1.3.1": { - "py_versions": [ - "py3" - ], - "registries": { - "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", - "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-2": "503227376785", - "eu-west-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-inference-eia" - }, - "1.5.1": { - "py_versions": [ - "py3" - ], - "registries": { - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-south-2": "772153158452", - "ap-southeast-3": "907027046896", - "ap-southeast-4": "457447274322", - "ca-west-1": "204538143572", - "eu-central-2": "380420809688", - "eu-south-2": "503227376785", - "eu-west-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-inference-eia" - } - } - }, - "inference": { - "processors": [ - "cpu", - "gpu" - ], - "version_aliases": { - "0.4": "0.4.0", - "1.0": "1.0.0", - "1.1": "1.1.0", - "1.2": "1.2.0", - "1.3": "1.3.1", - "1.4": "1.4.0", - "1.5": "1.5.0", - "1.6": "1.6.0", - "1.7": "1.7.1", - "1.8": "1.8.1", - "1.9": "1.9.1", - "1.10": "1.10.2", - "1.11": "1.11.0", - "1.12": "1.12.1", - "1.13": "1.13.1", - "2.0": "2.0.1", - "2.1": "2.1.0", - "2.2": "2.2.0", - "2.3": "2.3.0", - "2.4": "2.4.0", - "2.5": "2.5.1", - "2.6": "2.6.0" - }, - "versions": { - "0.4.0": { - "py_versions": [ - "py2", - "py3" - ], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-pytorch" - }, - "1.0.0": { - "py_versions": [ - "py2", - "py3" - ], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-pytorch" - }, - "1.1.0": { - "py_versions": [ - "py2", - "py3" - ], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-pytorch" - }, - "1.2.0": { - "py_versions": [ - "py2", - "py3" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-inference" - }, - "1.3.1": { - "py_versions": [ - "py2", - "py3" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-inference" - }, - "1.4.0": { - "py_versions": [ - "py3", - "py36" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-inference" - }, - "1.5.0": { - "py_versions": [ - "py3", - "py36" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-inference" - }, - "1.6.0": { - "py_versions": [ - "py3", - "py36" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-inference" - }, - "1.7.1": { - "py_versions": [ - "py3", - "py36" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-inference" - }, - "1.8.0": { - "py_versions": [ - "py3", - "py36" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-inference" - }, - "1.8.1": { - "py_versions": [ - "py3", - "py36" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-inference" - }, - "1.9.0": { - "py_versions": [ - "py38" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-inference" - }, - "1.9.1": { - "py_versions": [ - "py38" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-inference" - }, - "1.10.0": { - "py_versions": [ - "py38" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-inference" - }, - "1.10.2": { - "py_versions": [ - "py38" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-inference" - }, - "1.11.0": { - "py_versions": [ - "py38" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-inference" - }, - "1.12.0": { - "py_versions": [ - "py38" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-inference" - }, - "1.12.1": { - "py_versions": [ - "py38" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-inference" - }, - "1.13.1": { - "py_versions": [ - "py39" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-inference" - }, - "2.0.0": { - "py_versions": [ - "py310" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-inference" - }, - "2.0.1": { - "py_versions": [ - "py310" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-inference" - }, - "2.1.0": { - "py_versions": [ - "py310" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-inference" - }, - "2.2.0": { - "py_versions": [ - "py310" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-inference" - }, - "2.3.0": { - "py_versions": [ - "py311" - ], - "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-6": "633930458069", - "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-inference" - }, - "2.4.0": { - "py_versions": [ - "py311" - ], - "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-6": "633930458069", - "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-inference" - }, - "2.5.1": { - "py_versions": [ - "py311" - ], - "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-6": "633930458069", - "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-inference" - }, - "2.6.0": { - "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-6": "633930458069", - "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-inference" - } - } - }, - "inference_graviton": { - "processors": [ - "cpu" - ], - "version_aliases": { - "1.12": "1.12.1", - "2.0": "2.0.1", - "2.1": "2.1.0", - "2.2": "2.2.1", - "2.3": "2.3.0", - "2.4": "2.4.0" - }, - "versions": { - "1.12.1": { - "container_version": { - "cpu": "ubuntu20.04" - }, - "py_versions": [ - "py38" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-inference-graviton" - }, - "2.0.0": { - "container_version": { - "cpu": "ubuntu20.04" - }, - "py_versions": [ - "py310" - ], - "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-6": "633930458069", - "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-inference-graviton" - }, - "2.0.1": { - "container_version": { - "cpu": "ubuntu20.04" - }, - "py_versions": [ - "py310" - ], - "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-6": "633930458069", - "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-inference-graviton" - }, - "2.1.0": { - "container_version": { - "cpu": "ubuntu20.04" - }, - "py_versions": [ - "py310" - ], - "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-6": "633930458069", - "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-inference-graviton" - }, - "2.2.1": { - "container_version": { - "cpu": "ubuntu20.04" - }, - "py_versions": [ - "py310" - ], - "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-6": "633930458069", - "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-inference-graviton" - }, - "2.3.0": { - "container_version": { - "cpu": "ubuntu20.04" - }, - "py_versions": [ - "py311" - ], - "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-6": "633930458069", - "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-inference-graviton" - }, - "2.4.0": { - "container_version": { - "cpu": "ubuntu22.04" - }, - "py_versions": [ - "py311" - ], - "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-6": "633930458069", - "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-inference-graviton" - } - } - }, - "training": { - "processors": [ - "cpu", - "gpu" - ], - "version_aliases": { - "0.4": "0.4.0", - "1.0": "1.0.0", - "1.1": "1.1.0", - "1.2": "1.2.0", - "1.3": "1.3.1", - "1.4": "1.4.0", - "1.5": "1.5.0", - "1.6": "1.6.0", - "1.7": "1.7.1", - "1.8": "1.8.1", - "1.9": "1.9.1", - "1.10": "1.10.2", - "1.11": "1.11.0", - "1.12": "1.12.1", - "1.13": "1.13.1", - "2.0": "2.0.1", - "2.1": "2.1.0", - "2.2": "2.2.0", - "2.3": "2.3.0", - "2.4": "2.4.0", - "2.5": "2.5.1", - "2.6": "2.6.0", - "2.7": "2.7.1", - "2.8": "2.8.0" - }, - "versions": { - "0.4.0": { - "py_versions": [ - "py2", - "py3" - ], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-pytorch" - }, - "1.0.0": { - "py_versions": [ - "py2", - "py3" - ], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-pytorch" - }, - "1.1.0": { - "py_versions": [ - "py2", - "py3" - ], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-pytorch" - }, - "1.2.0": { - "py_versions": [ - "py2", - "py3" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-training" - }, - "1.3.1": { - "py_versions": [ - "py2", - "py3" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-training" - }, - "1.4.0": { - "py_versions": [ - "py2", - "py3", - "py36" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-training" - }, - "1.5.0": { - "py_versions": [ - "py3", - "py36" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-training" - }, - "1.6.0": { - "py_versions": [ - "py3", - "py36" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-training" - }, - "1.7.1": { - "py_versions": [ - "py3", - "py36" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-training" - }, - "1.8.0": { - "py_versions": [ - "py3", - "py36" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-training" - }, - "1.8.1": { - "py_versions": [ - "py3", - "py36" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-training" - }, - "1.9.0": { - "py_versions": [ - "py38" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-training" - }, - "1.9.1": { - "py_versions": [ - "py38" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-training" - }, - "1.10.0": { - "py_versions": [ - "py38" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-training" - }, - "1.10.2": { - "py_versions": [ - "py38" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-training" - }, - "1.11.0": { - "py_versions": [ - "py38" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-training" - }, - "1.12.0": { - "py_versions": [ - "py38" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-training" - }, - "1.12.1": { - "py_versions": [ - "py38" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-training" - }, - "1.13.1": { - "py_versions": [ - "py39" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-training" - }, - "2.0.0": { - "py_versions": [ - "py310" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-training" - }, - "2.0.1": { - "py_versions": [ - "py310" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-training" - }, - "2.1.0": { - "py_versions": [ - "py310" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-training" - }, - "2.2.0": { - "py_versions": [ - "py310" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-training" - }, - "2.3.0": { - "py_versions": [ - "py311" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "pytorch-training" - }, - "2.4.0": { - "py_versions": [ - "py311" - ], - "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-6": "633930458069", - "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" - }, - "2.5.1": { - "py_versions": [ - "py311" - ], - "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-6": "633930458069", - "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" - }, - "2.6.0": { - "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-6": "633930458069", - "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" - }, - "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-6": "633930458069", - "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" - }, - "2.8.0": { - "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-6": "633930458069", - "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" - } - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/randomcutforest.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/randomcutforest.json deleted file mode 100644 index 25d9dcf3e8..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/randomcutforest.json +++ /dev/null @@ -1,50 +0,0 @@ -{ - "scope": [ - "inference", - "training" - ], - "versions": { - "1": { - "registries": { - "af-south-1": "455444449433", - "ap-east-1": "286214385809", - "ap-northeast-1": "351501993468", - "ap-northeast-2": "835164637446", - "ap-northeast-3": "867004704886", - "ap-south-1": "991648021394", - "ap-south-2": "628508329040", - "ap-southeast-1": "475088953585", - "ap-southeast-2": "712309505854", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "469771592824", - "ca-west-1": "190319476487", - "cn-north-1": "390948362332", - "cn-northwest-1": "387376663083", - "eu-central-1": "664544806723", - "eu-central-2": "680994064768", - "eu-north-1": "669576153137", - "eu-south-1": "257386234256", - "eu-south-2": "104374241257", - "eu-west-1": "438346466558", - "eu-west-2": "644912444149", - "eu-west-3": "749696950732", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "249704162688", - "sa-east-1": "855470959533", - "us-east-1": "382416733822", - "us-east-2": "404615174143", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "226302683700", - "us-iso-east-1": "490574956308", - "us-isob-east-1": "765400339828", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "632365934929", - "us-west-2": "174872318107" - }, - "repository": "randomcutforest" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/ray-pytorch.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/ray-pytorch.json deleted file mode 100644 index 587c29ad55..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/ray-pytorch.json +++ /dev/null @@ -1,46 +0,0 @@ -{ - "processors": ["cpu", "gpu"], - "scope": ["training"], - "versions": { - "0.8.5": { - "py_versions": ["py36"], - "registries": { - "ap-northeast-1": "462105765813", - "ap-northeast-2": "462105765813", - "ap-south-1": "462105765813", - "ap-southeast-1": "462105765813", - "ap-southeast-2": "462105765813", - "ca-central-1": "462105765813", - "eu-central-1": "462105765813", - "eu-west-1": "462105765813", - "eu-west-2": "462105765813", - "us-east-1": "462105765813", - "us-east-2": "462105765813", - "us-west-1": "462105765813", - "us-west-2": "462105765813" - }, - "repository": "sagemaker-rl-ray-container", - "tag_prefix": "ray-0.8.5-torch" - }, - "1.6.0": { - "py_versions": ["py36"], - "registries": { - "ap-northeast-1": "462105765813", - "ap-northeast-2": "462105765813", - "ap-south-1": "462105765813", - "ap-southeast-1": "462105765813", - "ap-southeast-2": "462105765813", - "ca-central-1": "462105765813", - "eu-central-1": "462105765813", - "eu-west-1": "462105765813", - "eu-west-2": "462105765813", - "us-east-1": "462105765813", - "us-east-2": "462105765813", - "us-west-1": "462105765813", - "us-west-2": "462105765813" - }, - "repository": "sagemaker-rl-ray-container", - "tag_prefix": "ray-1.6.0-torch" - } - } -} diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/ray-tensorflow.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/ray-tensorflow.json deleted file mode 100644 index 983c4d44db..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/ray-tensorflow.json +++ /dev/null @@ -1,194 +0,0 @@ -{ - "processors": ["cpu", "gpu"], - "scope": ["training"], - "versions": { - "0.5": { - "py_versions": ["py3"], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-rl-tensorflow", - "tag_prefix": "ray0.5" - }, - "0.5.3": { - "py_versions": ["py3"], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-rl-tensorflow", - "tag_prefix": "ray0.5.3" - }, - "0.6": { - "py_versions": ["py3"], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-rl-tensorflow", - "tag_prefix": "ray0.6" - }, - "0.6.5": { - "py_versions": ["py3"], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-rl-tensorflow", - "tag_prefix": "ray0.6.5" - }, - "0.8.2": { - "py_versions": ["py36"], - "registries": { - "ap-northeast-1": "462105765813", - "ap-northeast-2": "462105765813", - "ap-south-1": "462105765813", - "ap-southeast-1": "462105765813", - "ap-southeast-2": "462105765813", - "ca-central-1": "462105765813", - "eu-central-1": "462105765813", - "eu-west-1": "462105765813", - "eu-west-2": "462105765813", - "us-east-1": "462105765813", - "us-east-2": "462105765813", - "us-west-1": "462105765813", - "us-west-2": "462105765813" - }, - "repository": "sagemaker-rl-ray-container", - "tag_prefix": "ray-0.8.2-tf" - }, - "0.8.5": { - "py_versions": ["py36"], - "registries": { - "ap-northeast-1": "462105765813", - "ap-northeast-2": "462105765813", - "ap-south-1": "462105765813", - "ap-southeast-1": "462105765813", - "ap-southeast-2": "462105765813", - "ca-central-1": "462105765813", - "eu-central-1": "462105765813", - "eu-west-1": "462105765813", - "eu-west-2": "462105765813", - "us-east-1": "462105765813", - "us-east-2": "462105765813", - "us-west-1": "462105765813", - "us-west-2": "462105765813" - }, - "repository": "sagemaker-rl-ray-container", - "tag_prefix": "ray-0.8.5-tf" - }, - "1.6.0": { - "py_versions": ["py37"], - "registries": { - "ap-northeast-1": "462105765813", - "ap-northeast-2": "462105765813", - "ap-south-1": "462105765813", - "ap-southeast-1": "462105765813", - "ap-southeast-2": "462105765813", - "ca-central-1": "462105765813", - "eu-central-1": "462105765813", - "eu-west-1": "462105765813", - "eu-west-2": "462105765813", - "us-east-1": "462105765813", - "us-east-2": "462105765813", - "us-west-1": "462105765813", - "us-west-2": "462105765813" - }, - "repository": "sagemaker-rl-ray-container", - "tag_prefix": "ray-1.6.0-tf" - } - } -} diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/sagemaker-base-python.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/sagemaker-base-python.json deleted file mode 100644 index cd64d73af1..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/sagemaker-base-python.json +++ /dev/null @@ -1,46 +0,0 @@ -{ - "versions": { - "1.0": { - "registries": { - "af-south-1": "559312083959", - "ap-east-1": "493642496378", - "ap-east-2": "938034419563", - "ap-northeast-1": "102112518831", - "ap-northeast-2": "806072073708", - "ap-northeast-3": "792733760839", - "ap-south-1": "394103062818", - "ap-southeast-1": "492261229750", - "ap-southeast-2": "452832661640", - "ap-southeast-3": "276181064229", - "ap-southeast-5": "148761635175", - "ap-southeast-7": "528757812139", - "ca-central-1": "310906938811", - "ca-west-1": "623308166672", - "cn-north-1": "390048526115", - "cn-northwest-1": "390780980154", - "eu-central-1": "936697816551", - "eu-central-2": "569303640362", - "eu-north-1": "243637512696", - "eu-south-1": "592751261982", - "eu-south-2": "127363102723", - "eu-west-1": "470317259841", - "eu-west-2": "712779665605", - "eu-west-3": "615547856133", - "il-central-1": "380164790875", - "me-central-1": "103105715889", - "me-south-1": "117516905037", - "mx-central-1": "396913743851", - "sa-east-1": "782484402741", - "us-east-1": "081325390199", - "us-east-2": "429704687514", - "us-gov-east-1": "107072934176", - "us-gov-west-1": "107173498710", - "us-isof-east-1": "840123138293", - "us-isof-south-1": "883091641454", - "us-west-1": "742091327244", - "us-west-2": "236514542706" - }, - "repository": "sagemaker-base-python" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/sagemaker-distribution.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/sagemaker-distribution.json deleted file mode 100644 index 9853eb01ae..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/sagemaker-distribution.json +++ /dev/null @@ -1,37 +0,0 @@ -{ - "processors": ["cpu", "gpu"], - "scope": ["inference"], - "version_aliases": { - "3.2": "3.2.0" - }, - "versions": { - "3.2.0": { - "registries": { - "us-east-1": "885854791233", - "us-east-2": "137914896644", - "us-west-1": "053634841547", - "us-west-2": "542918446943", - "af-south-1": "238384257742", - "ap-east-1": "523751269255", - "ap-south-1": "245090515133", - "ap-northeast-2": "064688005998", - "ap-southeast-1": "022667117163", - "ap-southeast-2": "648430277019", - "ap-northeast-1": "010972774902", - "ca-central-1": "481561238223", - "eu-central-1": "545423591354", - "eu-west-1": "819792524951", - "eu-west-2": "021081402939", - "eu-west-3": "856416204555", - "eu-north-1": "175620155138", - "eu-south-1": "810671768855", - "sa-east-1": "567556641782", - "ap-northeast-3": "564864627153", - "ap-southeast-3": "370607712162", - "me-south-1": "523774347010", - "me-central-1": "358593528301" - }, - "repository": "sagemaker-distribution-prod" - } - } -} diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/sagemaker-geospatial.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/sagemaker-geospatial.json deleted file mode 100644 index 5f913f5e04..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/sagemaker-geospatial.json +++ /dev/null @@ -1,13 +0,0 @@ -{ - "processing": { - "versions": { - "1.x": { - "registries": { - "us-west-2": "081189585635" - }, - "repository": "sagemaker-geospatial-v1-0", - "tag_prefix": "latest" - } - } - } -} diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/sagemaker-tritonserver.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/sagemaker-tritonserver.json deleted file mode 100644 index 91842ae713..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/sagemaker-tritonserver.json +++ /dev/null @@ -1,212 +0,0 @@ -{ - "processors": [ - "cpu", - "gpu" - ], - "scope": [ - "inference" - ], - "versions": { - "25.04": { - "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-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "sagemaker-tritonserver", - "tag_prefix": "25.04-py3" - }, - "24.09": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "sagemaker-tritonserver", - "tag_prefix": "24.09-py3" - }, - "24.05": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "sagemaker-tritonserver", - "tag_prefix": "24.05-py3" - }, - "24.03": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "sagemaker-tritonserver", - "tag_prefix": "24.03-py3" - }, - "24.01": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "sagemaker-tritonserver", - "tag_prefix": "24.01-py3" - }, - "23.12": { - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "ap-northeast-1": "763104351884", - "ap-northeast-2": "763104351884", - "ap-northeast-3": "364406365360", - "ap-south-1": "763104351884", - "ap-southeast-1": "763104351884", - "ap-southeast-2": "763104351884", - "ap-southeast-3": "907027046896", - "ca-central-1": "763104351884", - "cn-north-1": "727897471807", - "cn-northwest-1": "727897471807", - "eu-central-1": "763104351884", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "me-south-1": "217643126080", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "repository": "sagemaker-tritonserver", - "tag_prefix": "23.12-py3" - } - } -} diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/semantic-segmentation.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/semantic-segmentation.json deleted file mode 100644 index 83f3e35f11..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/semantic-segmentation.json +++ /dev/null @@ -1,50 +0,0 @@ -{ - "scope": [ - "inference", - "training" - ], - "versions": { - "1": { - "registries": { - "af-south-1": "455444449433", - "ap-east-1": "286214385809", - "ap-northeast-1": "501404015308", - "ap-northeast-2": "306986355934", - "ap-northeast-3": "867004704886", - "ap-south-1": "991648021394", - "ap-south-2": "628508329040", - "ap-southeast-1": "475088953585", - "ap-southeast-2": "544295431143", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "469771592824", - "ca-west-1": "190319476487", - "cn-north-1": "390948362332", - "cn-northwest-1": "387376663083", - "eu-central-1": "813361260812", - "eu-central-2": "680994064768", - "eu-north-1": "669576153137", - "eu-south-1": "257386234256", - "eu-south-2": "104374241257", - "eu-west-1": "685385470294", - "eu-west-2": "644912444149", - "eu-west-3": "749696950732", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "249704162688", - "sa-east-1": "855470959533", - "us-east-1": "811284229777", - "us-east-2": "825641698319", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "226302683700", - "us-iso-east-1": "490574956308", - "us-isob-east-1": "765400339828", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "632365934929", - "us-west-2": "433757028032" - }, - "repository": "semantic-segmentation" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/seq2seq.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/seq2seq.json deleted file mode 100644 index 673b525468..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/seq2seq.json +++ /dev/null @@ -1,50 +0,0 @@ -{ - "scope": [ - "inference", - "training" - ], - "versions": { - "1": { - "registries": { - "af-south-1": "455444449433", - "ap-east-1": "286214385809", - "ap-northeast-1": "501404015308", - "ap-northeast-2": "306986355934", - "ap-northeast-3": "867004704886", - "ap-south-1": "991648021394", - "ap-south-2": "628508329040", - "ap-southeast-1": "475088953585", - "ap-southeast-2": "544295431143", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "469771592824", - "ca-west-1": "190319476487", - "cn-north-1": "390948362332", - "cn-northwest-1": "387376663083", - "eu-central-1": "813361260812", - "eu-central-2": "680994064768", - "eu-north-1": "669576153137", - "eu-south-1": "257386234256", - "eu-south-2": "104374241257", - "eu-west-1": "685385470294", - "eu-west-2": "644912444149", - "eu-west-3": "749696950732", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "249704162688", - "sa-east-1": "855470959533", - "us-east-1": "811284229777", - "us-east-2": "825641698319", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "226302683700", - "us-iso-east-1": "490574956308", - "us-isob-east-1": "765400339828", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "632365934929", - "us-west-2": "433757028032" - }, - "repository": "seq2seq" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/sklearn.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/sklearn.json deleted file mode 100644 index 85114a11d2..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/sklearn.json +++ /dev/null @@ -1,446 +0,0 @@ -{ - "inference": { - "versions": { - "0.20.0": { - "processors": [ - "cpu" - ], - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-scikit-learn" - }, - "0.23-1": { - "processors": [ - "cpu" - ], - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-scikit-learn" - }, - "1.0-1": { - "processors": [ - "cpu" - ], - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-scikit-learn" - }, - "1.2-1": { - "processors": [ - "cpu" - ], - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-scikit-learn" - } - } - }, - "training": { - "versions": { - "0.20.0": { - "processors": [ - "cpu" - ], - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-scikit-learn" - }, - "0.23-1": { - "processors": [ - "cpu" - ], - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-scikit-learn" - }, - "1.0-1": { - "processors": [ - "cpu" - ], - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-scikit-learn" - }, - "1.2-1": { - "processors": [ - "cpu" - ], - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-scikit-learn" - } - } - }, - "inference_graviton": { - "versions": { - "1.0-1": { - "processors": [ - "cpu" - ], - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-scikit-learn" - } - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/spark.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/spark.json deleted file mode 100644 index 0a430ebc77..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/spark.json +++ /dev/null @@ -1,280 +0,0 @@ -{ - "processing": { - "processors": [ - "cpu" - ], - "versions": { - "2.4": { - "py_versions": [ - "py37" - ], - "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", - "ap-south-1": "105495057255", - "ap-south-2": "873151114052", - "ap-southeast-1": "759080221371", - "ap-southeast-2": "440695851116", - "ap-southeast-3": "800295151634", - "ap-southeast-4": "819679513684", - "ap-southeast-5": "841784149062", - "ap-southeast-7": "471112967968", - "ca-central-1": "446299261295", - "ca-west-1": "000907499111", - "cn-north-1": "671472414489", - "cn-northwest-1": "844356804704", - "eu-central-1": "906073651304", - "eu-central-2": "142351485170", - "eu-north-1": "330188676905", - "eu-south-1": "753923664805", - "eu-south-2": "833944533722", - "eu-west-1": "571004829621", - "eu-west-2": "836651553127", - "eu-west-3": "136845547031", - "il-central-1": "408426139102", - "me-central-1": "395420993607", - "me-south-1": "750251592176", - "mx-central-1": "211125459255", - "sa-east-1": "737130764395", - "us-east-1": "173754725891", - "us-east-2": "314815235551", - "us-gov-east-1": "260923028637", - "us-gov-west-1": "271483468897", - "us-west-1": "667973535471", - "us-west-2": "153931337802" - }, - "repository": "sagemaker-spark-processing" - }, - "3.0": { - "py_versions": [ - "py37" - ], - "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", - "ap-south-1": "105495057255", - "ap-south-2": "873151114052", - "ap-southeast-1": "759080221371", - "ap-southeast-2": "440695851116", - "ap-southeast-3": "800295151634", - "ap-southeast-4": "819679513684", - "ap-southeast-5": "841784149062", - "ap-southeast-7": "471112967968", - "ca-central-1": "446299261295", - "ca-west-1": "000907499111", - "cn-north-1": "671472414489", - "cn-northwest-1": "844356804704", - "eu-central-1": "906073651304", - "eu-central-2": "142351485170", - "eu-north-1": "330188676905", - "eu-south-1": "753923664805", - "eu-south-2": "833944533722", - "eu-west-1": "571004829621", - "eu-west-2": "836651553127", - "eu-west-3": "136845547031", - "il-central-1": "408426139102", - "me-central-1": "395420993607", - "me-south-1": "750251592176", - "mx-central-1": "211125459255", - "sa-east-1": "737130764395", - "us-east-1": "173754725891", - "us-east-2": "314815235551", - "us-gov-east-1": "260923028637", - "us-gov-west-1": "271483468897", - "us-west-1": "667973535471", - "us-west-2": "153931337802" - }, - "repository": "sagemaker-spark-processing" - }, - "3.1": { - "py_versions": [ - "py37" - ], - "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", - "ap-south-1": "105495057255", - "ap-south-2": "873151114052", - "ap-southeast-1": "759080221371", - "ap-southeast-2": "440695851116", - "ap-southeast-3": "800295151634", - "ap-southeast-4": "819679513684", - "ap-southeast-5": "841784149062", - "ap-southeast-7": "471112967968", - "ca-central-1": "446299261295", - "ca-west-1": "000907499111", - "cn-north-1": "671472414489", - "cn-northwest-1": "844356804704", - "eu-central-1": "906073651304", - "eu-central-2": "142351485170", - "eu-north-1": "330188676905", - "eu-south-1": "753923664805", - "eu-south-2": "833944533722", - "eu-west-1": "571004829621", - "eu-west-2": "836651553127", - "eu-west-3": "136845547031", - "il-central-1": "408426139102", - "me-central-1": "395420993607", - "me-south-1": "750251592176", - "mx-central-1": "211125459255", - "sa-east-1": "737130764395", - "us-east-1": "173754725891", - "us-east-2": "314815235551", - "us-gov-east-1": "260923028637", - "us-gov-west-1": "271483468897", - "us-west-1": "667973535471", - "us-west-2": "153931337802" - }, - "repository": "sagemaker-spark-processing" - }, - "3.2": { - "py_versions": [ - "py39" - ], - "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", - "ap-south-1": "105495057255", - "ap-south-2": "873151114052", - "ap-southeast-1": "759080221371", - "ap-southeast-2": "440695851116", - "ap-southeast-3": "800295151634", - "ap-southeast-4": "819679513684", - "ap-southeast-5": "841784149062", - "ap-southeast-7": "471112967968", - "ca-central-1": "446299261295", - "ca-west-1": "000907499111", - "cn-north-1": "671472414489", - "cn-northwest-1": "844356804704", - "eu-central-1": "906073651304", - "eu-central-2": "142351485170", - "eu-north-1": "330188676905", - "eu-south-1": "753923664805", - "eu-south-2": "833944533722", - "eu-west-1": "571004829621", - "eu-west-2": "836651553127", - "eu-west-3": "136845547031", - "il-central-1": "408426139102", - "me-central-1": "395420993607", - "me-south-1": "750251592176", - "mx-central-1": "211125459255", - "sa-east-1": "737130764395", - "us-east-1": "173754725891", - "us-east-2": "314815235551", - "us-gov-east-1": "260923028637", - "us-gov-west-1": "271483468897", - "us-west-1": "667973535471", - "us-west-2": "153931337802" - }, - "repository": "sagemaker-spark-processing" - }, - "3.3": { - "py_versions": [ - "py39" - ], - "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", - "ap-south-1": "105495057255", - "ap-south-2": "873151114052", - "ap-southeast-1": "759080221371", - "ap-southeast-2": "440695851116", - "ap-southeast-3": "800295151634", - "ap-southeast-4": "819679513684", - "ap-southeast-5": "841784149062", - "ap-southeast-7": "471112967968", - "ca-central-1": "446299261295", - "ca-west-1": "000907499111", - "cn-north-1": "671472414489", - "cn-northwest-1": "844356804704", - "eu-central-1": "906073651304", - "eu-central-2": "142351485170", - "eu-north-1": "330188676905", - "eu-south-1": "753923664805", - "eu-south-2": "833944533722", - "eu-west-1": "571004829621", - "eu-west-2": "836651553127", - "eu-west-3": "136845547031", - "il-central-1": "408426139102", - "me-central-1": "395420993607", - "me-south-1": "750251592176", - "mx-central-1": "211125459255", - "sa-east-1": "737130764395", - "us-east-1": "173754725891", - "us-east-2": "314815235551", - "us-gov-east-1": "260923028637", - "us-gov-west-1": "271483468897", - "us-west-1": "667973535471", - "us-west-2": "153931337802" - }, - "repository": "sagemaker-spark-processing" - }, - "3.5": { - "py_versions": [ - "py39", - "py312" - ], - "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", - "ap-south-1": "105495057255", - "ap-south-2": "873151114052", - "ap-southeast-1": "759080221371", - "ap-southeast-2": "440695851116", - "ap-southeast-3": "800295151634", - "ap-southeast-4": "819679513684", - "ap-southeast-5": "841784149062", - "ap-southeast-7": "471112967968", - "ca-central-1": "446299261295", - "ca-west-1": "000907499111", - "cn-north-1": "671472414489", - "cn-northwest-1": "844356804704", - "eu-central-1": "906073651304", - "eu-central-2": "142351485170", - "eu-north-1": "330188676905", - "eu-south-1": "753923664805", - "eu-south-2": "833944533722", - "eu-west-1": "571004829621", - "eu-west-2": "836651553127", - "eu-west-3": "136845547031", - "il-central-1": "408426139102", - "me-central-1": "395420993607", - "me-south-1": "750251592176", - "mx-central-1": "211125459255", - "sa-east-1": "737130764395", - "us-east-1": "173754725891", - "us-east-2": "314815235551", - "us-gov-east-1": "260923028637", - "us-gov-west-1": "271483468897", - "us-west-1": "667973535471", - "us-west-2": "153931337802" - }, - "repository": "sagemaker-spark-processing" - } - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/sparkml-serving.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/sparkml-serving.json deleted file mode 100644 index f4439e9e68..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/sparkml-serving.json +++ /dev/null @@ -1,97 +0,0 @@ -{ - "scope": ["inference"], - "versions": { - "2.2": { - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-south-1": "720646828776", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ca-central-1": "341280168497", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-north-1": "662702820516", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "eu-south-1": "978288397137", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-sparkml-serving" - }, - "2.4": { - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-south-1": "720646828776", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ca-central-1": "341280168497", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-north-1": "662702820516", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "eu-south-1": "978288397137", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-sparkml-serving" - }, - "3.3": { - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ca-central-1": "341280168497", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-north-1": "662702820516", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "eu-south-1": "978288397137", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-sparkml-serving" - } - } -} diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/stabilityai.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/stabilityai.json deleted file mode 100644 index 3f3ff729f6..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/stabilityai.json +++ /dev/null @@ -1,53 +0,0 @@ -{ - "inference": { - "processors": [ - "gpu" - ], - "version_aliases": { - "0.1": "0.1.0" - }, - "versions": { - "0.1.0": { - "py_versions": [ - "py310" - ], - "registries": { - "af-south-1": "626614931356", - "il-central-1": "780543022126", - "ap-east-1": "871362719292", - "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", - "ca-central-1": "763104351884", - "eu-central-1": "763104351884", - "eu-central-2": "380420809688", - "eu-north-1": "763104351884", - "eu-west-1": "763104351884", - "eu-west-2": "763104351884", - "eu-west-3": "763104351884", - "eu-south-1": "692866216735", - "eu-south-2": "503227376785", - "me-south-1": "217643126080", - "me-central-1": "914824155844", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-west-1": "763104351884", - "us-west-2": "763104351884", - "ca-west-1": "204538143572" - }, - "tag_prefix": "2.0.1-sgm0.1.0", - "repository": "stabilityai-pytorch-inference", - "container_version": { - "gpu": "cu118-ubuntu20.04-sagemaker" - } - } - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/tensorflow.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/tensorflow.json deleted file mode 100644 index f793edb4c9..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/tensorflow.json +++ /dev/null @@ -1,5086 +0,0 @@ -{ - "eia": { - "processors": [ - "cpu" - ], - "version_aliases": { - "1.10": "1.10.0", - "1.11": "1.11.0", - "1.12": "1.12.0", - "1.13": "1.13.0", - "1.14": "1.14.0", - "1.15": "1.15.0", - "2.0": "2.0.0", - "2.3": "2.3.0" - }, - "versions": { - "1.10.0": { - "py_versions": [ - "py2" - ], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-tensorflow-eia" - }, - "1.11.0": { - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-tensorflow-serving-eia" - }, - "1.12.0": { - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-tensorflow-serving-eia" - }, - "1.13.0": { - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-tensorflow-serving-eia" - }, - "1.14.0": { - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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", - "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", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference-eia" - }, - "1.15.0": { - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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", - "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", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference-eia" - }, - "2.0.0": { - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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", - "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", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference-eia" - }, - "2.3.0": { - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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", - "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", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference-eia" - } - } - }, - "inference": { - "processors": [ - "cpu", - "gpu" - ], - "version_aliases": { - "1.4": "1.4.1", - "1.5": "1.5.0", - "1.6": "1.6.0", - "1.7": "1.7.0", - "1.8": "1.8.0", - "1.9": "1.9.0", - "1.10": "1.10.0", - "1.11": "1.11.0", - "1.12": "1.12.0", - "1.13": "1.13.0", - "1.14": "1.14.0", - "1.15": "1.15.5", - "2.0": "2.0.4", - "2.1": "2.1.3", - "2.2": "2.2.2", - "2.3": "2.3.2", - "2.4": "2.4.3", - "2.5": "2.5.1", - "2.6": "2.6.3", - "2.7": "2.7.0", - "2.8": "2.8.4", - "2.9": "2.9.3", - "2.10": "2.10.1", - "2.11": "2.11.1", - "2.12": "2.12.1", - "2.13": "2.13.0", - "2.14": "2.14.1", - "2.16": "2.16.1", - "2.18": "2.18.0", - "2.19": "2.19.0" - }, - "versions": { - "1.4.1": { - "py_versions": [ - "py2" - ], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-tensorflow" - }, - "1.5.0": { - "py_versions": [ - "py2" - ], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-tensorflow" - }, - "1.6.0": { - "py_versions": [ - "py2" - ], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-tensorflow" - }, - "1.7.0": { - "py_versions": [ - "py2" - ], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-tensorflow" - }, - "1.8.0": { - "py_versions": [ - "py2" - ], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-tensorflow" - }, - "1.9.0": { - "py_versions": [ - "py2" - ], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-tensorflow" - }, - "1.10.0": { - "py_versions": [ - "py2" - ], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-tensorflow" - }, - "1.11.0": { - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-tensorflow-serving" - }, - "1.12.0": { - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-tensorflow-serving" - }, - "1.13.0": { - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "1.14.0": { - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "1.15.0": { - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "1.15.2": { - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "1.15.3": { - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "1.15.4": { - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "1.15.5": { - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.0.0": { - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.0.1": { - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.0.2": { - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.0.3": { - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.0.4": { - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.1.0": { - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.1.1": { - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.1.2": { - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.1.3": { - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.2.0": { - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.2.1": { - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.2.2": { - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.3.0": { - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.3.1": { - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.3.2": { - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.4.1": { - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.4.3": { - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.5.1": { - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.6.0": { - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.6.3": { - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.7.0": { - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.8.0": { - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.8.4": { - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.9.2": { - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.9.3": { - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.10.0": { - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.10.1": { - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.11.0": { - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.11.1": { - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.12.1": { - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.13.0": { - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.14.1": { - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference" - }, - "2.16.1": { - "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-6": "633930458069", - "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": "tensorflow-inference" - }, - "2.18.0": { - "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-6": "633930458069", - "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": "tensorflow-inference" - }, - "2.19.0": { - "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-6": "633930458069", - "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": "tensorflow-inference" - } - } - }, - "inference_graviton": { - "processors": [ - "cpu" - ], - "version_aliases": { - "2.9": "2.9.1", - "2.12": "2.12.1", - "2.13": "2.13.0", - "2.14": "2.14.1", - "2.16": "2.16.1" - }, - "versions": { - "2.9.1": { - "container_version": { - "cpu": "ubuntu20.04" - }, - "py_versions": [ - "py38" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference-graviton" - }, - "2.12.1": { - "container_version": { - "cpu": "ubuntu20.04" - }, - "py_versions": [ - "py310" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference-graviton" - }, - "2.13.0": { - "container_version": { - "cpu": "ubuntu20.04" - }, - "py_versions": [ - "py310" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference-graviton" - }, - "2.14.1": { - "container_version": { - "cpu": "ubuntu20.04" - }, - "py_versions": [ - "py310" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-inference-graviton" - }, - "2.16.1": { - "container_version": { - "cpu": "ubuntu20.04" - }, - "py_versions": [ - "py310" - ], - "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-6": "633930458069", - "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": "tensorflow-inference-graviton" - } - } - }, - "training": { - "processors": [ - "cpu", - "gpu" - ], - "version_aliases": { - "1.4": "1.4.1", - "1.5": "1.5.0", - "1.6": "1.6.0", - "1.7": "1.7.0", - "1.8": "1.8.0", - "1.9": "1.9.0", - "1.10": "1.10.0", - "1.11": "1.11.0", - "1.12": "1.12.0", - "1.13": "1.13.1", - "1.14": "1.14.0", - "1.15": "1.15.5", - "2.0": "2.0.4", - "2.1": "2.1.3", - "2.2": "2.2.2", - "2.3": "2.3.2", - "2.4": "2.4.3", - "2.5": "2.5.1", - "2.6": "2.6.3", - "2.7": "2.7.1", - "2.8": "2.8.0", - "2.9": "2.9.2", - "2.10": "2.10.1", - "2.11": "2.11.0", - "2.12": "2.12.0", - "2.13": "2.13.0", - "2.14": "2.14.1", - "2.16": "2.16.2", - "2.18": "2.18.0", - "2.19": "2.19.0" - }, - "versions": { - "1.4.1": { - "py_versions": [ - "py2" - ], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-tensorflow" - }, - "1.5.0": { - "py_versions": [ - "py2" - ], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-tensorflow" - }, - "1.6.0": { - "py_versions": [ - "py2" - ], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-tensorflow" - }, - "1.7.0": { - "py_versions": [ - "py2" - ], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-tensorflow" - }, - "1.8.0": { - "py_versions": [ - "py2" - ], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-tensorflow" - }, - "1.9.0": { - "py_versions": [ - "py2" - ], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-tensorflow" - }, - "1.10.0": { - "py_versions": [ - "py2" - ], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-tensorflow" - }, - "1.11.0": { - "py_versions": [ - "py2", - "py3" - ], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-tensorflow-scriptmode" - }, - "1.12.0": { - "py_versions": [ - "py2", - "py3" - ], - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-tensorflow-scriptmode" - }, - "1.13.1": { - "py2": { - "registries": { - "af-south-1": "313743910680", - "ap-east-1": "057415533634", - "ap-northeast-1": "520713654638", - "ap-northeast-2": "520713654638", - "ap-south-1": "520713654638", - "ap-southeast-1": "520713654638", - "ap-southeast-2": "520713654638", - "ca-central-1": "520713654638", - "cn-north-1": "422961961927", - "cn-northwest-1": "423003514399", - "eu-central-1": "520713654638", - "eu-north-1": "520713654638", - "eu-south-1": "048378556238", - "eu-west-1": "520713654638", - "eu-west-2": "520713654638", - "eu-west-3": "520713654638", - "me-south-1": "724002660598", - "sa-east-1": "520713654638", - "us-east-1": "520713654638", - "us-east-2": "520713654638", - "us-gov-west-1": "246785580436", - "us-iso-east-1": "744548109606", - "us-isob-east-1": "453391408702", - "us-west-1": "520713654638", - "us-west-2": "520713654638" - }, - "repository": "sagemaker-tensorflow-scriptmode" - }, - "py3": { - "registries": { - "af-south-1": "626614931356", - "ap-east-1": "871362719292", - "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", - "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", - "sa-east-1": "763104351884", - "us-east-1": "763104351884", - "us-east-2": "763104351884", - "us-gov-east-1": "446045086412", - "us-gov-west-1": "442386744353", - "us-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - } - }, - "1.14.0": { - "py_versions": [ - "py2", - "py3" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "1.15.0": { - "py_versions": [ - "py2", - "py3" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "1.15.2": { - "py_versions": [ - "py2", - "py3", - "py37" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "1.15.3": { - "py_versions": [ - "py2", - "py3", - "py37" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "1.15.4": { - "py_versions": [ - "py3", - "py36", - "py37" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "1.15.5": { - "py_versions": [ - "py3", - "py36", - "py37" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.0.0": { - "py_versions": [ - "py2", - "py3" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.0.1": { - "py_versions": [ - "py2", - "py3" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.0.2": { - "py_versions": [ - "py2", - "py3" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.0.3": { - "py_versions": [ - "py3", - "py36" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.0.4": { - "py_versions": [ - "py3", - "py36" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.1.0": { - "py_versions": [ - "py2", - "py3" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.1.1": { - "py_versions": [ - "py2", - "py3" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.1.2": { - "py_versions": [ - "py3", - "py36" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.1.3": { - "py_versions": [ - "py3", - "py36" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.2.0": { - "py_versions": [ - "py37" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.2.1": { - "py_versions": [ - "py37" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.2.2": { - "py_versions": [ - "py37" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.3.0": { - "py_versions": [ - "py37" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.3.1": { - "py_versions": [ - "py37" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.3.2": { - "py_versions": [ - "py37" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.4.1": { - "py_versions": [ - "py37" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.4.3": { - "py_versions": [ - "py37" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.5.0": { - "py_versions": [ - "py37" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.5.1": { - "py_versions": [ - "py37" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.6.0": { - "py_versions": [ - "py38" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.6.2": { - "py_versions": [ - "py38" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.6.3": { - "py_versions": [ - "py38" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.7.1": { - "py_versions": [ - "py38" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.8.0": { - "py_versions": [ - "py39" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.9.2": { - "py_versions": [ - "py39" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.10.1": { - "py_versions": [ - "py39" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.11.0": { - "py_versions": [ - "py39" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.12.0": { - "py_versions": [ - "py310" - ], - "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-6": "633930458069", - "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": "tensorflow-training" - }, - "2.13.0": { - "py_versions": [ - "py310" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.14.1": { - "py_versions": [ - "py310" - ], - "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-6": "633930458069", - "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-iso-east-1": "886529160074", - "us-isob-east-1": "094389454867", - "us-isof-east-1": "303241398832", - "us-isof-south-1": "454834333376", - "us-west-1": "763104351884", - "us-west-2": "763104351884" - }, - "repository": "tensorflow-training" - }, - "2.16.2": { - "py_versions": [ - "py310" - ], - "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-6": "633930458069", - "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": "tensorflow-training" - }, - "2.18.0": { - "py_versions": [ - "py310" - ], - "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-6": "633930458069", - "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": "tensorflow-training" - }, - "2.19.0": { - "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-6": "633930458069", - "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": "tensorflow-training" - } - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/vw.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/vw.json deleted file mode 100644 index 42b94b6792..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/vw.json +++ /dev/null @@ -1,25 +0,0 @@ -{ - "processors": ["cpu"], - "scope": ["training"], - "versions": { - "8.7.0": { - "registries": { - "ap-northeast-1": "462105765813", - "ap-northeast-2": "462105765813", - "ap-south-1": "462105765813", - "ap-southeast-1": "462105765813", - "ap-southeast-2": "462105765813", - "ca-central-1": "462105765813", - "eu-central-1": "462105765813", - "eu-west-1": "462105765813", - "eu-west-2": "462105765813", - "us-east-1": "462105765813", - "us-east-2": "462105765813", - "us-west-1": "462105765813", - "us-west-2": "462105765813" - }, - "repository": "sagemaker-rl-vw-container", - "tag_prefix": "vw-8.7.0" - } - } -} diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/xgboost-neo.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/xgboost-neo.json deleted file mode 100644 index f727cb43d7..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/xgboost-neo.json +++ /dev/null @@ -1,43 +0,0 @@ -{ - "scope": [ - "inference" - ], - "versions": { - "latest": { - "registries": { - "af-south-1": "774647643957", - "ap-east-1": "110948597952", - "ap-northeast-1": "941853720454", - "ap-northeast-2": "151534178276", - "ap-northeast-3": "925152966179", - "ap-south-1": "763008648453", - "ap-southeast-1": "324986816169", - "ap-southeast-2": "355873309152", - "ca-central-1": "464438896020", - "cn-north-1": "472730292857", - "cn-northwest-1": "474822919863", - "eu-central-1": "746233611703", - "eu-central-2": "010526262399", - "eu-north-1": "601324751636", - "eu-south-1": "966458181534", - "eu-west-1": "802834080501", - "eu-west-2": "205493899709", - "eu-west-3": "254080097072", - "il-central-1": "275950707576", - "me-south-1": "836785723513", - "sa-east-1": "756306329178", - "us-east-1": "785573368785", - "us-east-2": "007439368137", - "us-gov-east-1": "227234621604", - "us-gov-west-1": "263933020539", - "us-iso-east-1": "167761179201", - "us-isob-east-1": "406031935815", - "us-isof-east-1": "751086301963", - "us-isof-south-1": "935523707064", - "us-west-1": "710691900526", - "us-west-2": "301217895009" - }, - "repository": "xgboost-neo" - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/xgboost.json b/sagemaker-core/src/sagemaker/core/image_uri_config_updated/xgboost.json deleted file mode 100644 index 88d621af49..0000000000 --- a/sagemaker-core/src/sagemaker/core/image_uri_config_updated/xgboost.json +++ /dev/null @@ -1,888 +0,0 @@ -{ - "inference": { - "version_aliases": { - "latest": "1" - }, - "versions": { - "1": { - "registries": { - "af-south-1": "455444449433", - "ap-east-1": "286214385809", - "ap-northeast-1": "501404015308", - "ap-northeast-2": "306986355934", - "ap-northeast-3": "867004704886", - "ap-south-1": "991648021394", - "ap-south-2": "628508329040", - "ap-southeast-1": "475088953585", - "ap-southeast-2": "544295431143", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "469771592824", - "cn-north-1": "390948362332", - "cn-northwest-1": "387376663083", - "eu-central-1": "813361260812", - "eu-central-2": "680994064768", - "eu-north-1": "669576153137", - "eu-south-1": "257386234256", - "eu-south-2": "104374241257", - "eu-west-1": "685385470294", - "eu-west-2": "644912444149", - "eu-west-3": "749696950732", - "me-central-1": "272398656194", - "me-south-1": "249704162688", - "sa-east-1": "855470959533", - "us-east-1": "811284229777", - "us-east-2": "825641698319", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "226302683700", - "us-iso-east-1": "490574956308", - "us-isob-east-1": "765400339828", - "us-west-1": "632365934929", - "us-west-2": "433757028032" - }, - "repository": "xgboost" - }, - "0.90-1": { - "processors": [ - "cpu" - ], - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-xgboost" - }, - "0.90-2": { - "processors": [ - "cpu" - ], - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-xgboost" - }, - "1.0-1": { - "processors": [ - "cpu" - ], - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-xgboost" - }, - "1.2-1": { - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-xgboost" - }, - "1.2-2": { - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-xgboost" - }, - "1.3-1": { - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-xgboost" - }, - "1.5-1": { - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-xgboost" - }, - "1.7-1": { - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-xgboost" - } - } - }, - "training": { - "version_aliases": { - "latest": "1" - }, - "versions": { - "1": { - "registries": { - "af-south-1": "455444449433", - "ap-east-1": "286214385809", - "ap-northeast-1": "501404015308", - "ap-northeast-2": "306986355934", - "ap-northeast-3": "867004704886", - "ap-south-1": "991648021394", - "ap-south-2": "628508329040", - "ap-southeast-1": "475088953585", - "ap-southeast-2": "544295431143", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "469771592824", - "cn-north-1": "390948362332", - "cn-northwest-1": "387376663083", - "eu-central-1": "813361260812", - "eu-central-2": "680994064768", - "eu-north-1": "669576153137", - "eu-south-1": "257386234256", - "eu-south-2": "104374241257", - "eu-west-1": "685385470294", - "eu-west-2": "644912444149", - "eu-west-3": "749696950732", - "me-central-1": "272398656194", - "me-south-1": "249704162688", - "sa-east-1": "855470959533", - "us-east-1": "811284229777", - "us-east-2": "825641698319", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "226302683700", - "us-iso-east-1": "490574956308", - "us-isob-east-1": "765400339828", - "us-west-1": "632365934929", - "us-west-2": "433757028032" - }, - "repository": "xgboost" - }, - "0.90-1": { - "processors": [ - "cpu" - ], - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-xgboost" - }, - "0.90-2": { - "processors": [ - "cpu" - ], - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-xgboost" - }, - "1.0-1": { - "processors": [ - "cpu" - ], - "py_versions": [ - "py3" - ], - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-xgboost" - }, - "1.2-1": { - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-xgboost" - }, - "1.2-2": { - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-xgboost" - }, - "1.3-1": { - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-xgboost" - }, - "1.5-1": { - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-xgboost" - }, - "1.7-1": { - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-xgboost" - } - } - }, - "inference_graviton": { - "versions": { - "1.3-1": { - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-xgboost" - }, - "1.5-1": { - "registries": { - "af-south-1": "510948584623", - "ap-east-1": "651117190479", - "ap-northeast-1": "354813040037", - "ap-northeast-2": "366743142698", - "ap-northeast-3": "867004704886", - "ap-south-1": "720646828776", - "ap-south-2": "628508329040", - "ap-southeast-1": "121021644041", - "ap-southeast-2": "783357654285", - "ap-southeast-3": "951798379941", - "ap-southeast-4": "106583098589", - "ca-central-1": "341280168497", - "ca-west-1": "190319476487", - "cn-north-1": "450853457545", - "cn-northwest-1": "451049120500", - "eu-central-1": "492215442770", - "eu-central-2": "680994064768", - "eu-north-1": "662702820516", - "eu-south-1": "978288397137", - "eu-south-2": "104374241257", - "eu-west-1": "141502667606", - "eu-west-2": "764974769150", - "eu-west-3": "659782779980", - "il-central-1": "898809789911", - "me-central-1": "272398656194", - "me-south-1": "801668240914", - "sa-east-1": "737474898029", - "us-east-1": "683313688378", - "us-east-2": "257758044811", - "us-gov-east-1": "237065988967", - "us-gov-west-1": "414596584902", - "us-iso-east-1": "833128469047", - "us-isob-east-1": "281123927165", - "us-isof-east-1": "108575199400", - "us-isof-south-1": "124985052026", - "us-west-1": "746614075791", - "us-west-2": "246618743249" - }, - "repository": "sagemaker-xgboost" - } - } - } -} \ No newline at end of file diff --git a/sagemaker-core/src/sagemaker/core/image_uris.py b/sagemaker-core/src/sagemaker/core/image_uris.py index ef1f2876c9..2f3ee0add5 100644 --- a/sagemaker-core/src/sagemaker/core/image_uris.py +++ b/sagemaker-core/src/sagemaker/core/image_uris.py @@ -41,6 +41,7 @@ HUGGING_FACE_TEI_GPU_FRAMEWORK = "huggingface-tei" HUGGING_FACE_TEI_CPU_FRAMEWORK = "huggingface-tei-cpu" HUGGING_FACE_LLM_NEURONX_FRAMEWORK = "huggingface-llm-neuronx" +HUGGING_FACE_VLLM_NEURONX_FRAMEWORK = "huggingface-vllm-neuronx" XGBOOST_FRAMEWORK = "xgboost" SKLEARN_FRAMEWORK = "sklearn" TRAINIUM_ALLOWED_FRAMEWORKS = "pytorch" @@ -77,7 +78,8 @@ def retrieve( ) -> str: """Retrieves the ECR URI for the Docker image matching the given arguments. - Ideally this function should not be called directly. + Ideally this function should not be called directly, rather it should be called from the + fit() function inside framework estimator. Args: framework (str): The name of the framework or algorithm. @@ -126,7 +128,7 @@ def retrieve( serverless_inference_config (sagemaker.serverless.ServerlessInferenceConfig): Specifies configuration related to serverless endpoint. Instance type is not provided in serverless inference. So this is used to determine processor type. - sagemaker_session (sagemaker.core.helper.session.Session): A SageMaker Session + sagemaker_session (sagemaker.session.Session): A SageMaker Session object, used for SageMaker interactions. If not specified, one is created using the default AWS configuration chain. (Default: sagemaker.jumpstart.constants.DEFAULT_JUMPSTART_SAGEMAKER_SESSION). @@ -229,7 +231,11 @@ def retrieve( container_version = version_config["container_version"][processor] # Append sdk version in case of trainium instances - if repo in ["pytorch-training-neuron", "pytorch-training-neuronx"]: + if repo in [ + "pytorch-training-neuron", + "pytorch-training-neuronx", + "huggingface-vllm-inference-neuronx", + ]: if not sdk_version: sdk_version = _get_latest_versions(version_config["sdk_versions"]) container_version = sdk_version + "-" + container_version diff --git a/sagemaker-core/src/sagemaker/core/jumpstart/region_config.json b/sagemaker-core/src/sagemaker/core/jumpstart/region_config.json index 30bea6ee70..fe5268e294 100644 --- a/sagemaker-core/src/sagemaker/core/jumpstart/region_config.json +++ b/sagemaker-core/src/sagemaker/core/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", @@ -53,6 +57,10 @@ "content_bucket": "jumpstart-cache-prod-ap-southeast-5", "gated_content_bucket": "jumpstart-private-cache-prod-ap-southeast-5" }, + "ap-southeast-6": { + "content_bucket": "jumpstart-cache-prod-ap-southeast-6", + "gated_content_bucket": "jumpstart-private-cache-prod-ap-southeast-6" + }, "ap-southeast-7": { "content_bucket": "jumpstart-cache-prod-ap-southeast-7", "gated_content_bucket": "jumpstart-private-cache-prod-ap-southeast-7" diff --git a/sagemaker-core/src/sagemaker/core/model_monitor/clarify_model_monitoring.py b/sagemaker-core/src/sagemaker/core/model_monitor/clarify_model_monitoring.py index 6d14faa6b1..92d6fac33f 100644 --- a/sagemaker-core/src/sagemaker/core/model_monitor/clarify_model_monitoring.py +++ b/sagemaker-core/src/sagemaker/core/model_monitor/clarify_model_monitoring.py @@ -1117,6 +1117,8 @@ def create_monitoring_schedule( monitor_schedule_name=monitor_schedule_name, job_definition_name=new_job_definition_name, schedule_cron_expression=schedule_cron_expression, + data_analysis_start_time=data_analysis_start_time, + data_analysis_end_time=data_analysis_end_time, ) self.job_definition_name = new_job_definition_name self.monitoring_schedule_name = monitor_schedule_name diff --git a/sagemaker-core/src/sagemaker/core/model_registry.py b/sagemaker-core/src/sagemaker/core/model_registry.py index 5ad638ef96..15f1300059 100644 --- a/sagemaker-core/src/sagemaker/core/model_registry.py +++ b/sagemaker-core/src/sagemaker/core/model_registry.py @@ -98,7 +98,7 @@ def get_model_package_args( if source_uri is not None: model_package_args["source_uri"] = source_uri if model_life_cycle is not None: - model_package_args["model_life_cycle"] = model_life_cycle + model_package_args["model_life_cycle"] = model_life_cycle._to_request_dict() if model_card is not None: original_req = model_card._create_request_args() if original_req.get("ModelCardName") is not None: diff --git a/sagemaker-core/src/sagemaker/core/modules/configs.py b/sagemaker-core/src/sagemaker/core/modules/configs.py index b25f5d622b..09e2671894 100644 --- a/sagemaker-core/src/sagemaker/core/modules/configs.py +++ b/sagemaker-core/src/sagemaker/core/modules/configs.py @@ -45,8 +45,9 @@ InstanceGroup, TensorBoardOutputConfig, CheckpointConfig, + MetricDefinition, ) - +from typing import List __all__ = [ "SourceCode", @@ -70,6 +71,7 @@ "Compute", "Networking", "InputData", + "MetricDefinition", ] from sagemaker.core.modules.utils import convert_unassigned_to_none @@ -99,12 +101,23 @@ class SourceCode(BaseConfig): command (Optional[str]): The command(s) to execute in the training job container. Example: "python my_script.py". If not specified, entry_script must be provided. + ignore_patterns: (Optional[List[str]]) : + The ignore patterns to ignore specific files/folders when uploading to S3. If not specified, + default to: ['.env', '.git', '__pycache__', '.DS_Store', '.cache', '.ipynb_checkpoints']. """ source_dir: Optional[str] = None requirements: Optional[str] = None entry_script: Optional[str] = None command: Optional[str] = None + ignore_patterns: Optional[List[str]] = [ + ".env", + ".git", + "__pycache__", + ".DS_Store", + ".cache", + ".ipynb_checkpoints", + ] class Compute(shapes.ResourceConfig): diff --git a/sagemaker-core/src/sagemaker/core/modules/train/container_drivers/common/utils.py b/sagemaker-core/src/sagemaker/core/modules/train/container_drivers/common/utils.py index c07aa1359a..03146a3bbe 100644 --- a/sagemaker-core/src/sagemaker/core/modules/train/container_drivers/common/utils.py +++ b/sagemaker-core/src/sagemaker/core/modules/train/container_drivers/common/utils.py @@ -124,10 +124,8 @@ def safe_deserialize(data: Any) -> Any: This function handles the following cases: 1. If `data` is not a string, it returns the input as-is. - 2. If `data` is a string and matches common boolean values ("true" or "false"), - it returns the corresponding boolean value (True or False). - 3. If `data` is a JSON-encoded string, it attempts to deserialize it using `json.loads()`. - 4. If `data` is a string but cannot be decoded as JSON, it returns the original string. + 2. If `data` is a JSON-encoded string, it attempts to deserialize it using `json.loads()`. + 3. If `data` is a string but cannot be decoded as JSON, it returns the original string. Returns: Any: The deserialized data, or the original input if it cannot be JSON-decoded. @@ -135,12 +133,6 @@ def safe_deserialize(data: Any) -> Any: if not isinstance(data, str): return data - lower_data = data.lower() - if lower_data in ["true"]: - return True - if lower_data in ["false"]: - return False - try: return json.loads(data) except json.JSONDecodeError: diff --git a/sagemaker-core/src/sagemaker/core/modules/train/sm_recipes/utils.py b/sagemaker-core/src/sagemaker/core/modules/train/sm_recipes/utils.py index 1eb0b83e97..67cdf982e9 100644 --- a/sagemaker-core/src/sagemaker/core/modules/train/sm_recipes/utils.py +++ b/sagemaker-core/src/sagemaker/core/modules/train/sm_recipes/utils.py @@ -129,7 +129,7 @@ def _get_trainining_recipe_gpu_model_name_and_script(model_type: str): """Get the model base name and script for the training recipe.""" model_type_to_script = { - "llama_v3": ("llama", "llama_pretrain.py"), + "llama": ("llama", "llama_pretrain.py"), "mistral": ("mistral", "mistral_pretrain.py"), "mixtral": ("mixtral", "mixtral_pretrain.py"), "deepseek": ("deepseek", "deepseek_pretrain.py"), diff --git a/sagemaker-core/src/sagemaker/core/training/configs.py b/sagemaker-core/src/sagemaker/core/training/configs.py index ad2232d630..1d663661b1 100644 --- a/sagemaker-core/src/sagemaker/core/training/configs.py +++ b/sagemaker-core/src/sagemaker/core/training/configs.py @@ -21,7 +21,7 @@ from __future__ import absolute_import -from typing import Optional, Union +from typing import Optional, Union, List from pydantic import BaseModel, model_validator, ConfigDict import sagemaker.core.shapes as shapes @@ -106,13 +106,23 @@ class SourceCode(BaseConfig): command (Optional[StrPipeVar]): The command(s) to execute in the training job container. Example: "python my_script.py". If not specified, entry_script must be provided. + ignore_patterns: (Optional[List[str]]) : + The ignore patterns to ignore specific files/folders when uploading to S3. If not specified, + default to: ['.env', '.git', '__pycache__', '.DS_Store', '.cache', '.ipynb_checkpoints']. """ source_dir: Optional[StrPipeVar] = None requirements: Optional[StrPipeVar] = None entry_script: Optional[StrPipeVar] = None command: Optional[StrPipeVar] = None - + ignore_patterns: Optional[List[str]] = [ + ".env", + ".git", + "__pycache__", + ".DS_Store", + ".cache", + ".ipynb_checkpoints", + ] class OutputDataConfig(shapes.OutputDataConfig): """OutputDataConfig. diff --git a/sagemaker-core/src/sagemaker/core/workflow/utilities.py b/sagemaker-core/src/sagemaker/core/workflow/utilities.py index 44c318f059..18ea133100 100644 --- a/sagemaker-core/src/sagemaker/core/workflow/utilities.py +++ b/sagemaker-core/src/sagemaker/core/workflow/utilities.py @@ -21,7 +21,14 @@ import hashlib from urllib.parse import unquote, urlparse from contextlib import contextmanager -from _hashlib import HASH as Hash + +try: + # _hashlib is an internal python module, and is not present in + # statically linked interpreters. + from _hashlib import HASH as Hash +except ImportError: + import typing + Hash = typing.Any from sagemaker.core.common_utils import base_from_name from sagemaker.core.workflow.parameters import Parameter diff --git a/sagemaker-core/tests/unit/helper/test_session_helper.py b/sagemaker-core/tests/unit/helper/test_session_helper.py index 8db4a41776..55589ee3ef 100644 --- a/sagemaker-core/tests/unit/helper/test_session_helper.py +++ b/sagemaker-core/tests/unit/helper/test_session_helper.py @@ -1319,3 +1319,96 @@ def test_endpoint_not_found(self, mock_boto_session, mock_sagemaker_client): ) session = Session(boto_session=mock_boto_session, sagemaker_client=mock_sagemaker_client) assert session.endpoint_in_service_or_not("my-endpoint") is False + + +class TestBucketCheckWithPrefix: + """Test bucket check methods with default_bucket_prefix.""" + + @pytest.fixture + def session_with_prefix(self, mock_boto_session, mock_sagemaker_client): + """Create session with bucket prefix.""" + mock_sts_client = Mock() + mock_sts_client.get_caller_identity.return_value = {"Account": "123456789012"} + mock_boto_session.client.return_value = mock_sts_client + + session = Session( + boto_session=mock_boto_session, + sagemaker_client=mock_sagemaker_client, + default_bucket="test-bucket", + default_bucket_prefix="sample-prefix", + ) + mock_s3_resource = Mock() + mock_bucket = Mock() + mock_bucket.creation_date = None + mock_s3_resource.Bucket.return_value = mock_bucket + session.s3_resource = mock_s3_resource + return session + + def test_default_bucket_with_prefix_forbidden(self, session_with_prefix, caplog): + """Test forbidden error when accessing bucket with prefix.""" + error = ClientError( + error_response={"Error": {"Code": "403", "Message": "Forbidden"}}, + operation_name="ListObjectsV2", + ) + session_with_prefix.s3_resource.meta.client.list_objects_v2.side_effect = error + + with pytest.raises(ClientError): + session_with_prefix.default_bucket() + + assert "Please try again after adding appropriate access." in caplog.text + assert session_with_prefix._default_bucket is None + session_with_prefix.s3_resource.meta.client.list_objects_v2.assert_called_once_with( + Bucket="test-bucket", Prefix="sample-prefix" + ) + + def test_expected_bucket_owner_check_with_prefix(self, session_with_prefix): + """Test expected bucket owner check uses list_objects_v2 with prefix.""" + session_with_prefix.expected_bucket_owner_id_bucket_check( + "test-bucket", session_with_prefix.s3_resource, "123456789012" + ) + session_with_prefix.s3_resource.meta.client.list_objects_v2.assert_called_once_with( + Bucket="test-bucket", Prefix="sample-prefix", ExpectedBucketOwner="123456789012" + ) + + def test_expected_bucket_owner_check_without_prefix(self, mock_boto_session, mock_sagemaker_client): + """Test expected bucket owner check uses head_bucket without prefix.""" + session = Session( + boto_session=mock_boto_session, + sagemaker_client=mock_sagemaker_client, + default_bucket="test-bucket", + ) + mock_s3_resource = Mock() + session.s3_resource = mock_s3_resource + + session.expected_bucket_owner_id_bucket_check( + "test-bucket", mock_s3_resource, "123456789012" + ) + mock_s3_resource.meta.client.head_bucket.assert_called_once_with( + Bucket="test-bucket", ExpectedBucketOwner="123456789012" + ) + + def test_general_bucket_check_with_prefix(self, session_with_prefix): + """Test general bucket check uses list_objects_v2 with prefix.""" + mock_bucket = Mock() + session_with_prefix.general_bucket_check_if_user_has_permission( + "test-bucket", session_with_prefix.s3_resource, mock_bucket, "us-west-2", True + ) + session_with_prefix.s3_resource.meta.client.list_objects_v2.assert_called_once_with( + Bucket="test-bucket", Prefix="sample-prefix" + ) + + def test_general_bucket_check_without_prefix(self, mock_boto_session, mock_sagemaker_client): + """Test general bucket check uses head_bucket without prefix.""" + session = Session( + boto_session=mock_boto_session, + sagemaker_client=mock_sagemaker_client, + default_bucket="test-bucket", + ) + mock_s3_resource = Mock() + mock_bucket = Mock() + session.s3_resource = mock_s3_resource + + session.general_bucket_check_if_user_has_permission( + "test-bucket", mock_s3_resource, mock_bucket, "us-west-2", True + ) + mock_s3_resource.meta.client.head_bucket.assert_called_once_with(Bucket="test-bucket") diff --git a/sagemaker-core/src/sagemaker/core/image_uri_config/__init__.py b/sagemaker-core/tests/unit/image_uris/__init__.py similarity index 93% rename from sagemaker-core/src/sagemaker/core/image_uri_config/__init__.py rename to sagemaker-core/tests/unit/image_uris/__init__.py index 0de51aeaaa..a6987bc6a6 100644 --- a/sagemaker-core/src/sagemaker/core/image_uri_config/__init__.py +++ b/sagemaker-core/tests/unit/image_uris/__init__.py @@ -10,4 +10,4 @@ # distributed on an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF # ANY KIND, either express or implied. See the License for the specific # language governing permissions and limitations under the License. -"""Image URI configuration data.""" +from __future__ import absolute_import diff --git a/sagemaker-core/tests/unit/image_uris/conftest.py b/sagemaker-core/tests/unit/image_uris/conftest.py new file mode 100644 index 0000000000..b6887b017e --- /dev/null +++ b/sagemaker-core/tests/unit/image_uris/conftest.py @@ -0,0 +1,73 @@ +# Copyright Amazon.com, Inc. or its affiliates. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"). You +# may not use this file except in compliance with the License. A copy of +# the License is located at +# +# http://aws.amazon.com/apache2.0/ +# +# or in the "license" file accompanying this file. This file is +# distributed on an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF +# ANY KIND, either express or implied. See the License for the specific +# language governing permissions and limitations under the License. +from __future__ import absolute_import + +import os +import json +import pytest + + +# Get the path relative to this file's location +# conftest.py is in sagemaker-core/tests/unit/image_uris/ +# config files are in sagemaker-core/src/sagemaker/core/image_uri_config/ +CURRENT_DIR = os.path.dirname(os.path.abspath(__file__)) +CONFIG_DIR = os.path.join(CURRENT_DIR, "../../../src/sagemaker/core/image_uri_config/") + + +def get_config(config_file_name): + config_file_path = os.path.join(CONFIG_DIR, config_file_name) + with open(config_file_path, "r") as config_file: + return json.load(config_file) + + +@pytest.fixture(scope="module") +def load_config(request): + config_file_name = request.param + return get_config(config_file_name) + + +@pytest.fixture(scope="module") +def load_config_and_file_name(request): + config_file_name = request.param + return get_config(config_file_name), config_file_name + + +@pytest.fixture(scope="module") +def extract_versions_for_image_scope(load_config, request): + scope_val = request.param + return load_config[scope_val]["versions"] + + +@pytest.fixture +def sklearn_version(): + return "1.0-1" + + +@pytest.fixture +def graviton_xgboost_versions(): + return ["1.3-1", "1.5-1"] + + +@pytest.fixture +def graviton_xgboost_unsupported_versions(): + return ["1.0-1", "1.2-1"] + + +@pytest.fixture +def graviton_sklearn_versions(): + return ["1.0-1"] + + +@pytest.fixture +def graviton_sklearn_unsupported_versions(): + return ["0.20.0", "0.23-1"] diff --git a/sagemaker-core/tests/unit/image_uris/expected_uris.py b/sagemaker-core/tests/unit/image_uris/expected_uris.py new file mode 100644 index 0000000000..513cb1b3fe --- /dev/null +++ b/sagemaker-core/tests/unit/image_uris/expected_uris.py @@ -0,0 +1,118 @@ +# Copyright Amazon.com, Inc. or its affiliates. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"). You +# may not use this file except in compliance with the License. A copy of +# the License is located at +# +# http://aws.amazon.com/apache2.0/ +# +# or in the "license" file accompanying this file. This file is +# distributed on an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF +# ANY KIND, either express or implied. See the License for the specific +# language governing permissions and limitations under the License. +from __future__ import absolute_import + +from sagemaker.core.common_utils import ALTERNATE_DOMAINS + +DOMAIN = "amazonaws.com" +IMAGE_URI_FORMAT = "{}.dkr.ecr.{}.{}/{}:{}" +MONITOR_URI_FORMAT = "{}.dkr.ecr.{}.{}/sagemaker-model-monitor-analyzer" +REGION = "us-west-2" + + +def framework_uri(repo, fw_version, account, py_version=None, processor="cpu", region=REGION): + domain = ALTERNATE_DOMAINS.get(region, DOMAIN) + tag = "-".join(x for x in (fw_version, processor, py_version) if x) + + return IMAGE_URI_FORMAT.format(account, region, domain, repo, tag) + + +def neuron_framework_uri( + repo, + fw_version, + account, + py_version=None, + inference_tool="neuron", + region=REGION, + sdk_version="sdk2.4.0", + container_version="ubuntu20.04", +): + domain = ALTERNATE_DOMAINS.get(region, DOMAIN) + tag = "-".join( + x for x in (fw_version, inference_tool, py_version, sdk_version, container_version) if x + ) + + return IMAGE_URI_FORMAT.format(account, region, domain, repo, tag) + + +def algo_uri(algo, account, region, version=1): + domain = ALTERNATE_DOMAINS.get(region, DOMAIN) + return IMAGE_URI_FORMAT.format(account, region, domain, algo, version) + + +def monitor_uri(account, region=REGION): + domain = ALTERNATE_DOMAINS.get(region, DOMAIN) + return MONITOR_URI_FORMAT.format(account, region, domain) + + +def algo_uri_with_tag(algo, account, region, tag): + domain = ALTERNATE_DOMAINS.get(region, DOMAIN) + return IMAGE_URI_FORMAT.format(account, region, domain, algo, tag) + + +def graviton_framework_uri( + repo, + fw_version, + account, + py_version="py38", + processor="cpu", + region=REGION, + container_version="ubuntu20.04-sagemaker", +): + domain = ALTERNATE_DOMAINS.get(region, DOMAIN) + tag = "-".join(x for x in (fw_version, processor, py_version, container_version) if x) + + return IMAGE_URI_FORMAT.format(account, region, domain, repo, tag) + + +def djl_framework_uri(repo, account, tag, region=REGION): + domain = ALTERNATE_DOMAINS.get(region, DOMAIN) + return IMAGE_URI_FORMAT.format(account, region, domain, repo, tag) + + +def sagemaker_triton_framework_uri(repo, account, tag, processor="gpu", region=REGION): + domain = ALTERNATE_DOMAINS.get(region, DOMAIN) + if processor == "cpu": + tag = f"{tag}-cpu" + return IMAGE_URI_FORMAT.format(account, region, domain, repo, tag) + + +def huggingface_llm_framework_uri( + repo, + account, + version, + tag, + region=REGION, +): + domain = ALTERNATE_DOMAINS.get(region, DOMAIN) + return IMAGE_URI_FORMAT.format(account, region, domain, repo, tag) + + +def stabilityai_framework_uri(repo, account, tag, region=REGION): + domain = ALTERNATE_DOMAINS.get(region, DOMAIN) + return IMAGE_URI_FORMAT.format(account, region, domain, repo, tag) + + +def base_python_uri(repo, account, region=REGION): + domain = ALTERNATE_DOMAINS.get(region, DOMAIN) + tag = "1.0" + return IMAGE_URI_FORMAT.format(account, region, domain, repo, tag) + + +def sagemaker_distribution_uri(repo, account, tag, processor, region=REGION): + domain = ALTERNATE_DOMAINS.get(region, DOMAIN) + if processor == "cpu": + tag = f"{tag}-cpu" + else: + tag = f"{tag}-gpu" + return IMAGE_URI_FORMAT.format(account, region, domain, repo, tag) diff --git a/sagemaker-core/tests/unit/image_uris/regions.py b/sagemaker-core/tests/unit/image_uris/regions.py new file mode 100644 index 0000000000..6d3373b6b3 --- /dev/null +++ b/sagemaker-core/tests/unit/image_uris/regions.py @@ -0,0 +1,22 @@ +# Copyright Amazon.com, Inc. or its affiliates. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"). You +# may not use this file except in compliance with the License. A copy of +# the License is located at +# +# http://aws.amazon.com/apache2.0/ +# +# or in the "license" file accompanying this file. This file is +# distributed on an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF +# ANY KIND, either express or implied. See the License for the specific +# language governing permissions and limitations under the License. +from __future__ import absolute_import + +import boto3 + + +def regions(): + boto_session = boto3.Session() + for partition in boto_session.get_available_partitions(): + for region in boto_session.get_available_regions("sagemaker", partition_name=partition): + yield region diff --git a/sagemaker-core/tests/unit/image_uris/test_algos.py b/sagemaker-core/tests/unit/image_uris/test_algos.py new file mode 100644 index 0000000000..f587389fde --- /dev/null +++ b/sagemaker-core/tests/unit/image_uris/test_algos.py @@ -0,0 +1,49 @@ +# Copyright Amazon.com, Inc. or its affiliates. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"). You +# may not use this file except in compliance with the License. A copy of +# the License is located at +# +# http://aws.amazon.com/apache2.0/ +# +# or in the "license" file accompanying this file. This file is +# distributed on an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF +# ANY KIND, either express or implied. See the License for the specific +# language governing permissions and limitations under the License. +from __future__ import absolute_import + +import pytest + +from sagemaker.core import image_uris +from . import expected_uris + + +ALGO_NAMES = [ + "blazingtext.json", + "factorization-machines.json", + "forecasting-deepar.json", + "image-classification.json", + "ipinsights.json", + "kmeans.json", + "knn.json", + "linear-learner.json", + "ntm.json", + "object-detection.json", + "object2vec.json", + "pca.json", + "randomcutforest.json", + "semantic-segmentation.json", + "seq2seq.json", + "lda.json", +] + + +@pytest.mark.parametrize("load_config", ALGO_NAMES, indirect=True) +def test_algo_uris(load_config): + VERSIONS = load_config["versions"] + for version in VERSIONS: + ACCOUNTS = load_config["versions"][version]["registries"] + algo_name = load_config["versions"][version]["repository"] + for region in ACCOUNTS.keys(): + uri = image_uris.retrieve(algo_name, region) + assert expected_uris.algo_uri(algo_name, ACCOUNTS[region], region) == uri diff --git a/sagemaker-core/tests/unit/image_uris/test_autogluon.py b/sagemaker-core/tests/unit/image_uris/test_autogluon.py new file mode 100644 index 0000000000..a151afcfb4 --- /dev/null +++ b/sagemaker-core/tests/unit/image_uris/test_autogluon.py @@ -0,0 +1,71 @@ +# Copyright Amazon.com, Inc. or its affiliates. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"). You +# may not use this file except in compliance with the License. A copy of +# the License is located at +# +# http://aws.amazon.com/apache2.0/ +# +# or in the "license" file accompanying this file. This file is +# distributed on an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF +# ANY KIND, either express or implied. See the License for the specific +# language governing permissions and limitations under the License. +from __future__ import absolute_import + +import pytest + +from sagemaker.core import image_uris +from . import expected_uris + +INSTANCE_TYPES = {"cpu": "ml.c4.xlarge", "gpu": "ml.p2.xlarge"} + + +@pytest.mark.parametrize("load_config", ["autogluon.json"], indirect=True) +@pytest.mark.parametrize("scope", ["training", "inference"]) +def test_autogluon_uris(load_config, scope): + VERSIONS = load_config[scope]["versions"] + for version in VERSIONS: + ACCOUNTS = load_config[scope]["versions"][version]["registries"] + py_versions = load_config[scope]["versions"][version]["py_versions"] + processors = load_config[scope]["versions"][version].get("processors", ["cpu"]) + + for processor in processors: + instance_type = INSTANCE_TYPES[processor] + for py_version in py_versions: + for region in ACCOUNTS.keys(): + uri = image_uris.retrieve( + "autogluon", + region=region, + version=version, + py_version=py_version, + image_scope=scope, + instance_type=instance_type, + ) + expected = expected_uris.framework_uri( + f"autogluon-{scope}", + version, + ACCOUNTS[region], + py_version=py_version, + region=region, + processor=processor, + ) + + assert uri == expected + + +@pytest.mark.parametrize("load_config", ["autogluon.json"], indirect=True) +@pytest.mark.parametrize("scope", ["training"]) +def test_py3_error(load_config, scope): + VERSIONS = load_config[scope]["versions"] + for version in VERSIONS: + with pytest.raises(ValueError) as e: + image_uris.retrieve( + "autogluon", + region="us-west-2", + version=version, + py_version="py3", + image_scope="training", + instance_type="ml.c4.xlarge", + ) + + assert "Unsupported Python version: py3." in str(e.value) diff --git a/sagemaker-core/tests/unit/image_uris/test_base_python.py b/sagemaker-core/tests/unit/image_uris/test_base_python.py new file mode 100644 index 0000000000..546b72bc72 --- /dev/null +++ b/sagemaker-core/tests/unit/image_uris/test_base_python.py @@ -0,0 +1,33 @@ +# Copyright Amazon.com, Inc. or its affiliates. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"). You +# may not use this file except in compliance with the License. A copy of +# the License is located at +# +# http://aws.amazon.com/apache2.0/ +# +# or in the "license" file accompanying this file. This file is +# distributed on an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF +# ANY KIND, either express or implied. See the License for the specific +# language governing permissions and limitations under the License. +from __future__ import absolute_import +import pytest +from sagemaker.core import image_uris +from . import expected_uris + + +@pytest.mark.parametrize("load_config", ["sagemaker-base-python.json"], indirect=True) +@pytest.mark.parametrize("py_version", ["310", "38"]) +def test_get_base_python_image_uri(py_version, load_config): + REGISTRIES = load_config["versions"]["1.0"]["registries"] + for region in REGISTRIES.keys(): + uri = image_uris.get_base_python_image_uri( + region=region, + py_version=py_version, + ) + + repo = "sagemaker-base-python-" + py_version + expected = expected_uris.base_python_uri( + repo=repo, account=REGISTRIES[region], region=region + ) + assert expected == uri diff --git a/sagemaker-core/tests/unit/image_uris/test_data_wrangler.py b/sagemaker-core/tests/unit/image_uris/test_data_wrangler.py new file mode 100644 index 0000000000..d6ea2d720d --- /dev/null +++ b/sagemaker-core/tests/unit/image_uris/test_data_wrangler.py @@ -0,0 +1,55 @@ +# Copyright Amazon.com, Inc. or its affiliates. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"). You +# may not use this file except in compliance with the License. A copy of +# the License is located at +# +# http://aws.amazon.com/apache2.0/ +# +# or in the "license" file accompanying this file. This file is +# distributed on an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF +# ANY KIND, either express or implied. See the License for the specific +# language governing permissions and limitations under the License. +from __future__ import absolute_import + +import pytest +from sagemaker.core import image_uris +from . import expected_uris + + +def _test_ecr_uri(account, region, version): + actual_uri = image_uris.retrieve("data-wrangler", region=region, version=version) + expected_uri = expected_uris.algo_uri( + "sagemaker-data-wrangler-container", + account, + region, + version=version, + ) + return expected_uri == actual_uri + + +@pytest.mark.parametrize("load_config", ["data-wrangler.json"], indirect=True) +@pytest.mark.parametrize("extract_versions_for_image_scope", ["processing"], indirect=True) +def test_data_wrangler_ecr_uri(load_config, extract_versions_for_image_scope): + VERSIONS = extract_versions_for_image_scope + for version in VERSIONS: + DATA_WRANGLER_ACCOUNTS = load_config["processing"]["versions"][version]["registries"] + for region in DATA_WRANGLER_ACCOUNTS.keys(): + assert _test_ecr_uri( + account=DATA_WRANGLER_ACCOUNTS[region], region=region, version=version + ) + + +@pytest.mark.parametrize("load_config", ["data-wrangler.json"], indirect=True) +def test_data_wrangler_ecr_uri_none(load_config): + region = "us-west-2" + VERSIONS = ["1.x", "2.x", "3.x"] + DATA_WRANGLER_ACCOUNTS = load_config["processing"]["versions"]["1.x"]["registries"] + actual_uri = image_uris.retrieve("data-wrangler", region=region) + expected_uri = expected_uris.algo_uri( + "sagemaker-data-wrangler-container", + DATA_WRANGLER_ACCOUNTS[region], + region, + version=VERSIONS[-1], + ) + assert expected_uri == actual_uri diff --git a/sagemaker-core/tests/unit/image_uris/test_debugger.py b/sagemaker-core/tests/unit/image_uris/test_debugger.py new file mode 100644 index 0000000000..9ee02e846b --- /dev/null +++ b/sagemaker-core/tests/unit/image_uris/test_debugger.py @@ -0,0 +1,28 @@ +# Copyright Amazon.com, Inc. or its affiliates. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"). You +# may not use this file except in compliance with the License. A copy of +# the License is located at +# +# http://aws.amazon.com/apache2.0/ +# +# or in the "license" file accompanying this file. This file is +# distributed on an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF +# ANY KIND, either express or implied. See the License for the specific +# language governing permissions and limitations under the License. +from __future__ import absolute_import + +import pytest +from sagemaker.core import image_uris +from . import expected_uris + + +@pytest.mark.parametrize("load_config", ["debugger.json"], indirect=True) +def test_debugger(load_config): + ACCOUNTS = load_config["versions"]["latest"]["registries"] + for region in ACCOUNTS.keys(): + uri = image_uris.retrieve("debugger", region=region) + expected = expected_uris.algo_uri( + "sagemaker-debugger-rules", ACCOUNTS[region], region, version="latest" + ) + assert expected == uri diff --git a/sagemaker-core/tests/unit/image_uris/test_djl.py b/sagemaker-core/tests/unit/image_uris/test_djl.py new file mode 100644 index 0000000000..8a8a0b0b06 --- /dev/null +++ b/sagemaker-core/tests/unit/image_uris/test_djl.py @@ -0,0 +1,261 @@ +# Copyright Amazon.com, Inc. or its affiliates. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"). You +# may not use this file except in compliance with the License. A copy of +# the License is located at +# +# http://aws.amazon.com/apache2.0/ +# +# or in the "license" file accompanying this file. This file is +# distributed on an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF +# ANY KIND, either express or implied. See the License for the specific +# language governing permissions and limitations under the License. +from __future__ import absolute_import +import pytest +from sagemaker.core import image_uris +from . import expected_uris + + +@pytest.mark.parametrize( + "load_config_and_file_name", + ["djl-neuronx.json", "djl-tensorrtllm.json", "djl-lmi.json"], + indirect=True, +) +def test_djl_uris(load_config_and_file_name): + config, file_name = load_config_and_file_name + framework = file_name.split(".json")[0] + VERSIONS = config["versions"] + for version in VERSIONS: + ACCOUNTS = config["versions"][version]["registries"] + tag = config["versions"][version]["tag_prefix"] + for region in ACCOUNTS.keys(): + _test_djl_uris(ACCOUNTS[region], region, version, tag, framework) + + +def _test_djl_uris(account, region, version, tag, djl_framework): + uri = image_uris.retrieve(framework=djl_framework, region=region, version=version) + expected = expected_uris.djl_framework_uri( + "djl-inference", + account, + tag, + region, + ) + assert expected == uri + + +# Expected regions for DJL LMI based on documentation +# https://github.com/aws/deep-learning-containers/blob/master/available_images.md +EXPECTED_DJL_LMI_REGIONS = { + "us-east-1", + "us-east-2", + "us-west-1", + "us-west-2", + "af-south-1", + "ap-east-1", + "ap-east-2", + "ap-south-1", + "ap-south-2", + "ap-southeast-1", + "ap-southeast-2", + "ap-southeast-3", + "ap-southeast-4", + "ap-southeast-5", + "ap-southeast-7", + "ap-northeast-1", + "ap-northeast-2", + "ap-northeast-3", + "ca-central-1", + "ca-west-1", + "eu-central-1", + "eu-central-2", + "eu-west-1", + "eu-west-2", + "eu-west-3", + "eu-north-1", + "eu-south-1", + "eu-south-2", + "il-central-1", + "mx-central-1", + "me-south-1", + "me-central-1", + "sa-east-1", + "cn-north-1", + "cn-northwest-1", +} + +# Known missing framework:version:region combinations that don't exist in ECR +KNOWN_MISSING_COMBINATIONS = { + "djl-lmi": { + "0.30.0-lmi12.0.0-cu124": {"ap-east-2"}, + "0.29.0-lmi11.0.0-cu124": {"ap-east-2"}, + "0.28.0-lmi10.0.0-cu124": {"ap-east-2"}, + }, + "djl-neuronx": { + "0.29.0-neuronx-sdk2.19.1": { + "ap-east-1", + "me-central-1", + "ap-east-2", + "ap-southeast-3", + "eu-south-1", + "ca-central-1", + "us-west-1", + "ap-northeast-3", + "ap-northeast-2", + "af-south-1", + "me-south-1", + }, + "0.28.0-neuronx-sdk2.18.2": { + "ap-east-1", + "me-central-1", + "ap-east-2", + "ap-southeast-3", + "eu-south-1", + "ca-central-1", + "us-west-1", + "ap-northeast-3", + "ap-northeast-2", + "af-south-1", + "me-south-1", + }, + "0.27.0-neuronx-sdk2.18.1": { + "ap-east-1", + "me-central-1", + "ap-east-2", + "ap-southeast-3", + "eu-south-1", + "ca-central-1", + "us-west-1", + "ap-northeast-3", + "ap-northeast-2", + "af-south-1", + "me-south-1", + }, + "0.26.0-neuronx-sdk2.16.0": { + "ap-east-1", + "me-central-1", + "ap-east-2", + "ap-southeast-3", + "eu-south-1", + "ca-central-1", + "us-west-1", + "ap-northeast-3", + "ap-northeast-2", + "af-south-1", + "me-south-1", + }, + "0.25.0-neuronx-sdk2.15.0": { + "eu-north-1", + "ap-east-1", + "me-central-1", + "eu-west-2", + "ap-east-2", + "ap-southeast-3", + "eu-south-1", + "ca-central-1", + "us-west-1", + "ap-northeast-3", + "ap-northeast-2", + "af-south-1", + "me-south-1", + }, + "0.24.0-neuronx-sdk2.14.1": { + "eu-north-1", + "ap-east-1", + "me-central-1", + "eu-west-2", + "ap-east-2", + "ap-southeast-3", + "eu-south-1", + "ca-central-1", + "us-west-1", + "ap-northeast-3", + "ap-northeast-2", + "af-south-1", + "me-south-1", + }, + "0.23.0-neuronx-sdk2.12.0": { + "eu-north-1", + "ap-east-1", + "me-central-1", + "eu-west-2", + "ap-east-2", + "ap-southeast-3", + "eu-south-1", + "ca-central-1", + "us-west-1", + "ap-northeast-3", + "ap-northeast-2", + "af-south-1", + "me-south-1", + }, + "0.22.1-neuronx-sdk2.10.0": { + "eu-north-1", + "ap-east-1", + "me-central-1", + "eu-west-2", + "ap-east-2", + "ap-southeast-3", + "eu-south-1", + "ca-central-1", + "us-west-1", + "ap-northeast-3", + "ap-northeast-2", + "af-south-1", + "me-south-1", + }, + }, + "djl-tensorrtllm": { + "0.30.0-tensorrtllm0.12.0-cu125": {"ap-east-2"}, + "0.29.0-tensorrtllm0.11.0-cu124": {"ap-east-2"}, + "0.28.0-tensorrtllm0.9.0-cu122": {"ap-east-2"}, + "0.27.0-tensorrtllm0.8.0-cu122": {"ap-east-2"}, + "0.26.0-tensorrtllm0.7.1-cu122": {"ap-east-2"}, + "0.25.0-tensorrtllm0.5.0-cu122": {"ap-east-2"}, + }, + "djl-fastertransformer": { + "0.24.0-fastertransformer5.3.0-cu118": {"ap-east-2"}, + "0.23.0-fastertransformer5.3.0-cu118": {"ap-east-2"}, + "0.22.1-fastertransformer5.3.0-cu118": {"ap-east-2"}, + "0.21.0-fastertransformer5.3.0-cu117": {"ap-east-2"}, + }, + "djl-deepspeed": { + "0.27.0-deepspeed0.12.6-cu121": {"ap-east-2"}, + "0.26.0-deepspeed0.12.6-cu121": {"ap-east-2"}, + "0.25.0-deepspeed0.11.0-cu118": {"ap-east-2"}, + "0.24.0-deepspeed0.10.0-cu118": {"ap-east-2"}, + "0.23.0-deepspeed0.9.5-cu118": {"ap-east-2"}, + "0.22.1-deepspeed0.9.2-cu118": {"ap-east-2"}, + "0.21.0-deepspeed0.8.3-cu117": {"ap-east-2"}, + "0.20.0-deepspeed0.7.5-cu116": {"ap-east-2"}, + "0.19.0-deepspeed0.7.3-cu113": {"ap-east-2"}, + }, +} + + +@pytest.mark.parametrize( + "framework", + ["djl-deepspeed", "djl-fastertransformer", "djl-lmi", "djl-neuronx", "djl-tensorrtllm"], +) +def test_djl_lmi_config_for_framework_has_all_regions(framework): + """Test that config_for_framework returns all expected regions for each version.""" + config = image_uris.config_for_framework(framework) + + # Check that each version has all expected regions, excluding known missing combinations + for version, version_config in config["versions"].items(): + actual_regions = set(version_config["registries"].keys()) + expected_regions_for_version = EXPECTED_DJL_LMI_REGIONS.copy() + + # Use tag_prefix for lookup if available, otherwise fall back to version + lookup_key = version_config.get("tag_prefix", version) + + # Remove regions that are known to be missing for this framework:version combination + missing_regions_for_version = KNOWN_MISSING_COMBINATIONS.get(framework, {}).get( + lookup_key, set() + ) + expected_regions_for_version -= missing_regions_for_version + + missing_regions = expected_regions_for_version - actual_regions + + assert ( + not missing_regions + ), f"Framework {framework} version {version} missing regions: {missing_regions}" diff --git a/sagemaker-core/tests/unit/image_uris/test_graviton.py b/sagemaker-core/tests/unit/image_uris/test_graviton.py new file mode 100644 index 0000000000..e498c8367a --- /dev/null +++ b/sagemaker-core/tests/unit/image_uris/test_graviton.py @@ -0,0 +1,213 @@ +# Copyright Amazon.com, Inc. or its affiliates. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"). You +# may not use this file except in compliance with the License. A copy of +# the License is located at +# +# http://aws.amazon.com/apache2.0/ +# +# or in the "license" file accompanying this file. This file is +# distributed on an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF +# ANY KIND, either express or implied. See the License for the specific +# language governing permissions and limitations under the License. +from __future__ import absolute_import + +from sagemaker.core import image_uris +from . import expected_uris +from sagemaker.core.fw_utils import GRAVITON_ALLOWED_FRAMEWORKS + +import pytest + +GRAVITON_INSTANCE_TYPES = [ + "ml.m6g.4xlarge", + "ml.m6gd.2xlarge", + "ml.c6g.2xlarge", + "ml.c6gd.4xlarge", + "ml.c6gn.4xlarge", + "ml.c7g.2xlarge", + "ml.r6g.2xlarge", + "ml.r6gd.4xlarge", +] + + +def _test_graviton_framework_uris( + framework, version, py_version, account, region, container_version="ubuntu20.04-sagemaker" +): + for instance_type in GRAVITON_INSTANCE_TYPES: + uri = image_uris.retrieve(framework, region, instance_type=instance_type, version=version) + expected = _expected_graviton_framework_uri( + framework, + version, + py_version, + account, + region=region, + container_version=container_version, + ) + assert expected == uri + + +@pytest.mark.parametrize( + "load_config_and_file_name", ["pytorch.json", "tensorflow.json"], indirect=True +) +@pytest.mark.parametrize("scope", ["inference_graviton"]) +def test_graviton_framework_uris(load_config_and_file_name, scope): + config, file_name = load_config_and_file_name + framework = file_name.split(".json")[0] + VERSIONS = config[scope]["versions"] + for version in VERSIONS: + ACCOUNTS = config[scope]["versions"][version]["registries"] + py_versions = config[scope]["versions"][version]["py_versions"] + container_version = ( + config[scope]["versions"][version].get("container_version", {}).get("cpu", None) + ) + if container_version: + container_version = container_version + "-sagemaker" + for py_version in py_versions: + for region in ACCOUNTS.keys(): + if container_version: + _test_graviton_framework_uris( + framework, version, py_version, ACCOUNTS[region], region, container_version + ) + else: + _test_graviton_framework_uris( + framework, version, py_version, ACCOUNTS[region], region + ) + + +def _test_graviton_unsupported_framework(framework, region, framework_version): + for instance_type in GRAVITON_INSTANCE_TYPES: + with pytest.raises(ValueError) as error: + image_uris.retrieve( + framework, region, version=framework_version, instance_type=instance_type + ) + expectedErr = ( + f"Unsupported framework: {framework}. Supported framework(s) for Graviton instances: " + f"{GRAVITON_ALLOWED_FRAMEWORKS}." + ) + assert expectedErr in str(error) + + +@pytest.mark.parametrize("load_config", ["pytorch.json"], indirect=True) +@pytest.mark.parametrize("scope", ["inference_graviton"]) +def test_graviton_unsupported_framework(load_config, scope): + VERSIONS = load_config[scope]["versions"] + for version in VERSIONS: + ACCOUNTS = load_config[scope]["versions"][version]["registries"] + for region in ACCOUNTS.keys(): + _test_graviton_unsupported_framework("autogluon", region, version) + + +def test_graviton_xgboost_instance_type_specified(graviton_xgboost_versions): + for xgboost_version in graviton_xgboost_versions: + for instance_type in GRAVITON_INSTANCE_TYPES: + uri = image_uris.retrieve( + "xgboost", "us-west-2", version=xgboost_version, instance_type=instance_type + ) + expected = ( + "246618743249.dkr.ecr.us-west-2.amazonaws.com/sagemaker-xgboost:" + f"{xgboost_version}-arm64" + ) + assert expected == uri + + +def test_graviton_xgboost_image_scope_specified(graviton_xgboost_versions): + for xgboost_version in graviton_xgboost_versions: + for instance_type in GRAVITON_INSTANCE_TYPES: + uri = image_uris.retrieve( + "xgboost", "us-west-2", version=xgboost_version, image_scope="inference_graviton" + ) + expected = ( + "246618743249.dkr.ecr.us-west-2.amazonaws.com/sagemaker-xgboost:" + f"{xgboost_version}-arm64" + ) + assert expected == uri + + +def test_graviton_xgboost_image_scope_specified_x86_instance(graviton_xgboost_versions): + for xgboost_version in graviton_xgboost_versions: + for instance_type in GRAVITON_INSTANCE_TYPES: + with pytest.raises(ValueError) as error: + image_uris.retrieve( + "xgboost", + "us-west-2", + version=xgboost_version, + image_scope="inference_graviton", + instance_type="ml.m5.xlarge", + ) + assert "Unsupported instance type: m5." in str(error) + + +def test_graviton_xgboost_unsupported_version(graviton_xgboost_unsupported_versions): + for xgboost_version in graviton_xgboost_unsupported_versions: + for instance_type in GRAVITON_INSTANCE_TYPES: + with pytest.raises(ValueError) as error: + image_uris.retrieve( + "xgboost", "us-west-2", version=xgboost_version, instance_type=instance_type + ) + assert f"Unsupported xgboost version: {xgboost_version}." in str(error) + + +def test_graviton_sklearn_instance_type_specified(graviton_sklearn_versions): + for sklearn_version in graviton_sklearn_versions: + for instance_type in GRAVITON_INSTANCE_TYPES: + uri = image_uris.retrieve( + "sklearn", "us-west-2", version=sklearn_version, instance_type=instance_type + ) + expected = ( + "246618743249.dkr.ecr.us-west-2.amazonaws.com/sagemaker-scikit-learn:" + f"{sklearn_version}-arm64-cpu-py3" + ) + assert expected == uri + + +def test_graviton_sklearn_image_scope_specified(graviton_sklearn_versions): + for sklearn_version in graviton_sklearn_versions: + for instance_type in GRAVITON_INSTANCE_TYPES: + uri = image_uris.retrieve( + "sklearn", "us-west-2", version=sklearn_version, image_scope="inference_graviton" + ) + expected = ( + "246618743249.dkr.ecr.us-west-2.amazonaws.com/sagemaker-scikit-learn:" + f"{sklearn_version}-arm64-cpu-py3" + ) + assert expected == uri + + +def test_graviton_sklearn_unsupported_version(graviton_sklearn_unsupported_versions): + for sklearn_version in graviton_sklearn_unsupported_versions: + for instance_type in GRAVITON_INSTANCE_TYPES: + uri = image_uris.retrieve( + "sklearn", "us-west-2", version=sklearn_version, instance_type=instance_type + ) + # Expected URI for SKLearn instead of ValueError because it only + # supports one version for Graviton and therefore will always return + # the default. See: image_uris._validate_version_and_set_if_needed + expected = "246618743249.dkr.ecr.us-west-2.amazonaws.com/sagemaker-scikit-learn:1.0-1-arm64-cpu-py3" + assert expected == uri + + +def test_graviton_sklearn_image_scope_specified_x86_instance(graviton_sklearn_unsupported_versions): + for sklearn_version in graviton_sklearn_unsupported_versions: + for instance_type in GRAVITON_INSTANCE_TYPES: + with pytest.raises(ValueError) as error: + image_uris.retrieve( + "sklearn", + "us-west-2", + version=sklearn_version, + image_scope="inference_graviton", + instance_type="ml.m5.xlarge", + ) + assert "Unsupported instance type: m5." in str(error) + + +def _expected_graviton_framework_uri( + framework, version, py_version, account, region, container_version +): + return expected_uris.graviton_framework_uri( + "{}-inference-graviton".format(framework), + fw_version=version, + py_version=py_version, + account=account, + region=region, + container_version=container_version, + ) diff --git a/sagemaker-core/tests/unit/image_uris/test_model_monitor.py b/sagemaker-core/tests/unit/image_uris/test_model_monitor.py new file mode 100644 index 0000000000..03bab00079 --- /dev/null +++ b/sagemaker-core/tests/unit/image_uris/test_model_monitor.py @@ -0,0 +1,31 @@ +# Copyright Amazon.com, Inc. or its affiliates. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"). You +# may not use this file except in compliance with the License. A copy of +# the License is located at +# +# http://aws.amazon.com/apache2.0/ +# +# or in the "license" file accompanying this file. This file is +# distributed on an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF +# ANY KIND, either express or implied. See the License for the specific +# language governing permissions and limitations under the License. +from __future__ import absolute_import + +import pytest + +from sagemaker.core import image_uris +from . import expected_uris + + +@pytest.mark.parametrize("load_config", ["model-monitor.json"], indirect=True) +def test_model_monitor(load_config): + VERSIONS = load_config["versions"] + for version in VERSIONS: + ACCOUNTS = load_config["versions"][version]["registries"] + for region in ACCOUNTS.keys(): + print(region, ACCOUNTS[region]) + uri = image_uris.retrieve("model-monitor", region=region) + + expected = expected_uris.monitor_uri(ACCOUNTS[region], region) + assert expected == uri diff --git a/sagemaker-core/tests/unit/image_uris/test_neo.py b/sagemaker-core/tests/unit/image_uris/test_neo.py new file mode 100644 index 0000000000..cbe4a69832 --- /dev/null +++ b/sagemaker-core/tests/unit/image_uris/test_neo.py @@ -0,0 +1,75 @@ +# Copyright Amazon.com, Inc. or its affiliates. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"). You +# may not use this file except in compliance with the License. A copy of +# the License is located at +# +# http://aws.amazon.com/apache2.0/ +# +# or in the "license" file accompanying this file. This file is +# distributed on an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF +# ANY KIND, either express or implied. See the License for the specific +# language governing permissions and limitations under the License. +from __future__ import absolute_import + +import pytest + +from sagemaker.core import image_uris +from . import expected_uris + +NEO_FRAMEWORK_INSTANCE_TYPES = {"cpu": "ml_c5", "gpu": "ml_p2"} +INFERNTIA_FRAMEWORK_INSTANCE_TYPES = {"inf": "ml_inf1"} + +NEO_ALGOS = ["image-classification-neo.json", "xgboost-neo.json"] +NEO_FRAMEWORKS = ["neo-pytorch.json", "neo-tensorflow.json", "neo-mxnet.json"] +INFERENTIA_FRAMEWORKS = [ + "inferentia-mxnet.json", + "inferentia-pytorch.json", + "inferentia-tensorflow.json", +] +NEO_AND_INFERENTIA_FRAMEWORKS = NEO_FRAMEWORKS + INFERENTIA_FRAMEWORKS + + +@pytest.mark.parametrize("load_config_and_file_name", NEO_ALGOS, indirect=True) +def test_neo_alogos(load_config_and_file_name): + config, file_name = load_config_and_file_name + algo = file_name.split(".json")[0] + VERSIONS = config["versions"] + for version in VERSIONS: + ACCOUNTS = config["versions"][version]["registries"] + for region in ACCOUNTS.keys(): + uri = image_uris.retrieve(algo, region) + expected = expected_uris.algo_uri(algo, ACCOUNTS[region], region, version) + assert uri == expected + + +@pytest.mark.parametrize("load_config_and_file_name", NEO_AND_INFERENTIA_FRAMEWORKS, indirect=True) +def test_neo_and_inferentia_frameworks(load_config_and_file_name): + config, file_name = load_config_and_file_name + framework = file_name.split(".json")[0] + VERSIONS = config["versions"] + processors = config["processors"] + for version in VERSIONS: + ACCOUNTS = config["versions"][version]["registries"] + py_versions = config["versions"][version].get("py_versions", [None]) + repo = config["versions"][version]["repository"] + for processor in processors: + if file_name in NEO_FRAMEWORKS: + instance_type = NEO_FRAMEWORK_INSTANCE_TYPES[processor] + else: + instance_type = INFERNTIA_FRAMEWORK_INSTANCE_TYPES[processor] + + for py_version in py_versions: + for region in ACCOUNTS.keys(): + uri = image_uris.retrieve( + framework, region, instance_type=instance_type, version=version + ) + expected = expected_uris.framework_uri( + repo, + fw_version=version, + py_version=py_version, + account=ACCOUNTS[region], + region=region, + processor=processor, + ) + assert uri == expected diff --git a/sagemaker-core/tests/unit/image_uris/test_retrieve.py b/sagemaker-core/tests/unit/image_uris/test_retrieve.py new file mode 100644 index 0000000000..80cc31bd04 --- /dev/null +++ b/sagemaker-core/tests/unit/image_uris/test_retrieve.py @@ -0,0 +1,871 @@ +# Copyright Amazon.com, Inc. or its affiliates. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"). You +# may not use this file except in compliance with the License. A copy of +# the License is located at +# +# http://aws.amazon.com/apache2.0/ +# +# or in the "license" file accompanying this file. This file is +# distributed on an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF +# ANY KIND, either express or implied. See the License for the specific +# language governing permissions and limitations under the License. +from __future__ import absolute_import + +import copy +import logging + +import pytest +from mock import patch + +from sagemaker.core import image_uris +from sagemaker.core.workflow.functions import Join +from sagemaker.core.workflow.parameters import ParameterString + +BASE_CONFIG = { + "processors": ["cpu", "gpu"], + "scope": ["training", "inference"], + "versions": { + "1.0.0": { + "registries": {"us-west-2": "123412341234"}, + "repository": "dummy", + "py_versions": ["py3", "py37"], + }, + "1.1.0": { + "registries": {"us-west-2": "123412341234"}, + "repository": "dummy", + "py_versions": ["py3", "py37"], + }, + }, +} + + +@patch("sagemaker.core.image_uris.config_for_framework", return_value=BASE_CONFIG) +def test_retrieve_framework(config_for_framework): + uri = image_uris.retrieve( + framework="useless-string", + version="1.0.0", + py_version="py3", + instance_type="ml.c4.xlarge", + region="us-west-2", + image_scope="training", + ) + assert "123412341234.dkr.ecr.us-west-2.amazonaws.com/dummy:1.0.0-cpu-py3" == uri + + +@patch("sagemaker.core.image_uris.config_for_framework", return_value=BASE_CONFIG) +def test_retrieve_unsupported_image_scope(config_for_framework): + with pytest.raises(ValueError) as e: + image_uris.retrieve( + framework="useless-string", + version="1.0.0", + py_version="py3", + instance_type="ml.c4.xlarge", + region="us-west-2", + image_scope="invalid-image-scope", + ) + assert "Unsupported image scope: invalid-image-scope." in str(e.value) + assert "Supported image scope(s): training, inference." in str(e.value) + + config = copy.deepcopy(BASE_CONFIG) + config["scope"].append("eia") + config_for_framework.return_value = config + + with pytest.raises(ValueError) as e: + image_uris.retrieve( + framework="useless-string", + version="1.0.0", + py_version="py3", + instance_type="ml.c4.xlarge", + region="us-west-2", + ) + assert "Unsupported image scope: None." in str(e.value) + assert "Supported image scope(s): training, inference, eia." in str(e.value) + + +@patch("sagemaker.core.image_uris.config_for_framework", return_value=BASE_CONFIG) +def test_retrieve_default_image_scope(config_for_framework, caplog): + uri = image_uris.retrieve( + framework="useless-string", + version="1.0.0", + py_version="py3", + instance_type="ml.c4.xlarge", + region="us-west-2", + ) + assert "123412341234.dkr.ecr.us-west-2.amazonaws.com/dummy:1.0.0-cpu-py3" == uri + + config = copy.deepcopy(BASE_CONFIG) + config["scope"] = ["eia"] + config_for_framework.return_value = config + + uri = image_uris.retrieve( + framework="useless-string", + version="1.0.0", + py_version="py3", + instance_type="ml.c4.xlarge", + region="us-west-2", + image_scope="ignorable-scope", + ) + assert "123412341234.dkr.ecr.us-west-2.amazonaws.com/dummy:1.0.0-cpu-py3" == uri + assert "Ignoring image scope: ignorable-scope." in caplog.text + + +@patch("sagemaker.core.image_uris.config_for_framework") +def test_retrieve_eia(config_for_framework, caplog): + base_config = copy.deepcopy(BASE_CONFIG) + del base_config["scope"] + + config = { + "training": base_config, + "eia": { + "processors": ["cpu"], + "versions": { + "1.0.0": { + "registries": {"us-west-2": "123412341234"}, + "repository": "dummy-eia", + "py_versions": ["py3", "py37"], + }, + }, + }, + } + config_for_framework.return_value = config + + uri = image_uris.retrieve( + framework="useless-string", + version="1.0.0", + py_version="py3", + instance_type="ml.c4.xlarge", + accelerator_type="ml.eia1.medium", + region="us-west-2", + ) + assert "123412341234.dkr.ecr.us-west-2.amazonaws.com/dummy-eia:1.0.0-cpu-py3" == uri + + uri = image_uris.retrieve( + framework="useless-string", + version="1.0.0", + py_version="py3", + instance_type="ml.c4.xlarge", + accelerator_type="local_sagemaker_notebook", + region="us-west-2", + image_scope="training", + ) + assert "123412341234.dkr.ecr.us-west-2.amazonaws.com/dummy-eia:1.0.0-cpu-py3" == uri + assert "Ignoring image scope: training." in caplog.text + + +@patch("sagemaker.core.image_uris.config_for_framework", return_value=BASE_CONFIG) +def test_retrieve_invalid_accelerator(config_for_framework): + with pytest.raises(ValueError) as e: + image_uris.retrieve( + framework="useless-string", + version="1.0.0", + py_version="py3", + instance_type="ml.c4.xlarge", + accelerator_type="fake-accelerator", + region="us-west-2", + ) + assert "Invalid SageMaker Elastic Inference accelerator type: fake-accelerator." in str(e.value) + + +@patch("sagemaker.core.image_uris.config_for_framework") +def test_retrieve_aliased_version(config_for_framework): + version = "1.0.0-build123" + + config = copy.deepcopy(BASE_CONFIG) + config["version_aliases"] = {version: "1.0.0"} + config_for_framework.return_value = config + + uri = image_uris.retrieve( + framework="useless-string", + version=version, + py_version="py3", + instance_type="ml.c4.xlarge", + region="us-west-2", + image_scope="training", + ) + assert "123412341234.dkr.ecr.us-west-2.amazonaws.com/dummy:{}-cpu-py3".format(version) == uri + + del config["versions"]["1.1.0"] + uri = image_uris.retrieve( + framework="useless-string", + version=version, + py_version="py3", + instance_type="ml.c4.xlarge", + region="us-west-2", + image_scope="training", + ) + assert "123412341234.dkr.ecr.us-west-2.amazonaws.com/dummy:{}-cpu-py3".format(version) == uri + + +@patch("sagemaker.core.image_uris.config_for_framework") +def test_retrieve_default_version_if_possible(config_for_framework, caplog): + config = copy.deepcopy(BASE_CONFIG) + del config["versions"]["1.1.0"] + config_for_framework.return_value = config + + uri = image_uris.retrieve( + framework="useless-string", + py_version="py3", + instance_type="ml.c4.xlarge", + region="us-west-2", + image_scope="training", + ) + assert "123412341234.dkr.ecr.us-west-2.amazonaws.com/dummy:1.0.0-cpu-py3" == uri + + uri = image_uris.retrieve( + framework="useless-string", + version="invalid-version", + py_version="py3", + instance_type="ml.c4.xlarge", + region="us-west-2", + image_scope="training", + ) + assert "123412341234.dkr.ecr.us-west-2.amazonaws.com/dummy:1.0.0-cpu-py3" == uri + + +@patch("sagemaker.core.image_uris.config_for_framework", return_value=BASE_CONFIG) +def test_retrieve_unsupported_version(config_for_framework): + with pytest.raises(ValueError) as e: + image_uris.retrieve( + framework="some-framework", + version="1", + py_version="py3", + instance_type="ml.c4.xlarge", + region="us-west-2", + image_scope="training", + ) + + assert "Unsupported some-framework version: 1." in str(e.value) + assert "Supported some-framework version(s): 1.0.0, 1.1.0." in str(e.value) + + +@patch("sagemaker.core.image_uris.config_for_framework", return_value=BASE_CONFIG) +def test_retrieve_unsupported_region(config_for_framework): + with pytest.raises(ValueError) as e: + image_uris.retrieve( + framework="useless-string", + version="1.0.0", + py_version="py3", + instance_type="ml.c4.xlarge", + region="us-east-2", + image_scope="training", + ) + + assert "Unsupported region: us-east-2." in str(e.value) + assert "Supported region(s): us-west-2." in str(e.value) + + +@patch("sagemaker.core.image_uris.config_for_framework") +def test_retrieve_ecr_hostname(config_for_framework): + registries = { + "cn-north-1": "000000010010", + "cn-northwest-1": "010000001000", + "us-iso-east-1": "000111111000", + "us-isob-east-1": "000111111000", + } + + config = copy.deepcopy(BASE_CONFIG) + config["versions"]["1.0.0"]["registries"] = registries + config_for_framework.return_value = config + + uri = image_uris.retrieve( + framework="useless-string", + version="1.0.0", + py_version="py3", + instance_type="ml.c4.xlarge", + region="cn-north-1", + image_scope="training", + ) + assert "000000010010.dkr.ecr.cn-north-1.amazonaws.com.cn/dummy:1.0.0-cpu-py3" == uri + + uri = image_uris.retrieve( + framework="useless-string", + version="1.0.0", + py_version="py3", + instance_type="ml.c4.xlarge", + region="cn-northwest-1", + image_scope="training", + ) + assert "010000001000.dkr.ecr.cn-northwest-1.amazonaws.com.cn/dummy:1.0.0-cpu-py3" == uri + + uri = image_uris.retrieve( + framework="useless-string", + version="1.0.0", + py_version="py3", + instance_type="ml.c4.xlarge", + region="us-iso-east-1", + image_scope="training", + ) + assert "000111111000.dkr.ecr.us-iso-east-1.c2s.ic.gov/dummy:1.0.0-cpu-py3" == uri + + uri = image_uris.retrieve( + framework="useless-string", + version="1.0.0", + py_version="py3", + instance_type="ml.c4.xlarge", + region="us-isob-east-1", + image_scope="training", + ) + assert "000111111000.dkr.ecr.us-isob-east-1.sc2s.sgov.gov/dummy:1.0.0-cpu-py3" == uri + + +@patch("sagemaker.core.image_uris.config_for_framework") +def test_retrieve_no_python_version(config_for_framework, caplog): + config = copy.deepcopy(BASE_CONFIG) + config["versions"]["1.0.0"]["py_versions"] = [] + config_for_framework.return_value = config + + uri = image_uris.retrieve( + framework="useless-string", + version="1.0.0", + instance_type="ml.c4.xlarge", + region="us-west-2", + image_scope="training", + ) + assert "123412341234.dkr.ecr.us-west-2.amazonaws.com/dummy:1.0.0-cpu" == uri + + caplog.set_level(logging.INFO) + uri = image_uris.retrieve( + framework="useless-string", + version="1.0.0", + py_version="py3", + instance_type="ml.c4.xlarge", + region="us-west-2", + image_scope="training", + ) + assert "123412341234.dkr.ecr.us-west-2.amazonaws.com/dummy:1.0.0-cpu" == uri + assert "Ignoring unnecessary Python version: py3." in caplog.text + + +@patch("sagemaker.core.image_uris.config_for_framework") +def test_retrieve_different_config_per_python_version(config_for_framework, caplog): + config = { + "processors": ["cpu", "gpu"], + "scope": ["training", "inference"], + "versions": { + "1.0.0": { + "py3": {"registries": {"us-west-2": "123412341234"}, "repository": "foo"}, + "py37": {"registries": {"us-west-2": "012345678901"}, "repository": "bar"}, + }, + }, + } + config_for_framework.return_value = config + + uri = image_uris.retrieve( + framework="useless-string", + version="1.0.0", + py_version="py3", + instance_type="ml.c4.xlarge", + region="us-west-2", + image_scope="training", + ) + assert "123412341234.dkr.ecr.us-west-2.amazonaws.com/foo:1.0.0-cpu-py3" == uri + + uri = image_uris.retrieve( + framework="useless-string", + version="1.0.0", + py_version="py37", + instance_type="ml.c4.xlarge", + region="us-west-2", + image_scope="training", + ) + assert "012345678901.dkr.ecr.us-west-2.amazonaws.com/bar:1.0.0-cpu-py37" == uri + + +@patch("sagemaker.core.image_uris.config_for_framework") +def test_retrieve_default_python_version_if_possible(config_for_framework): + config = copy.deepcopy(BASE_CONFIG) + config["versions"]["1.0.0"]["py_versions"] = ["py3"] + config_for_framework.return_value = config + + uri = image_uris.retrieve( + framework="useless-string", + version="1.0.0", + instance_type="ml.c4.xlarge", + region="us-west-2", + image_scope="training", + ) + assert "123412341234.dkr.ecr.us-west-2.amazonaws.com/dummy:1.0.0-cpu-py3" == uri + + +@patch("sagemaker.core.image_uris.config_for_framework", return_value=BASE_CONFIG) +def test_retrieve_unsupported_python_version(config_for_framework): + with pytest.raises(ValueError) as e: + image_uris.retrieve( + framework="useless-string", + version="1.0.0", + py_version="py2", + instance_type="ml.c4.xlarge", + region="us-west-2", + image_scope="training", + ) + + assert "Unsupported Python version: py2." in str(e.value) + assert "Supported Python version(s): py3, py37." in str(e.value) + + with pytest.raises(ValueError) as e: + image_uris.retrieve( + framework="useless-string", + version="1.0.0", + instance_type="ml.c4.xlarge", + region="us-west-2", + image_scope="training", + ) + + assert "Unsupported Python version: None." in str(e.value) + assert "Supported Python version(s): py3, py37." in str(e.value) + + +@patch("sagemaker.core.image_uris.config_for_framework", return_value=BASE_CONFIG) +def test_retrieve_processor_type(config_for_framework): + for cpu in ("local", "ml.t2.medium", "ml.m5.xlarge", "ml.r5.large"): + uri = image_uris.retrieve( + framework="useless-string", + version="1.0.0", + py_version="py3", + instance_type=cpu, + region="us-west-2", + image_scope="training", + ) + assert "123412341234.dkr.ecr.us-west-2.amazonaws.com/dummy:1.0.0-cpu-py3" == uri + + for gpu in ("local_gpu", "ml.p3.2xlarge", "ml.g4dn.xlarge"): + uri = image_uris.retrieve( + framework="useless-string", + version="1.0.0", + py_version="py3", + instance_type=gpu, + region="us-west-2", + image_scope="training", + ) + assert "123412341234.dkr.ecr.us-west-2.amazonaws.com/dummy:1.0.0-gpu-py3" == uri + + +@patch("sagemaker.core.image_uris.config_for_framework", return_value=BASE_CONFIG) +def test_retrieve_processor_type_neo(config_for_framework): + for cpu in ("ml_m4", "ml_m5", "ml_c4", "ml_c5"): + uri = image_uris.retrieve( + framework="useless-string", + version="1.0.0", + py_version="py3", + instance_type=cpu, + region="us-west-2", + image_scope="training", + ) + assert "123412341234.dkr.ecr.us-west-2.amazonaws.com/dummy:1.0.0-cpu-py3" == uri + + for gpu in ("ml_p2", "ml_p3"): + uri = image_uris.retrieve( + framework="useless-string", + version="1.0.0", + py_version="py3", + instance_type=gpu, + region="us-west-2", + image_scope="training", + ) + assert "123412341234.dkr.ecr.us-west-2.amazonaws.com/dummy:1.0.0-gpu-py3" == uri + + config = copy.deepcopy(BASE_CONFIG) + config["processors"] = ["inf"] + config_for_framework.return_value = config + + uri = image_uris.retrieve( + framework="useless-string", + version="1.0.0", + py_version="py3", + instance_type="ml_inf1", + region="us-west-2", + image_scope="training", + ) + assert "123412341234.dkr.ecr.us-west-2.amazonaws.com/dummy:1.0.0-inf-py3" == uri + + config = copy.deepcopy(BASE_CONFIG) + config["processors"] = ["c5"] + config_for_framework.return_value = config + + uri = image_uris.retrieve( + framework="useless-string", + version="1.0.0", + py_version="py3", + instance_type="ml_c5", + region="us-west-2", + image_scope="training", + ) + assert "123412341234.dkr.ecr.us-west-2.amazonaws.com/dummy:1.0.0-c5-py3" == uri + + +@patch("sagemaker.core.image_uris.config_for_framework") +def test_retrieve_processor_type_from_version_specific_processor_config(config_for_framework): + config = copy.deepcopy(BASE_CONFIG) + del config["processors"] + config["versions"]["1.0.0"]["processors"] = ["cpu"] + config_for_framework.return_value = config + + uri = image_uris.retrieve( + framework="useless-string", + version="1.0.0", + py_version="py3", + instance_type="ml.c4.xlarge", + region="us-west-2", + image_scope="training", + ) + assert "123412341234.dkr.ecr.us-west-2.amazonaws.com/dummy:1.0.0-cpu-py3" == uri + + uri = image_uris.retrieve( + framework="useless-string", + version="1.1.0", + py_version="py3", + instance_type="ml.c4.xlarge", + region="us-west-2", + image_scope="training", + ) + assert "123412341234.dkr.ecr.us-west-2.amazonaws.com/dummy:1.1.0-py3" == uri + + +@patch("sagemaker.core.image_uris.config_for_framework") +def test_retrieve_default_processor_type_if_possible(config_for_framework): + config = copy.deepcopy(BASE_CONFIG) + config["processors"] = ["cpu"] + config_for_framework.return_value = config + + uri = image_uris.retrieve( + framework="useless-string", + version="1.0.0", + py_version="py3", + region="us-west-2", + image_scope="training", + ) + assert "123412341234.dkr.ecr.us-west-2.amazonaws.com/dummy:1.0.0-cpu-py3" == uri + + +def test_retrieve_auto_selected_container_version(): + uri = image_uris.retrieve( + framework="tensorflow", + region="us-west-2", + version="2.3", + py_version="py37", + instance_type="ml.p4d.24xlarge", + image_scope="training", + ) + assert ( + "763104351884.dkr.ecr.us-west-2.amazonaws.com/tensorflow-training:2.3-gpu-py37-cu110-ubuntu18.04-v3" + == uri + ) + + +def test_retrieve_pytorch_container_version(): + uri = image_uris.retrieve( + framework="pytorch", + region="us-west-2", + version="1.6", + py_version="py3", + instance_type="ml.p4d.24xlarge", + image_scope="training", + ) + assert ( + "763104351884.dkr.ecr.us-west-2.amazonaws.com/pytorch-training:1.6-gpu-py3-cu110-ubuntu18.04-v3" + == uri + ) + + +@patch("sagemaker.core.image_uris.config_for_framework", return_value=BASE_CONFIG) +def test_retrieve_unsupported_processor_type(config_for_framework): + with pytest.raises(ValueError) as e: + image_uris.retrieve( + framework="useless-string", + version="1.0.0", + py_version="py3", + instance_type="not-an-instance-type", + region="us-west-2", + image_scope="training", + ) + + assert "Invalid SageMaker instance type: not-an-instance-type." in str(e.value) + + with pytest.raises(ValueError) as e: + image_uris.retrieve( + framework="useless-string", + version="1.0.0", + py_version="py3", + region="us-west-2", + image_scope="training", + ) + + assert "Empty SageMaker instance type." in str(e.value) + + config = copy.deepcopy(BASE_CONFIG) + config["processors"] = ["cpu"] + config_for_framework.return_value = config + + with pytest.raises(ValueError) as e: + image_uris.retrieve( + framework="useless-string", + version="1.0.0", + py_version="py3", + instance_type="ml.p2.xlarge", + region="us-west-2", + image_scope="training", + ) + + assert "Unsupported processor: gpu." in str(e.value) + assert "Supported processor(s): cpu." in str(e.value) + + +@patch("sagemaker.core.image_uris.config_for_framework") +def test_tag_prefix(config_for_framework): + tag_prefix = "1.0.0-build123" + + config = copy.deepcopy(BASE_CONFIG) + config["versions"]["1.0.0"]["tag_prefix"] = "1.0.0-build123" + config_for_framework.return_value = config + + uri = image_uris.retrieve( + framework="useless-string", + version="1.0.0", + py_version="py3", + instance_type="ml.c4.xlarge", + region="us-west-2", + image_scope="training", + ) + assert "123412341234.dkr.ecr.us-west-2.amazonaws.com/dummy:{}-cpu-py3".format(tag_prefix) == uri + + +@patch("sagemaker.core.image_uris.config_for_framework") +def test_retrieve_huggingface(config_for_framework): + config = { + "training": { + "processors": ["gpu"], + "version_aliases": {"4.2": "4.2.1"}, + "versions": { + "4.2.1": { + "version_aliases": { + "pytorch1.6": "pytorch1.6.0", + "tensorflow2.3": "tensorflow2.3.0", + }, + "pytorch1.6.0": { + "py_versions": ["py37"], + "registries": {"us-east-1": "564829616587"}, + "repository": "huggingface-pytorch-training", + }, + "tensorflow2.3.0": { + "py_versions": ["py36"], + "registries": {"us-east-1": "564829616587"}, + "repository": "huggingface-tensorflow-training", + }, + } + }, + } + } + config_for_framework.return_value = config + + pt_uri_mv = image_uris.retrieve( + framework="huggingface", + version="4.2", + py_version="py37", + instance_type="ml.p2.xlarge", + region="us-east-1", + image_scope="training", + base_framework_version="pytorch1.6", + container_version="cu110-ubuntu18.04", + ) + assert ( + "564829616587.dkr.ecr.us-east-1.amazonaws.com/huggingface-pytorch-training:" + "1.6-transformers4.2-gpu-py37-cu110-ubuntu18.04" == pt_uri_mv + ) + + pt_uri = image_uris.retrieve( + framework="huggingface", + version="4.2.1", + py_version="py37", + instance_type="ml.p2.xlarge", + region="us-east-1", + image_scope="training", + base_framework_version="pytorch1.6.0", + container_version="cu110-ubuntu18.04", + ) + assert ( + "564829616587.dkr.ecr.us-east-1.amazonaws.com/huggingface-pytorch-training:" + "1.6.0-transformers4.2.1-gpu-py37-cu110-ubuntu18.04" == pt_uri + ) + + tf_uri = image_uris.retrieve( + framework="huggingface", + version="4.2.1", + py_version="py36", + instance_type="ml.p2.xlarge", + region="us-east-1", + image_scope="training", + base_framework_version="tensorflow2.3.0", + container_version="cu110-ubuntu18.04", + ) + assert ( + "564829616587.dkr.ecr.us-east-1.amazonaws.com/huggingface-tensorflow-training:" + "2.3.0-transformers4.2.1-gpu-py36-cu110-ubuntu18.04" == tf_uri + ) + + pt_new_version = image_uris.retrieve( + framework="huggingface", + version="4.3.1", + py_version="py37", + instance_type="ml.p2.xlarge", + region="us-east-1", + image_scope="training", + base_framework_version="pytorch1.6.0", + container_version="cu110-ubuntu18.04", + ) + assert ( + "564829616587.dkr.ecr.us-east-1.amazonaws.com/huggingface-pytorch-training:" + "1.6.0-transformers4.3.1-gpu-py37-cu110-ubuntu18.04" == pt_new_version + ) + + +def test_retrieve_with_pipeline_variable(): + kwargs = dict( + framework="tensorflow", + version="1.15", + py_version="py3", + instance_type="ml.m5.xlarge", + region="us-east-1", + image_scope="training", + ) + # instance_type is plain string which should not break anything + image_uris.retrieve(**kwargs) + + # instance_type is parameter string with not None default value + # which should not break anything + kwargs["instance_type"] = ParameterString( + name="TrainingInstanceType", + default_value="ml.m5.xlarge", + ) + image_uris.retrieve(**kwargs) + + # instance_type is parameter string without default value + # (equivalent to pass in None to instance_type field) + # which should fail due to empty instance type check + kwargs["instance_type"] = ParameterString(name="TrainingInstanceType") + with pytest.raises(Exception) as error: + image_uris.retrieve(**kwargs) + assert "Empty SageMaker instance type" in str(error.value) + + # instance_type is other types of pipeline variable + # which should break loudly + kwargs["instance_type"] = Join(on="", values=["a", "b"]) + with pytest.raises(Exception) as error: + image_uris.retrieve(**kwargs) + assert "the argument instance_type should not be a pipeline variable" in str(error.value) + + # instance_type (ParameterString) is given as args rather than kwargs + # which should not break anything + image_uris.retrieve( + "tensorflow", + "us-east-1", + "1.15", + "py3", + ParameterString( + name="TrainingInstanceType", + default_value="ml.m5.xlarge", + ), + image_scope="training", + ) + + +@patch("sagemaker.core.image_uris.config_for_framework") +def test_get_latest_version_function_with_invalid_framework(config_for_framework): + config_for_framework.side_effect = FileNotFoundError + + with pytest.raises(Exception) as e: + image_uris.retrieve("xgboost", "inference") + assert "No framework config for framework" in str(e.exception) + + +@patch("sagemaker.core.image_uris.config_for_framework") +def test_get_latest_version_function_with_no_framework(config_for_framework): + config_for_framework.side_effect = {} + + with pytest.raises(Exception) as e: + image_uris.retrieve("xgboost", "inference") + assert "No framework config for framework" in str(e.exception) + + +@pytest.mark.parametrize( + "framework", + [ + "object-detection", + "instance_gpu_info", + "object2vec", + "pytorch", + "djl-lmi", + "mxnet", + "debugger", + "data-wrangler", + "spark", + "blazingtext", + "pytorch-neuron", + "forecasting-deepar", + "huggingface-neuron", + "ntm", + "neo-mxnet", + "image-classification", + "xgboost", + "autogluon", + "sparkml-serving", + "clarify", + "inferentia-pytorch", + "neo-tensorflow", + "huggingface-tei-cpu", + "huggingface", + "sagemaker-tritonserver", + "pytorch-smp", + "knn", + "linear-learner", + "model-monitor", + "ray-tensorflow", + "djl-neuronx", + "huggingface-llm-neuronx", + "image-classification-neo", + "lda", + "stabilityai", + "ray-pytorch", + "chainer", + "coach-mxnet", + "pca", + "sagemaker-geospatial", + "djl-tensorrtllm", + "huggingface-training-compiler", + "pytorch-training-compiler", + "vw", + "huggingface-neuronx", + "ipinsights", + "detailed-profiler", + "inferentia-tensorflow", + "semantic-segmentation", + "inferentia-mxnet", + "xgboost-neo", + "neo-pytorch", + "djl-deepspeed", + "djl-fastertransformer", + "sklearn", + "tensorflow", + "randomcutforest", + "huggingface-llm", + "factorization-machines", + "huggingface-tei", + "coach-tensorflow", + "seq2seq", + "kmeans", + "sagemaker-base-python", + ], +) +@patch("sagemaker.core.image_uris.config_for_framework") +@patch("sagemaker.core.image_uris.retrieve") +def test_retrieve_with_parameterized(mock_image_retrieve, mock_config_for_framework, framework): + try: + image_uris.retrieve( + framework=framework, + region="us-east-1", + version=None, + instance_type="ml.c4.xlarge", + image_scope="inference", + ) + except ValueError as e: + pytest.fail(e.value) diff --git a/sagemaker-core/tests/unit/image_uris/test_rl.py b/sagemaker-core/tests/unit/image_uris/test_rl.py new file mode 100644 index 0000000000..9258a8ffdc --- /dev/null +++ b/sagemaker-core/tests/unit/image_uris/test_rl.py @@ -0,0 +1,61 @@ +# Copyright Amazon.com, Inc. or its affiliates. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"). You +# may not use this file except in compliance with the License. A copy of +# the License is located at +# +# http://aws.amazon.com/apache2.0/ +# +# or in the "license" file accompanying this file. This file is +# distributed on an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF +# ANY KIND, either express or implied. See the License for the specific +# language governing permissions and limitations under the License. +from __future__ import absolute_import + +import pytest + +from sagemaker.core import image_uris +from . import expected_uris + +INSTANCE_TYPES = {"cpu": "ml.c4.xlarge", "gpu": "ml.p2.xlarge"} + + +@pytest.mark.parametrize( + "load_config_and_file_name", + [ + "coach-tensorflow.json", + "coach-mxnet.json", + "ray-tensorflow.json", + "ray-pytorch.json", + "vw.json", + ], + indirect=True, +) +def test_rl_image_uris(load_config_and_file_name): + config, filename = load_config_and_file_name + framework = filename.split(".json")[0] + VERSIONS = config["versions"] + processors = config["processors"] + for version in VERSIONS: + ACCOUNTS = config["versions"][version]["registries"] + py_versions = config["versions"][version].get("py_versions", [None]) + repo = config["versions"][version]["repository"] + tag_prefix = config["versions"][version]["tag_prefix"] + for processor in processors: + instance_type = INSTANCE_TYPES[processor] + for py_version in py_versions: + for region in ACCOUNTS.keys(): + uri = image_uris.retrieve( + framework, region, version=version, instance_type=instance_type + ) + + expected = expected_uris.framework_uri( + repo, + tag_prefix, + ACCOUNTS[region], + py_version=py_version, + processor=processor, + region=region, + ) + + assert uri == expected diff --git a/sagemaker-core/tests/unit/image_uris/test_sagemaker_distribution.py b/sagemaker-core/tests/unit/image_uris/test_sagemaker_distribution.py new file mode 100644 index 0000000000..ec16e4b4bb --- /dev/null +++ b/sagemaker-core/tests/unit/image_uris/test_sagemaker_distribution.py @@ -0,0 +1,47 @@ +# Copyright Amazon.com, Inc. or its affiliates. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"). You +# may not use this file except in compliance with the License. A copy of +# the License is located at +# +# http://aws.amazon.com/apache2.0/ +# +# or in the "license" file accompanying this file. This file is +# distributed on an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF +# ANY KIND, either express or implied. See the License for the specific +# language governing permissions and limitations under the License. +from __future__ import absolute_import + +import pytest +from sagemaker.core import image_uris +from . import expected_uris + +INSTANCE_TYPES = {"cpu": "ml.c4.xlarge", "gpu": "ml.p2.xlarge"} + + +def _test_ecr_uri(account, region, version, tag, instance_type, processor): + actual_uri = image_uris.retrieve( + "sagemaker-distribution", region=region, instance_type=instance_type, version=version + ) + expected_uri = expected_uris.sagemaker_distribution_uri( + "sagemaker-distribution-prod", account, tag, processor, region + ) + return expected_uri == actual_uri + + +@pytest.mark.parametrize("load_config", ["sagemaker-distribution.json"], indirect=True) +def test_sagemaker_distribution_ecr_uri(load_config): + VERSIONS = load_config["versions"] + processors = load_config["processors"] + for version in VERSIONS: + SAGEMAKER_DISTRIBUTION_ACCOUNTS = load_config["versions"][version]["registries"] + for region in SAGEMAKER_DISTRIBUTION_ACCOUNTS.keys(): + for processor in processors: + assert _test_ecr_uri( + account=SAGEMAKER_DISTRIBUTION_ACCOUNTS[region], + region=region, + version=version, + tag="3.2.0", + instance_type=INSTANCE_TYPES[processor], + processor=processor, + ) diff --git a/sagemaker-core/tests/unit/image_uris/test_sagemaker_geospatial.py b/sagemaker-core/tests/unit/image_uris/test_sagemaker_geospatial.py new file mode 100644 index 0000000000..9b4192ac8d --- /dev/null +++ b/sagemaker-core/tests/unit/image_uris/test_sagemaker_geospatial.py @@ -0,0 +1,55 @@ +# Copyright Amazon.com, Inc. or its affiliates. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"). You +# may not use this file except in compliance with the License. A copy of +# the License is located at +# +# http://aws.amazon.com/apache2.0/ +# +# or in the "license" file accompanying this file. This file is +# distributed on an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF +# ANY KIND, either express or implied. See the License for the specific +# language governing permissions and limitations under the License. +from __future__ import absolute_import + +import pytest +from sagemaker.core import image_uris +from . import expected_uris + + +def _test_ecr_uri(account, region, version, tag): + actual_uri = image_uris.retrieve("sagemaker-geospatial", region=region, version=version) + expected_uri = expected_uris.algo_uri_with_tag( + "sagemaker-geospatial-v1-0", + account, + region, + tag=tag, + ) + return expected_uri == actual_uri + + +@pytest.mark.parametrize("load_config", ["sagemaker-geospatial.json"], indirect=True) +@pytest.mark.parametrize("extract_versions_for_image_scope", ["processing"], indirect=True) +def test_sagemaker_geospatial_ecr_uri(load_config, extract_versions_for_image_scope): + VERSIONS = extract_versions_for_image_scope + for version in VERSIONS: + SAGEMAKER_GEOSPATIAL_ACCOUNTS = load_config["processing"]["versions"][version]["registries"] + for region in SAGEMAKER_GEOSPATIAL_ACCOUNTS.keys(): + + assert _test_ecr_uri( + account=SAGEMAKER_GEOSPATIAL_ACCOUNTS[region], + region=region, + version=version, + tag="latest", + ) + + +@pytest.mark.parametrize("load_config", ["sagemaker-geospatial.json"], indirect=True) +def test_sagemaker_geospatial_ecr_uri_no_version(load_config): + region = "us-west-2" + SAGEMAKER_GEOSPATIAL_ACCOUNTS = load_config["processing"]["versions"]["1.x"]["registries"] + actual_uri = image_uris.retrieve("sagemaker-geospatial", region=region) + expected_uri = expected_uris.algo_uri_with_tag( + "sagemaker-geospatial-v1-0", SAGEMAKER_GEOSPATIAL_ACCOUNTS[region], region, tag="latest" + ) + assert expected_uri == actual_uri diff --git a/sagemaker-core/tests/unit/image_uris/test_sagemaker_tritonserver.py b/sagemaker-core/tests/unit/image_uris/test_sagemaker_tritonserver.py new file mode 100644 index 0000000000..f4970515bf --- /dev/null +++ b/sagemaker-core/tests/unit/image_uris/test_sagemaker_tritonserver.py @@ -0,0 +1,55 @@ +# Copyright Amazon.com, Inc. or its affiliates. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"). You +# may not use this file except in compliance with the License. A copy of +# the License is located at +# +# http://aws.amazon.com/apache2.0/ +# +# or in the "license" file accompanying this file. This file is +# distributed on an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF +# ANY KIND, either express or implied. See the License for the specific +# language governing permissions and limitations under the License. +from __future__ import absolute_import +import pytest +from sagemaker.core import image_uris +from . import expected_uris + +INSTANCE_TYPES = {"cpu": "ml.c4.xlarge", "gpu": "ml.p2.xlarge"} + + +@pytest.mark.parametrize( + "load_config_and_file_name", + ["sagemaker-tritonserver.json"], + indirect=True, +) +def test_sagemaker_tritonserver_uris(load_config_and_file_name): + config, file_name = load_config_and_file_name + framework = file_name.split(".json")[0] + VERSIONS = config["versions"] + processors = config["processors"] + for version in VERSIONS: + ACCOUNTS = config["versions"][version]["registries"] + tag = config["versions"][version]["tag_prefix"] + for processor in processors: + instance_type = INSTANCE_TYPES[processor] + for region in ACCOUNTS.keys(): + _test_sagemaker_tritonserver_uris( + ACCOUNTS[region], region, version, tag, framework, instance_type, processor + ) + + +def _test_sagemaker_tritonserver_uris( + account, region, version, tag, triton_framework, instance_type, processor +): + uri = image_uris.retrieve( + framework=triton_framework, region=region, version=version, instance_type=instance_type + ) + expected = expected_uris.sagemaker_triton_framework_uri( + "sagemaker-tritonserver", + account, + tag, + processor, + region, + ) + assert expected == uri diff --git a/sagemaker-core/tests/unit/image_uris/test_sklearn.py b/sagemaker-core/tests/unit/image_uris/test_sklearn.py new file mode 100644 index 0000000000..e0c5970a3d --- /dev/null +++ b/sagemaker-core/tests/unit/image_uris/test_sklearn.py @@ -0,0 +1,68 @@ +# Copyright Amazon.com, Inc. or its affiliates. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"). You +# may not use this file except in compliance with the License. A copy of +# the License is located at +# +# http://aws.amazon.com/apache2.0/ +# +# or in the "license" file accompanying this file. This file is +# distributed on an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF +# ANY KIND, either express or implied. See the License for the specific +# language governing permissions and limitations under the License. +from __future__ import absolute_import + +import pytest + +from sagemaker.core import image_uris +from . import expected_uris + + +@pytest.mark.parametrize("load_config", ["sklearn.json"], indirect=True) +@pytest.mark.parametrize("scope", ["training", "inference"]) +def test_sklearn_uris(load_config, scope): + VERSIONS = load_config[scope]["versions"] + for version in VERSIONS: + ACCOUNTS = load_config[scope]["versions"][version]["registries"] + for region in ACCOUNTS.keys(): + uri = image_uris.retrieve( + "sklearn", + region=region, + version=version, + py_version="py3", + instance_type="ml.c4.xlarge", + ) + + expected = expected_uris.framework_uri( + "sagemaker-scikit-learn", + version, + ACCOUNTS[region], + py_version="py3", + region=region, + ) + assert expected == uri + + +def test_py2_error(sklearn_version): + with pytest.raises(ValueError) as e: + image_uris.retrieve( + "sklearn", + region="us-west-2", + version=sklearn_version, + py_version="py2", + instance_type="ml.c4.xlarge", + ) + + assert "Unsupported Python version: py2." in str(e.value) + + +def test_gpu_error(sklearn_version): + with pytest.raises(ValueError) as e: + image_uris.retrieve( + "sklearn", + region="us-west-2", + version=sklearn_version, + instance_type="ml.p2.xlarge", + ) + + assert "Unsupported processor: gpu." in str(e.value) diff --git a/sagemaker-core/tests/unit/image_uris/test_smp_v2.py b/sagemaker-core/tests/unit/image_uris/test_smp_v2.py new file mode 100644 index 0000000000..2c5bea1637 --- /dev/null +++ b/sagemaker-core/tests/unit/image_uris/test_smp_v2.py @@ -0,0 +1,69 @@ +# Copyright Amazon.com, Inc. or its affiliates. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"). You +# may not use this file except in compliance with the License. A copy of +# the License is located at +# +# http://aws.amazon.com/apache2.0/ +# +# or in the "license" file accompanying this file. This file is +# distributed on an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF +# ANY KIND, either express or implied. See the License for the specific +# language governing permissions and limitations under the License. +from __future__ import absolute_import + +import pytest +from sagemaker.core import image_uris +from . import expected_uris + +CONTAINER_VERSIONS = {"ml.p4d.24xlarge": "cu118", "ml.p5.24xlarge": "cu121"} + + +@pytest.mark.parametrize("load_config", ["pytorch-smp.json"], indirect=True) +def test_smp_v2(load_config): + VERSIONS = load_config["training"]["versions"] + PROCESSORS = load_config["training"]["processors"] + distribution = { + "torch_distributed": {"enabled": True}, + "smdistributed": {"modelparallel": {"enabled": True}}, + } + + for processor in PROCESSORS: + for version in VERSIONS: + ACCOUNTS = load_config["training"]["versions"][version]["registries"] + PY_VERSIONS = load_config["training"]["versions"][version]["py_versions"] + for py_version in PY_VERSIONS: + for region in ACCOUNTS.keys(): + for instance_type in CONTAINER_VERSIONS.keys(): + cuda_vers = CONTAINER_VERSIONS[instance_type] + supported_smp_pt_versions_cu124 = ("2.5",) + supported_smp_pt_versions_cu121 = ("2.1", "2.2", "2.3", "2.4") + if any( + pt_version in version for pt_version in supported_smp_pt_versions_cu124 + ): + cuda_vers = "cu124" + elif any( + pt_version in version for pt_version in supported_smp_pt_versions_cu121 + ): + cuda_vers = "cu121" + + if version in ("2.3.1", "2.4.1", "2.5.1"): + py_version = "py311" + + uri = image_uris.get_training_image_uri( + region, + framework="pytorch", + framework_version=version, + py_version=py_version, + distribution=distribution, + instance_type=instance_type, + ) + expected = expected_uris.framework_uri( + repo="smdistributed-modelparallel", + fw_version=version, + py_version=f"{py_version}-{cuda_vers}", + processor=processor, + region=region, + account=ACCOUNTS[region], + ) + assert expected == uri diff --git a/sagemaker-core/tests/unit/image_uris/test_sparkml.py b/sagemaker-core/tests/unit/image_uris/test_sparkml.py new file mode 100644 index 0000000000..a93386c431 --- /dev/null +++ b/sagemaker-core/tests/unit/image_uris/test_sparkml.py @@ -0,0 +1,32 @@ +# Copyright Amazon.com, Inc. or its affiliates. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"). You +# may not use this file except in compliance with the License. A copy of +# the License is located at +# +# http://aws.amazon.com/apache2.0/ +# +# or in the "license" file accompanying this file. This file is +# distributed on an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF +# ANY KIND, either express or implied. See the License for the specific +# language governing permissions and limitations under the License. +from __future__ import absolute_import + +import pytest + +from sagemaker.core import image_uris +from . import expected_uris + + +@pytest.mark.parametrize("load_config", ["sparkml-serving.json"], indirect=True) +def test_sparkml(load_config): + VERSIONS = load_config["versions"] + for version in VERSIONS: + ACCOUNTS = load_config["versions"][version]["registries"] + for region in ACCOUNTS.keys(): + uri = image_uris.retrieve("sparkml-serving", region=region, version=version) + + expected = expected_uris.algo_uri( + "sagemaker-sparkml-serving", ACCOUNTS[region], region, version=version + ) + assert expected == uri diff --git a/sagemaker-core/tests/unit/image_uris/test_trainium.py b/sagemaker-core/tests/unit/image_uris/test_trainium.py new file mode 100644 index 0000000000..b59956b4d5 --- /dev/null +++ b/sagemaker-core/tests/unit/image_uris/test_trainium.py @@ -0,0 +1,72 @@ +# Copyright Amazon.com, Inc. or its affiliates. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"). You +# may not use this file except in compliance with the License. A copy of +# the License is located at +# +# http://aws.amazon.com/apache2.0/ +# +# or in the "license" file accompanying this file. This file is +# distributed on an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF +# ANY KIND, either express or implied. See the License for the specific +# language governing permissions and limitations under the License. +from __future__ import absolute_import + +from sagemaker.core import image_uris +from . import expected_uris + +import pytest + + +TRAINIUM_ALLOWED_FRAMEWORKS = "pytorch" + + +def _expected_trainium_framework_uri( + framework, version, account, region="us-west-2", inference_tool="neuron" +): + return expected_uris.neuron_framework_uri( + "{}-neuron".format(framework), + fw_version=version, + py_version="py38", + account=account, + region=region, + inference_tool=inference_tool, + ) + + +@pytest.mark.parametrize("load_config", ["pytorch-neuron.json"], indirect=True) +@pytest.mark.parametrize("scope", ["training"]) +def test_trainium_pytorch_uris(load_config, scope): + VERSIONS = load_config[scope]["versions"] + for version in VERSIONS: + ACCOUNTS = load_config[scope]["versions"][version]["registries"] + for region in ACCOUNTS.keys(): + uri = image_uris.retrieve( + "pytorch", region, instance_type="ml.trn1.xlarge", version=version + ) + expected = _expected_trainium_framework_uri( + "{}-training".format("pytorch"), + version, + ACCOUNTS[region], + region=region, + inference_tool="neuron", + ) + assert expected == uri + + +@pytest.mark.parametrize("load_config", ["pytorch-neuron.json"], indirect=True) +@pytest.mark.parametrize("scope", ["training"]) +def test_trainium_unsupported_framework(load_config, scope): + VERSIONS = load_config[scope]["versions"] + for version in VERSIONS: + ACCOUNTS = load_config[scope]["versions"][version]["registries"] + for region in ACCOUNTS.keys(): + with pytest.raises(ValueError) as error: + image_uris.retrieve( + "autogluon", region, instance_type="ml.trn1.xlarge", version=version + ) + expectedErr = ( + f"Unsupported framework: autogluon. Supported framework(s) for Trainium instances: " + f"{TRAINIUM_ALLOWED_FRAMEWORKS}." + ) + assert expectedErr in str(error) diff --git a/sagemaker-core/tests/unit/image_uris/test_xgboost.py b/sagemaker-core/tests/unit/image_uris/test_xgboost.py new file mode 100644 index 0000000000..ae38b1f9f3 --- /dev/null +++ b/sagemaker-core/tests/unit/image_uris/test_xgboost.py @@ -0,0 +1,52 @@ +# Copyright Amazon.com, Inc. or its affiliates. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"). You +# may not use this file except in compliance with the License. A copy of +# the License is located at +# +# http://aws.amazon.com/apache2.0/ +# +# or in the "license" file accompanying this file. This file is +# distributed on an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF +# ANY KIND, either express or implied. See the License for the specific +# language governing permissions and limitations under the License. +from __future__ import absolute_import +import pytest +from sagemaker.core import image_uris +from . import expected_uris + +ALGO_VERSIONS = ("1", "latest") + + +@pytest.mark.parametrize("load_config", ["xgboost.json"], indirect=True) +@pytest.mark.parametrize("scope", ["training", "inference"]) +def test_xgboost_uris(load_config, scope): + VERSIONS = load_config[scope]["versions"] + for version in VERSIONS: + ACCOUNTS = load_config[scope]["versions"][version]["registries"] + + processors = load_config[scope]["versions"][version].get("processors", [None]) + py_versions = load_config[scope]["versions"][version].get("py_versions", [None]) + repo = load_config[scope]["versions"][version]["repository"] + for processor in processors: + for py_version in py_versions: + for region in ACCOUNTS.keys(): + uri = image_uris.retrieve( + framework="xgboost", py_version=py_version, region=region, version=version + ) + + if version in ALGO_VERSIONS: + expected = expected_uris.algo_uri( + "xgboost", ACCOUNTS[region], region, version=version + ) + else: + expected = expected_uris.framework_uri( + repo, + version, + ACCOUNTS[region], + region=region, + py_version=py_version, + processor=processor, + ) + + assert uri == expected diff --git a/sagemaker-core/tests/unit/test_fw_utils.py b/sagemaker-core/tests/unit/test_fw_utils.py index cb60e21f1f..08c9394f32 100644 --- a/sagemaker-core/tests/unit/test_fw_utils.py +++ b/sagemaker-core/tests/unit/test_fw_utils.py @@ -225,7 +225,7 @@ def test_validate_mp_config_ddp_and_horovod(self): class TestTarAndUploadDir: """Test tar_and_upload_dir function.""" - @patch("sagemaker.core.fw_utils.sagemaker_utils.create_tar_file") + @patch("sagemaker.core.common_utils.create_tar_file") def test_tar_and_upload_dir_s3_source(self, mock_create_tar): """Test with S3 source directory.""" mock_session = Mock() @@ -242,7 +242,7 @@ def test_tar_and_upload_dir_s3_source(self, mock_create_tar): assert result.script_name == "train.py" mock_create_tar.assert_not_called() - @patch("sagemaker.core.fw_utils.sagemaker_utils.create_tar_file") + @patch("sagemaker.core.common_utils.create_tar_file") @patch("sagemaker.core.fw_utils.tempfile.mkdtemp") @patch("sagemaker.core.fw_utils.shutil.rmtree") def test_tar_and_upload_dir_local_file( @@ -495,6 +495,8 @@ def test_is_gpu_instance_true(self): assert _is_gpu_instance("ml.p3.2xlarge") is True assert _is_gpu_instance("ml.g4dn.xlarge") is True assert _is_gpu_instance("local_gpu") is True + assert _is_gpu_instance("ml.p6-b200.48xlarge") is True + assert _is_gpu_instance("ml.g6e-12xlarge.xlarge") is True def test_is_gpu_instance_false(self): """Test _is_gpu_instance with non-GPU instance.""" @@ -505,6 +507,7 @@ def test_is_trainium_instance_true(self): """Test _is_trainium_instance with Trainium instance.""" assert _is_trainium_instance("ml.trn1.2xlarge") is True assert _is_trainium_instance("ml.trn1.32xlarge") is True + assert _is_trainium_instance("ml.trn1-n.2xlarge") is True def test_is_trainium_instance_false(self): """Test _is_trainium_instance with non-Trainium instance.""" @@ -523,6 +526,7 @@ def test_region_supports_profiler(self): def test_instance_type_supports_profiler(self): """Test _instance_type_supports_profiler.""" + assert _instance_type_supports_profiler("ml.trn1-n.xlarge") is True assert _instance_type_supports_profiler("ml.trn1.2xlarge") is True assert _instance_type_supports_profiler("ml.p3.2xlarge") is False diff --git a/sagemaker-core/tests/unit/test_git_utils.py b/sagemaker-core/tests/unit/test_git_utils.py index 93172d636a..99a312df3c 100644 --- a/sagemaker-core/tests/unit/test_git_utils.py +++ b/sagemaker-core/tests/unit/test_git_utils.py @@ -14,6 +14,7 @@ import pytest +from sagemaker.core import git_utils from sagemaker.core.git_utils import _validate_git_config @@ -135,3 +136,200 @@ def test_validate_git_config_repo_none(): with pytest.raises(ValueError, match="'repo' must be a string"): _validate_git_config(git_config) + + +class TestGitUrlSanitization: + """Test cases for Git URL sanitization to prevent injection attacks.""" + + def test_sanitize_git_url_valid_https_urls(self): + """Test that valid HTTPS URLs pass sanitization.""" + valid_urls = [ + "https://github.com/user/repo.git", + "https://gitlab.com/user/repo.git", + "https://token@github.com/user/repo.git", + "https://user:pass@github.com/user/repo.git", + "http://internal-git.company.com/repo.git", + ] + + for url in valid_urls: + result = git_utils._sanitize_git_url(url) + assert result == url + + def test_sanitize_git_url_valid_ssh_urls(self): + """Test that valid SSH URLs pass sanitization.""" + valid_urls = [ + "git@github.com:user/repo.git", + "git@gitlab.com:user/repo.git", + "ssh://git@github.com/user/repo.git", + "ssh://git-codecommit.us-west-2.amazonaws.com/v1/repos/test-repo/", + "git@internal-git.company.com:repo.git", + ] + + for url in valid_urls: + result = git_utils._sanitize_git_url(url) + assert result == url + + def test_sanitize_git_url_blocks_multiple_at_https(self): + """Test that HTTPS URLs with multiple @ symbols are blocked.""" + malicious_urls = [ + "https://user@attacker.com@github.com/repo.git", + "https://token@evil.com@gitlab.com/user/repo.git", + "https://a@b@c@github.com/repo.git", + "https://user@malicious-host@github.com/legit/repo.git", + ] + + for url in malicious_urls: + with pytest.raises(ValueError) as error: + git_utils._sanitize_git_url(url) + assert "multiple @ symbols detected" in str(error.value) + + def test_sanitize_git_url_blocks_multiple_at_ssh(self): + """Test that SSH URLs with multiple @ symbols are blocked.""" + malicious_urls = [ + "git@attacker.com@github.com:repo.git", + "git@evil@gitlab.com:user/repo.git", + "ssh://git@malicious@github.com/repo.git", + "git@a@b@c:repo.git", + ] + + for url in malicious_urls: + with pytest.raises(ValueError) as error: + git_utils._sanitize_git_url(url) + assert any( + phrase in str(error.value) + for phrase in ["multiple @ symbols detected", "exactly one @ symbol"] + ) + + def test_sanitize_git_url_blocks_invalid_schemes_and_git_at_format(self): + """Test that invalid schemes and git@ format violations are blocked.""" + unsupported_scheme_urls = [ + "git-github.com:user/repo.git", + ] + + for url in unsupported_scheme_urls: + with pytest.raises(ValueError) as error: + git_utils._sanitize_git_url(url) + assert "Unsupported URL scheme" in str(error.value) + + invalid_git_at_urls = [ + "git@github.com@evil.com:repo.git", + ] + + for url in invalid_git_at_urls: + with pytest.raises(ValueError) as error: + git_utils._sanitize_git_url(url) + assert "exactly one @ symbol" in str(error.value) + + def test_sanitize_git_url_blocks_url_encoding_obfuscation(self): + """Test that URL-encoded obfuscation attempts are blocked.""" + obfuscated_urls = [ + "https://github.com%25evil.com/repo.git", + "https://user@github.com%40attacker.com/repo.git", + "https://github.com%2Fevil.com/repo.git", + "https://github.com%3Aevil.com/repo.git", + ] + + for url in obfuscated_urls: + with pytest.raises(ValueError) as error: + git_utils._sanitize_git_url(url) + assert any( + phrase in str(error.value) + for phrase in ["Suspicious URL encoding detected", "Invalid characters in hostname"] + ) + + def test_sanitize_git_url_blocks_invalid_hostname_chars(self): + """Test that hostnames with invalid characters are blocked.""" + invalid_urls = [ + "https://github", + ] + + for url in unsupported_urls: + with pytest.raises(ValueError) as error: + git_utils._sanitize_git_url(url) + assert "Unsupported URL scheme" in str(error.value) + + def test_git_clone_repo_blocks_malicious_https_url(self): + """Test that git_clone_repo blocks malicious HTTPS URLs.""" + malicious_git_config = { + "repo": "https://user@attacker.com@github.com/legit/repo.git", + "branch": "main", + } + entry_point = "train.py" + + with pytest.raises(ValueError) as error: + git_utils.git_clone_repo(malicious_git_config, entry_point) + assert "multiple @ symbols detected" in str(error.value) + + def test_git_clone_repo_blocks_malicious_ssh_url(self): + """Test that git_clone_repo blocks malicious SSH URLs.""" + malicious_git_config = { + "repo": "git@OBVIOUS@github.com:sage-maker/temp-sev2.git", + "branch": "main", + } + entry_point = "train.py" + + with pytest.raises(ValueError) as error: + git_utils.git_clone_repo(malicious_git_config, entry_point) + assert "exactly one @ symbol" in str(error.value) + + def test_git_clone_repo_blocks_url_encoded_attack(self): + """Test that git_clone_repo blocks URL-encoded attacks.""" + malicious_git_config = { + "repo": "https://github.com%40attacker.com/repo.git", + "branch": "main", + } + entry_point = "train.py" + + with pytest.raises(ValueError) as error: + git_utils.git_clone_repo(malicious_git_config, entry_point) + assert "Suspicious URL encoding detected" in str(error.value) + + def test_sanitize_git_url_comprehensive_attack_scenarios(self): + attack_scenarios = [ + "https://USER@YOUR_NGROK_OR_LOCALHOST/malicious.git@github.com%25legit%25repo.git", + "https://user@malicious-host@github.com/legit/repo.git", + "git@attacker.com@github.com:user/repo.git", + "ssh://git@evil.com@github.com/repo.git", + "https://github.com%40evil.com/repo.git", + "https://user@github.com%2Fevil.com/repo.git", + ] + + entry_point = "train.py" + + for malicious_url in attack_scenarios: + git_config = {"repo": malicious_url} + with pytest.raises(ValueError) as error: + git_utils.git_clone_repo(git_config, entry_point) + assert any( + phrase in str(error.value) + for phrase in [ + "multiple @ symbols detected", + "exactly one @ symbol", + "Suspicious URL encoding detected", + "Invalid characters in hostname", + ] + ) diff --git a/sagemaker-core/tests/unit/test_image_uris.py b/sagemaker-core/tests/unit/test_image_uris.py deleted file mode 100644 index 297e1ff352..0000000000 --- a/sagemaker-core/tests/unit/test_image_uris.py +++ /dev/null @@ -1,614 +0,0 @@ -# Copyright Amazon.com, Inc. or its affiliates. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"). You -# may not use this file except in compliance with the License. A copy of -# the License is located at -# -# http://aws.amazon.com/apache2.0/ -# -# or in the "license" file accompanying this file. This file is -# distributed on an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF -# ANY KIND, either express or implied. See the License for the specific -# language governing permissions and limitations under the License. - -"""Unit tests for sagemaker.core.image_uris module""" - -import pytest -from unittest.mock import Mock, patch, MagicMock -from packaging.version import Version - -from sagemaker.core import image_uris -from sagemaker.core.jumpstart.enums import JumpStartModelType - - -class TestGetImageTag: - """Test cases for _get_image_tag function""" - - def test_xgboost_graviton_instance(self): - """Test XGBoost with Graviton instance""" - tag = image_uris._get_image_tag( - container_version="1", - distribution=None, - final_image_scope="inference_graviton", - framework="xgboost", - inference_tool=None, - instance_type="ml.c7g.xlarge", - processor="cpu", - py_version="py3", - tag_prefix="1.5-1", - version="1.5-1", - ) - assert tag == "1.5-1-arm64" - - def test_sklearn_graviton_instance(self): - """Test SKLearn with Graviton instance""" - tag = image_uris._get_image_tag( - container_version="1", - distribution=None, - final_image_scope="inference_graviton", - framework="sklearn", - inference_tool=None, - instance_type="ml.c7g.xlarge", - processor="cpu", - py_version="py3", - tag_prefix="1.0-1", - version="1.0-1", - ) - assert tag == "1.0-1-arm64-cpu-py3" - - def test_format_tag_with_inference_tool(self): - """Test tag formatting with inference tool""" - tag = image_uris._get_image_tag( - container_version="cu110", - distribution=None, - final_image_scope="inference", - framework="pytorch", - inference_tool="neuronx", - instance_type="ml.inf2.xlarge", - processor="inf", - py_version="py39", - tag_prefix="1.13.1", - version="1.13.1", - ) - assert "neuronx" in tag - assert "py39" in tag - - def test_triton_gpu_tag(self): - """Test Triton image tag for GPU (should not have -gpu suffix)""" - tag = image_uris._get_image_tag( - container_version="21.08", - distribution=None, - final_image_scope="inference", - framework="sagemaker-tritonserver", - inference_tool=None, - instance_type="ml.g5.xlarge", - processor="gpu", - py_version="py38", - tag_prefix="2.12", - version="2.12", - ) - assert not tag.endswith("-gpu") - - def test_triton_cpu_tag(self): - """Test Triton image tag for CPU""" - tag = image_uris._get_image_tag( - container_version="21.08", - distribution=None, - final_image_scope="inference", - framework="sagemaker-tritonserver", - inference_tool=None, - instance_type="ml.c5.xlarge", - processor="cpu", - py_version="py38", - tag_prefix="2.12", - version="2.12", - ) - assert "-cpu" in tag - - def test_auto_select_container_version_p4d(self): - """Test auto-selection of container version for p4d instances""" - tag = image_uris._get_image_tag( - container_version=None, - distribution=None, - final_image_scope="training", - framework="tensorflow", - inference_tool=None, - instance_type="ml.p4d.24xlarge", - processor="gpu", - py_version="py37", - tag_prefix="2.3", - version="2.3", - ) - # Should auto-select container version for p4d - assert tag is not None - - -class TestConfigForFrameworkAndScope: - """Test cases for _config_for_framework_and_scope function""" - - @patch("sagemaker.core.image_uris.config_for_framework") - def test_with_accelerator_type(self, mock_config): - """Test with accelerator type (EIA)""" - mock_config.return_value = { - "scope": ["training", "inference", "eia"], - "eia": {"versions": {}}, - } - - result = image_uris._config_for_framework_and_scope( - "tensorflow", "training", accelerator_type="ml.eia2.medium" - ) - - assert result == mock_config.return_value - - @patch("sagemaker.core.image_uris.config_for_framework") - def test_single_scope_available(self, mock_config): - """Test when only one scope is available""" - mock_config.return_value = {"scope": ["training"], "training": {"versions": {}}} - - result = image_uris._config_for_framework_and_scope( - "xgboost", "inference" # Different from available - ) - - # Should default to the only available scope - assert result == mock_config.return_value - - @patch("sagemaker.core.image_uris.config_for_framework") - def test_training_inference_same_images(self, mock_config): - """Test when training and inference use same images""" - mock_config.return_value = {"scope": ["training", "inference"], "versions": {}} - - result = image_uris._config_for_framework_and_scope("sklearn", None) - - # Should return the config directly - assert "versions" in result - - -class TestValidateInstanceDeprecation: - """Test cases for _validate_instance_deprecation function""" - - def test_p2_with_pytorch_1_13(self): - """Test P2 instance with PyTorch 1.13 (should raise)""" - with pytest.raises(ValueError, match="P2 instances have been deprecated"): - image_uris._validate_instance_deprecation("pytorch", "ml.p2.xlarge", "1.13") - - def test_p2_with_pytorch_1_12(self): - """Test P2 instance with PyTorch 1.12 (should pass)""" - # Should not raise - image_uris._validate_instance_deprecation("pytorch", "ml.p2.xlarge", "1.12") - - def test_p2_with_tensorflow_2_12(self): - """Test P2 instance with TensorFlow 2.12 (should raise)""" - with pytest.raises(ValueError, match="P2 instances have been deprecated"): - image_uris._validate_instance_deprecation("tensorflow", "ml.p2.xlarge", "2.12") - - def test_p2_with_tensorflow_2_11(self): - """Test P2 instance with TensorFlow 2.11 (should pass)""" - # Should not raise - image_uris._validate_instance_deprecation("tensorflow", "ml.p2.xlarge", "2.11") - - def test_p3_instance(self): - """Test P3 instance (should pass)""" - # Should not raise - image_uris._validate_instance_deprecation("pytorch", "ml.p3.2xlarge", "1.13") - - -class TestValidateForSupportedFrameworksAndInstanceType: - """Test cases for _validate_for_suppported_frameworks_and_instance_type function""" - - def test_trainium_with_unsupported_framework(self): - """Test Trainium instance with unsupported framework""" - with pytest.raises(ValueError, match="framework"): - image_uris._validate_for_suppported_frameworks_and_instance_type( - "tensorflow", "ml.trn1.2xlarge" - ) - - def test_trainium_with_pytorch(self): - """Test Trainium instance with PyTorch (should pass)""" - # Should not raise - image_uris._validate_for_suppported_frameworks_and_instance_type( - "pytorch", "ml.trn1.2xlarge" - ) - - def test_graviton_with_unsupported_framework(self): - """Test Graviton instance with unsupported framework""" - with pytest.raises(ValueError, match="framework"): - image_uris._validate_for_suppported_frameworks_and_instance_type( - "mxnet", "ml.c7g.xlarge" - ) - - def test_graviton_with_xgboost(self): - """Test Graviton instance with XGBoost (should pass)""" - # Should not raise - image_uris._validate_for_suppported_frameworks_and_instance_type("xgboost", "ml.c7g.xlarge") - - -class TestGetFinalImageScope: - """Test cases for _get_final_image_scope function""" - - def test_graviton_instance_with_xgboost(self): - """Test Graviton instance with XGBoost""" - result = image_uris._get_final_image_scope("xgboost", "ml.c7g.xlarge", "inference") - assert result == "inference_graviton" - - def test_graviton_instance_with_sklearn(self): - """Test Graviton instance with SKLearn""" - result = image_uris._get_final_image_scope("sklearn", "ml.c7g.xlarge", "training") - assert result == "inference_graviton" - - def test_non_graviton_instance(self): - """Test non-Graviton instance""" - result = image_uris._get_final_image_scope("xgboost", "ml.m5.xlarge", "training") - assert result == "training" - - def test_xgboost_with_none_scope(self): - """Test XGBoost with None scope (should default to training)""" - result = image_uris._get_final_image_scope("xgboost", "ml.m5.xlarge", None) - assert result == "training" - - -class TestGetInferenceTool: - """Test cases for _get_inference_tool function""" - - def test_inf_instance_without_tool(self): - """Test Inferentia instance without explicit tool""" - result = image_uris._get_inference_tool(None, "ml.inf1.xlarge") - assert result == "neuron" - - def test_trn_instance_without_tool(self): - """Test Trainium instance without explicit tool""" - result = image_uris._get_inference_tool(None, "ml.trn1.2xlarge") - assert result == "neuron" - - def test_with_explicit_tool(self): - """Test with explicit inference tool""" - result = image_uris._get_inference_tool("neuronx", "ml.inf2.xlarge") - assert result == "neuronx" - - def test_regular_instance(self): - """Test regular instance without tool""" - result = image_uris._get_inference_tool(None, "ml.m5.xlarge") - assert result is None - - -class TestGetLatestVersions: - """Test cases for _get_latest_versions function""" - - def test_semantic_versions(self): - """Test with semantic versions""" - versions = ["1.0.0", "1.1.0", "1.2.0", "2.0.0"] - result = image_uris._get_latest_versions(versions) - assert result == "2.0.0" - - def test_single_version(self): - """Test with single version""" - versions = ["1.0.0"] - result = image_uris._get_latest_versions(versions) - assert result == "1.0.0" - - def test_mixed_versions(self): - """Test with mixed version formats""" - versions = ["1.0", "1.1", "2.0"] - result = image_uris._get_latest_versions(versions) - assert result == "2.0" - - -class TestValidateAcceleratorType: - """Test cases for _validate_accelerator_type function""" - - def test_valid_eia_accelerator(self): - """Test valid EIA accelerator""" - # Should not raise - image_uris._validate_accelerator_type("ml.eia2.medium") - - def test_local_sagemaker_notebook(self): - """Test local_sagemaker_notebook accelerator""" - # Should not raise - image_uris._validate_accelerator_type("local_sagemaker_notebook") - - def test_invalid_accelerator(self): - """Test invalid accelerator type""" - with pytest.raises(ValueError, match="Invalid SageMaker Elastic Inference"): - image_uris._validate_accelerator_type("invalid-accelerator") - - -class TestValidateVersionAndSetIfNeeded: - """Test cases for _validate_version_and_set_if_needed function""" - - @patch("sagemaker.core.image_uris._get_latest_version") - def test_with_single_version(self, mock_get_latest): - """Test when only one version is available""" - config = {"versions": {"1.0": {}}} - result = image_uris._validate_version_and_set_if_needed(None, config, "xgboost", "training") - assert result == "1.0" - - @patch("sagemaker.core.image_uris._get_latest_version") - def test_with_version_alias(self, mock_get_latest): - """Test with version alias""" - config = {"versions": {"1.0": {}, "2.0": {}}, "version_aliases": {"latest": "2.0"}} - result = image_uris._validate_version_and_set_if_needed( - "latest", config, "pytorch", "training" - ) - assert result == "latest" - - def test_with_invalid_version(self): - """Test with invalid version""" - config = {"versions": {"1.0": {}, "1.5": {}}} - with pytest.raises(ValueError, match="Unsupported"): - image_uris._validate_version_and_set_if_needed("2.0", config, "xgboost", "training") - - -class TestVersionForConfig: - """Test cases for _version_for_config function""" - - def test_with_version_alias(self): - """Test with version alias""" - config = {"version_aliases": {"latest": "2.0"}} - result = image_uris._version_for_config("latest", config) - assert result == "2.0" - - def test_without_alias(self): - """Test without version alias""" - config = {"versions": {"1.0": {}}} - result = image_uris._version_for_config("1.0", config) - assert result == "1.0" - - -class TestRegistryFromRegion: - """Test cases for _registry_from_region function""" - - def test_valid_region(self): - """Test with valid region""" - registry_dict = {"us-west-2": "123456789012", "us-east-1": "987654321098"} - result = image_uris._registry_from_region("us-west-2", registry_dict) - assert result == "123456789012" - - def test_invalid_region(self): - """Test with invalid region""" - registry_dict = {"us-west-2": "123456789012"} - with pytest.raises(ValueError, match="Unsupported"): - image_uris._registry_from_region("invalid-region", registry_dict) - - -class TestProcessor: - """Test cases for _processor function""" - - def test_local_cpu(self): - """Test local CPU instance""" - result = image_uris._processor("local", ["cpu", "gpu"]) - assert result == "cpu" - - def test_local_gpu(self): - """Test local GPU instance""" - result = image_uris._processor("local_gpu", ["cpu", "gpu"]) - assert result == "gpu" - - def test_neuron_instance(self): - """Test neuron instance""" - result = image_uris._processor("neuron", ["cpu", "neuron"]) - assert result == "neuron" - - def test_inf_instance(self): - """Test Inferentia instance""" - result = image_uris._processor("ml.inf1.xlarge", ["cpu", "inf"]) - assert result == "inf" - - def test_trn_instance(self): - """Test Trainium instance""" - result = image_uris._processor("ml.trn1.2xlarge", ["cpu", "trn"]) - assert result == "trn" - - def test_gpu_instance(self): - """Test GPU instance""" - result = image_uris._processor("ml.p3.2xlarge", ["cpu", "gpu"]) - assert result == "gpu" - - def test_cpu_instance(self): - """Test CPU instance""" - result = image_uris._processor("ml.m5.xlarge", ["cpu", "gpu"]) - assert result == "cpu" - - def test_specific_family(self): - """Test specific instance family""" - result = image_uris._processor("ml.c5.xlarge", ["cpu", "c5"]) - assert result == "c5" - - def test_serverless_inference(self): - """Test serverless inference config""" - serverless_config = Mock() - result = image_uris._processor(None, ["cpu", "gpu"], serverless_config) - assert result == "cpu" - - def test_single_processor_no_instance(self): - """Test single processor without instance type""" - result = image_uris._processor(None, ["cpu"]) - assert result == "cpu" - - def test_no_instance_type_multiple_processors(self): - """Test no instance type with multiple processors""" - with pytest.raises(ValueError, match="Empty SageMaker instance type"): - image_uris._processor(None, ["cpu", "gpu"]) - - def test_invalid_instance_type(self): - """Test invalid instance type""" - with pytest.raises(ValueError, match="Invalid SageMaker instance type"): - image_uris._processor("invalid-instance", ["cpu", "gpu"]) - - -class TestShouldAutoSelectContainerVersion: - """Test cases for _should_auto_select_container_version function""" - - def test_p4d_instance(self): - """Test P4D instance""" - result = image_uris._should_auto_select_container_version("ml.p4d.24xlarge", None) - assert result is True - - def test_smdistributed(self): - """Test with smdistributed""" - distribution = {"smdistributed": {"modelparallel": {"enabled": True}}} - result = image_uris._should_auto_select_container_version("ml.p3.2xlarge", distribution) - assert result is True - - def test_regular_instance(self): - """Test regular instance""" - result = image_uris._should_auto_select_container_version("ml.m5.xlarge", None) - assert result is False - - -class TestValidatePyVersionAndSetIfNeeded: - """Test cases for _validate_py_version_and_set_if_needed function""" - - def test_single_py_version(self): - """Test with single Python version""" - version_config = {"py3": {}} - result = image_uris._validate_py_version_and_set_if_needed(None, version_config, "pytorch") - assert result == "py3" - - def test_spark_framework(self): - """Test with Spark framework""" - version_config = {"py37": {}, "py38": {}} - result = image_uris._validate_py_version_and_set_if_needed(None, version_config, "spark") - assert result is None - - def test_no_py_versions(self): - """Test with no Python versions""" - version_config = {"repository": "test-repo"} - result = image_uris._validate_py_version_and_set_if_needed("py3", version_config, "xgboost") - assert result is None - - def test_invalid_py_version(self): - """Test with invalid Python version""" - version_config = {"py37": {}} - with pytest.raises(ValueError, match="Unsupported"): - image_uris._validate_py_version_and_set_if_needed("py39", version_config, "pytorch") - - -class TestValidateArg: - """Test cases for _validate_arg function""" - - def test_valid_arg(self): - """Test with valid argument""" - # Should not raise - image_uris._validate_arg("cpu", ["cpu", "gpu"], "processor") - - def test_invalid_arg(self): - """Test with invalid argument""" - with pytest.raises(ValueError, match="Unsupported processor"): - image_uris._validate_arg("tpu", ["cpu", "gpu"], "processor") - - -class TestValidateFramework: - """Test cases for _validate_framework function""" - - def test_valid_framework(self): - """Test with valid framework""" - # Should not raise - image_uris._validate_framework( - "pytorch", ["pytorch", "tensorflow"], "framework", "Trainium" - ) - - def test_invalid_framework(self): - """Test with invalid framework""" - with pytest.raises(ValueError, match="Unsupported framework"): - image_uris._validate_framework("mxnet", ["pytorch"], "framework", "Trainium") - - -class TestFormatTag: - """Test cases for _format_tag function""" - - def test_with_all_components(self): - """Test with all components""" - tag = image_uris._format_tag("1.13.1", "gpu", "py39", "cu118") - assert tag == "1.13.1-gpu-py39-cu118" - - def test_with_inference_tool(self): - """Test with inference tool""" - tag = image_uris._format_tag("1.13.1", "inf", "py39", "cu118", "neuronx") - assert tag == "1.13.1-neuronx-py39-cu118" - - def test_with_none_values(self): - """Test with None values""" - tag = image_uris._format_tag("1.0", None, None, None) - assert tag == "1.0" - - -class TestGetBasePythonImageUri: - """Test cases for get_base_python_image_uri function""" - - @patch("sagemaker.core.image_uris.config_for_framework") - @patch("sagemaker.core.common_utils._botocore_resolver") - def test_default_py_version(self, mock_resolver, mock_config): - """Test with default Python version""" - mock_endpoint = {"hostname": "ecr.us-west-2.amazonaws.com"} - mock_resolver.return_value.construct_endpoint.return_value = mock_endpoint - - mock_config.return_value = { - "versions": { - "1.0": { - "repository": "sagemaker-base-python", - "registries": {"us-west-2": "123456789012"}, - } - } - } - - result = image_uris.get_base_python_image_uri("us-west-2") - assert "sagemaker-base-python-310" in result - assert "1.0" in result - - @patch("sagemaker.core.image_uris.config_for_framework") - @patch("sagemaker.core.common_utils._botocore_resolver") - def test_custom_py_version(self, mock_resolver, mock_config): - """Test with custom Python version""" - mock_endpoint = {"hostname": "ecr.us-west-2.amazonaws.com"} - mock_resolver.return_value.construct_endpoint.return_value = mock_endpoint - - mock_config.return_value = { - "versions": { - "1.0": { - "repository": "sagemaker-base-python", - "registries": {"us-west-2": "123456789012"}, - } - } - } - - result = image_uris.get_base_python_image_uri("us-west-2", py_version="38") - assert "sagemaker-base-python-38" in result - - -class TestFetchLatestVersionFromConfig: - """Test cases for _fetch_latest_version_from_config function""" - - def test_with_version_aliases_in_scope(self): - """Test with version aliases in image scope""" - config = {"training": {"version_aliases": {"latest": "2.0"}}} - result = image_uris._fetch_latest_version_from_config(config, "training") - assert result == "2.0" - - def test_with_single_version(self): - """Test with single version""" - config = {"versions": {"1.0": {}}} - result = image_uris._fetch_latest_version_from_config(config) - assert result == "1.0" - - def test_with_x_versions(self): - """Test with .x versions""" - config = {"versions": {"1.x": {}, "2.x": {}}} - result = image_uris._fetch_latest_version_from_config(config) - assert result == "2.x" - - def test_with_semantic_versions(self): - """Test with semantic versions""" - config = {"versions": {"1.0.0": {}, "2.0.0": {}}} - result = image_uris._fetch_latest_version_from_config(config) - assert result == "2.0.0" # Latest version - - def test_with_latest_keyword(self): - """Test with 'latest' keyword""" - config = {"versions": {"latest": {}, "1.0": {}}} - result = image_uris._fetch_latest_version_from_config(config) - assert result is None - - def test_with_processing_versions(self): - """Test with processing versions""" - config = {"processing": {"versions": {"1.0": {}, "2.0": {}}}} - result = image_uris._fetch_latest_version_from_config(config) - assert result in ["1.0", "2.0"] diff --git a/sagemaker-mlops/src/sagemaker/mlops/workflow/pipeline.py b/sagemaker-mlops/src/sagemaker/mlops/workflow/pipeline.py index 9b4b9a191b..144726f690 100644 --- a/sagemaker-mlops/src/sagemaker/mlops/workflow/pipeline.py +++ b/sagemaker-mlops/src/sagemaker/mlops/workflow/pipeline.py @@ -130,6 +130,15 @@ def __init__( self.sagemaker_session.boto_session.client("scheduler"), ) + @property + def latest_pipeline_version_id(self): + """Retrieves the latest version id of this pipeline""" + summaries = self.list_pipeline_versions(max_results=1)["PipelineVersionSummaries"] + if not summaries: + return None + else: + return summaries[0].get("PipelineVersionId") + def create( self, role_arn: str = None, @@ -162,6 +171,7 @@ def create( if self.sagemaker_session.local_mode: if parallelism_config: logger.warning("Pipeline parallelism config is not supported in the local mode.") + # TODO: replace with sagemaker-core methods return self.sagemaker_session.sagemaker_client.create_pipeline(self, description) tags = format_tags(tags) tags = _append_project_tags(tags) @@ -171,6 +181,7 @@ def create( kwargs, Tags=tags, ) + # TODO: replace with sagemaker-core methods return self.sagemaker_session.sagemaker_client.create_pipeline(**kwargs) def _create_args( @@ -219,15 +230,22 @@ def _create_args( ) return kwargs - def describe(self) -> Dict[str, Any]: + def describe(self, pipeline_version_id: int = None) -> Dict[str, Any]: """Describes a Pipeline in the Workflow service. + Args: + pipeline_version_id (Optional[str]): version ID of the pipeline to describe. + Returns: Response dict from the service. See `boto3 client documentation `_ """ - return self.sagemaker_session.sagemaker_client.describe_pipeline(PipelineName=self.name) + kwargs = dict(PipelineName=self.name) + if pipeline_version_id: + kwargs["PipelineVersionId"] = pipeline_version_id + + return self.sagemaker_session.sagemaker_client.describe_pipeline(**kwargs) def update( self, @@ -337,6 +355,7 @@ def start( execution_description: str = None, parallelism_config: ParallelismConfiguration = None, selective_execution_config: SelectiveExecutionConfig = None, + pipeline_version_id: int = None, ): """Starts a Pipeline execution in the Workflow service. @@ -350,6 +369,8 @@ def start( over the parallelism configuration of the parent pipeline. selective_execution_config (Optional[SelectiveExecutionConfig]): The configuration for selective step execution. + pipeline_version_id (Optional[str]): version ID of the pipeline to start the execution from. If not + specified, uses the latest version ID. Returns: A `_PipelineExecution` instance, if successful. @@ -371,6 +392,7 @@ def start( PipelineExecutionDisplayName=execution_display_name, ParallelismConfiguration=parallelism_config, SelectiveExecutionConfig=selective_execution_config, + PipelineVersionId=pipeline_version_id, ) if self.sagemaker_session.local_mode: update_args(kwargs, PipelineParameters=parameters) @@ -466,6 +488,34 @@ def list_executions( if key in response } + def list_pipeline_versions( + self, sort_order: str = None, max_results: int = None, next_token: str = None + ) -> str: + """Lists a pipeline's versions. + + Args: + sort_order (str): The sort order for results (Ascending/Descending). + max_results (int): The maximum number of pipeline executions to return in the response. + next_token (str): If the result of the previous `ListPipelineExecutions` request was + truncated, the response includes a `NextToken`. To retrieve the next set of pipeline + executions, use the token in the next request. + + Returns: + List of Pipeline Version Summaries. See + boto3 client list_pipeline_versions + https://boto3.amazonaws.com/v1/documentation/api/latest/reference/services/sagemaker/client/list_pipeline_versions.html# + """ + kwargs = dict(PipelineName=self.name) + update_args( + kwargs, + SortOrder=sort_order, + NextToken=next_token, + MaxResults=max_results, + ) + + # TODO: replace with sagemaker-core methods + return self.sagemaker_session.sagemaker_client.list_pipeline_versions(**kwargs) + def _get_latest_execution_arn(self): """Retrieves the latest execution of this pipeline""" response = self.list_executions( diff --git a/sagemaker-mlops/tests/unit/workflow/test_pipeline.py b/sagemaker-mlops/tests/unit/workflow/test_pipeline.py index 9169f1ce7f..1550a95c36 100644 --- a/sagemaker-mlops/tests/unit/workflow/test_pipeline.py +++ b/sagemaker-mlops/tests/unit/workflow/test_pipeline.py @@ -417,6 +417,62 @@ def test_pipeline_graph_iteration(mock_step): assert len(steps) == 1 + + + +def test_generate_step_map_duplicate_names(): + from sagemaker.mlops.workflow.pipeline import _generate_step_map + + step1 = Mock(spec=Step) + step1.name = "duplicate" + step2 = Mock(spec=Step) + step2.name = "duplicate" + + step_map = {} + with pytest.raises(ValueError, match="duplicate names"): + _generate_step_map([step1, step2], step_map) + + +def test_pipeline_latest_version_id(mock_session, mock_step): + pipeline = Pipeline(name="test-pipeline", steps=[mock_step], sagemaker_session=mock_session) + mock_session.sagemaker_client.list_pipeline_versions.return_value = { + "PipelineVersionSummaries": [{"PipelineVersionId": 123}] + } + assert pipeline.latest_pipeline_version_id == 123 + + +def test_pipeline_latest_version_id_none(mock_session, mock_step): + pipeline = Pipeline(name="test-pipeline", steps=[mock_step], sagemaker_session=mock_session) + mock_session.sagemaker_client.list_pipeline_versions.return_value = { + "PipelineVersionSummaries": [] + } + assert pipeline.latest_pipeline_version_id is None + + +def test_pipeline_describe_with_version_id(mock_session, mock_step): + pipeline = Pipeline(name="test-pipeline", steps=[mock_step], sagemaker_session=mock_session) + pipeline.describe(pipeline_version_id=123) + mock_session.sagemaker_client.describe_pipeline.assert_called_once_with( + PipelineName="test-pipeline", PipelineVersionId=123 + ) + + +def test_pipeline_start_with_version_id(mock_session, mock_step): + pipeline = Pipeline(name="test-pipeline", steps=[mock_step], sagemaker_session=mock_session) + mock_session.sagemaker_client.start_pipeline_execution.return_value = {"PipelineExecutionArn": "arn"} + pipeline.start(pipeline_version_id=123) + call_kwargs = mock_session.sagemaker_client.start_pipeline_execution.call_args[1] + assert call_kwargs["PipelineVersionId"] == 123 + + +def test_pipeline_list_versions(mock_session, mock_step): + pipeline = Pipeline(name="test-pipeline", steps=[mock_step], sagemaker_session=mock_session) + pipeline.list_pipeline_versions(sort_order="Descending", max_results=10) + mock_session.sagemaker_client.list_pipeline_versions.assert_called_once_with( + PipelineName="test-pipeline", SortOrder="Descending", MaxResults=10 + ) + + def test_pipeline_execution_result_waiter_error(mock_session): from sagemaker.mlops.workflow.pipeline import _PipelineExecution from botocore.exceptions import WaiterError diff --git a/sagemaker-serve/src/sagemaker/serve/model_builder_utils.py b/sagemaker-serve/src/sagemaker/serve/model_builder_utils.py index 1c3016cf86..d486f24acb 100644 --- a/sagemaker-serve/src/sagemaker/serve/model_builder_utils.py +++ b/sagemaker-serve/src/sagemaker/serve/model_builder_utils.py @@ -1504,7 +1504,7 @@ def _is_inferentia_or_trainium(self, instance_type: Optional[str]) -> bool: bool: Whether the given instance type is Inferentia or Trainium. """ if isinstance(instance_type, str): - match = re.match(r"^ml[\._]([a-z\d]+)\.?\w*$", instance_type) + match = re.match(r"^ml[\._]([a-z\d\-]+)\.?\w*$", instance_type) if match: if match[1].startswith("inf") or match[1].startswith("trn"): return True diff --git a/sagemaker-serve/src/sagemaker/serve/utils/conda_in_process.yml b/sagemaker-serve/src/sagemaker/serve/utils/conda_in_process.yml index 61badaa52f..162ee2bc5b 100644 --- a/sagemaker-serve/src/sagemaker/serve/utils/conda_in_process.yml +++ b/sagemaker-serve/src/sagemaker/serve/utils/conda_in_process.yml @@ -12,7 +12,7 @@ dependencies: - boto3>=1.34.142,<2.0 - cloudpickle==2.2.1 - google-pasta - - numpy>=1.9.0,<2.0 + - numpy>=2.0.0,<3.0 - protobuf>=3.12,<5.0 - smdebug_rulesconfig==1.0.1 - importlib-metadata>=1.4.0,<7.0 @@ -64,7 +64,7 @@ dependencies: - multiprocess>=0.70.14 - networkx>=3.1 - packaging>=23.1 - - pandas>=1.5.3 + - pandas>=2.3.0 - pathos>=0.3.0 - pillow>=9.5.0 - platformdirs>=3.2.0 diff --git a/sagemaker-train/src/sagemaker/train/model_trainer.py b/sagemaker-train/src/sagemaker/train/model_trainer.py index c2fbd5da46..8cc62bf71a 100644 --- a/sagemaker-train/src/sagemaker/train/model_trainer.py +++ b/sagemaker-train/src/sagemaker/train/model_trainer.py @@ -64,6 +64,7 @@ RemoteDebugConfig, SessionChainingConfig, InputData, + MetricDefinition, ) from sagemaker.train.distributed import Torchrun, DistributedConfig @@ -125,7 +126,8 @@ class ModelTrainer(BaseModel): from sagemaker.train import ModelTrainer from sagemaker.train.configs import SourceCode, Compute, InputData - source_code = SourceCode(source_dir="source", entry_script="train.py") + ignore_patterns = ['.env', '.git', '__pycache__', '.DS_Store', 'data'] + source_code = SourceCode(source_dir="source", entry_script="train.py", ignore_patterns=ignore_patterns) training_image = "123456789012.dkr.ecr.us-west-2.amazonaws.com/my-training-image" model_trainer = ModelTrainer( training_image=training_image, @@ -243,6 +245,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) # Private Attributes for Recipes _temp_recipe_train_dir: Optional[TemporaryDirectory] = PrivateAttr(default=None) @@ -612,6 +615,7 @@ def train( channel_name=SM_CODE, data_source=self.source_code.source_dir, key_prefix=input_data_key_prefix, + ignore_patterns=self.source_code.ignore_patterns, ) final_input_data_config.append(source_code_channel) @@ -633,6 +637,7 @@ def train( channel_name=SM_DRIVERS, data_source=tmp_dir.name, key_prefix=input_data_key_prefix, + ignore_patterns=self.source_code.ignore_patterns, ) final_input_data_config.append(sm_drivers_channel) @@ -651,6 +656,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() @@ -742,7 +748,11 @@ def train( local_container.train(wait) def create_input_data_channel( - self, channel_name: str, data_source: DataSourceType, key_prefix: Optional[str] = None + self, + channel_name: str, + data_source: DataSourceType, + key_prefix: Optional[str] = None, + ignore_patterns: Optional[List[str]] = None, ) -> Channel: """Create an input data channel for the training job. @@ -758,6 +768,9 @@ def create_input_data_channel( If specified, local data will be uploaded to: ``s3://///`` + ignore_patterns: (Optional[List[str]]) : + The ignore patterns to ignore specific files/folders when uploading to S3. + If not specified, default to: ['.env', '.git', '__pycache__', '.DS_Store', '.cache', '.ipynb_checkpoints']. """ from sagemaker.core.helper.pipeline_variable import PipelineVariable @@ -807,11 +820,28 @@ def create_input_data_channel( ) if self.sagemaker_session.default_bucket_prefix: key_prefix = f"{self.sagemaker_session.default_bucket_prefix}/{key_prefix}" - s3_uri = self.sagemaker_session.upload_data( - path=data_source, - bucket=self.sagemaker_session.default_bucket(), - key_prefix=key_prefix, - ) + if ignore_patterns and _is_valid_path(data_source, path_type="Directory"): + tmp_dir = TemporaryDirectory() + copied_path = os.path.join( + tmp_dir.name, os.path.basename(os.path.normpath(data_source)) + ) + shutil.copytree( + data_source, + copied_path, + dirs_exist_ok=True, + ignore=shutil.ignore_patterns(*ignore_patterns), + ) + s3_uri = self.sagemaker_session.upload_data( + path=copied_path, + bucket=self.sagemaker_session.default_bucket(), + key_prefix=key_prefix, + ) + else: + s3_uri = self.sagemaker_session.upload_data( + path=data_source, + bucket=self.sagemaker_session.default_bucket(), + key_prefix=key_prefix, + ) channel = Channel( channel_name=channel_name, data_source=DataSource( @@ -1469,3 +1499,29 @@ 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 \ No newline at end of file diff --git a/sagemaker-train/src/sagemaker/train/modules/model_trainer.py b/sagemaker-train/src/sagemaker/train/modules/model_trainer.py deleted file mode 100644 index 32af7f6c88..0000000000 --- a/sagemaker-train/src/sagemaker/train/modules/model_trainer.py +++ /dev/null @@ -1,1030 +0,0 @@ -# Copyright Amazon.com, Inc. or its affiliates. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"). You -# may not use this file except in compliance with the License. A copy of -# the License is located at -# -# http://aws.amazon.com/apache2.0/ -# -# or in the "license" file accompanying this file. This file is -# distributed on an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF -# ANY KIND, either express or implied. See the License for the specific -# language governing permissions and limitations under the License. -"""ModelTrainer class module.""" -from __future__ import absolute_import - -from enum import Enum -import os -import json -import shutil -from tempfile import TemporaryDirectory -from typing import Optional, List, Union, Dict, Any, ClassVar -import yaml - -from graphene.utils.str_converters import to_camel_case, to_snake_case - -from sagemaker.core.training.configs import Compute, Networking, InputData, SourceCode -from sagemaker.core.training.constants import DEFAULT_INSTANCE_TYPE, DEFAULT_CONTAINER_ENTRYPOINT, \ - DEFAULT_CONTAINER_ARGUMENTS, SM_DRIVERS, SM_CODE_CONTAINER_PATH, TRAIN_SCRIPT, DISTRIBUTED_JSON, SOURCE_CODE_JSON, \ - SM_CODE, SM_DRIVERS_LOCAL_PATH -from sagemaker.train.distributed import DistributedConfig, Torchrun -from sagemaker.core.modules.local_core.local_container import _LocalContainer -from sagemaker.train.templates import EXECUTE_BASE_COMMANDS, EXEUCTE_DISTRIBUTED_DRIVER, EXECUTE_BASIC_SCRIPT_DRIVER, \ - TRAIN_SCRIPT_TEMPLATE -from sagemaker.core.modules.utils import _is_valid_path, _get_repo_name_from_image, _is_valid_s3_uri, _get_unique_name, \ - safe_serialize -from sagemaker.core.helper.session_helper import Session, get_execution_role - -from sagemaker.core import resources -from sagemaker.core.shapes import StoppingCondition, TrainingImageConfig, OutputDataConfig, Channel, \ - CheckpointConfig, Tag, TensorBoardOutputConfig, RetryStrategy, InfraCheckConfig, SessionChainingConfig, \ - RemoteDebugConfig, FileSystemDataSource, DataSource, S3DataSource -from sagemaker.core.resources import TrainingJob -from sagemaker.core.shapes import AlgorithmSpecification - -from pydantic import BaseModel, ConfigDict, PrivateAttr, validate_call - -from sagemaker.core.config.config_schema import ( - _simple_path, - SAGEMAKER, - MODULES, - PYTHON_SDK, - TRAINING_JOB_ENVIRONMENT_PATH, - TRAINING_JOB_ENABLE_NETWORK_ISOLATION_PATH, - TRAINING_JOB_VPC_CONFIG_PATH, - TRAINING_JOB_SUBNETS_PATH, - TRAINING_JOB_SECURITY_GROUP_IDS_PATH, - TRAINING_JOB_OUTPUT_DATA_CONFIG_PATH, - TRAINING_JOB_RESOURCE_CONFIG_PATH, - TRAINING_JOB_ROLE_ARN_PATH, TRAINING_JOB_TAGS_PATH, -) - -from sagemaker.core.common_utils import resolve_value_from_config, logger - -from sagemaker.core.telemetry.telemetry_logging import _telemetry_emitter -from sagemaker.core.telemetry.constants import Feature -from sagemaker.core.config.config_schema import MODEL_TRAINER - -from sagemaker.train.sm_recipes.utils import _determine_device_type, _get_args_from_recipe -from sagemaker.train.types import DataSourceType - - -class Mode(Enum): - """Enum class for training mode.""" - - LOCAL_CONTAINER = "LOCAL_CONTAINER" - SAGEMAKER_TRAINING_JOB = "SAGEMAKER_TRAINING_JOB" - - -class ModelTrainer(BaseModel): - """Class that trains a model using AWS SageMaker. - - Example: - - .. code:: python - - from sagemaker.train.train import ModelTrainer - from sagemaker.core.training.configs import SourceCode, Compute, InputData - - source_code = SourceCode(source_dir="source", entry_script="train.py") - training_image = "123456789012.dkr.ecr.us-west-2.amazonaws.com/my-training-image" - model_trainer = ModelTrainer( - training_image=training_image, - source_code=source_code, - ) - - train_data = InputData(channel_name="train", data_source="s3://bucket/train") - model_trainer.train(input_data_config=[train_data]) - - training_job = model_trainer._latest_training_job - - Parameters: - training_mode (Mode): - The training mode. Valid values are "Mode.LOCAL_CONTAINER" or - "Mode.SAGEMAKER_TRAINING_JOB". - sagemaker_session (Optiona(Session)): - The SageMakerCore session. For convinience, can be imported like: - ``from sagemaker.train import Session``. - If not specified, a new session will be created. - If the default bucket for the artifacts needs to be updated, it can be done by - passing it in the Session object. - role (Optional(str)): - The IAM role ARN for the training job. - If not specified, the default SageMaker execution role will be used. - base_job_name (Optional[str]): - The base name for the training job. - If not specified, a default name will be generated using the algorithm name - or training image. - source_code (Optional[SourceCode]): - The source code configuration. This is used to configure the source code for - running the training job. - distributed (Optional[DistributedConfig]): - The distributed runner for the training job. This is used to configure - a distributed training job. If specifed, ``source_code`` must also - be provided. - compute (Optional[Compute]): - The compute configuration. This is used to specify the compute resources for - the training job. If not specified, will default to 1 instance of ml.m5.xlarge. - networking (Optional[Networking]): - The networking configuration. This is used to specify the networking settings - for the training job. - stopping_condition (Optional[StoppingCondition]): - The stopping condition. This is used to specify the different stopping - conditions for the training job. - If not specified, will default to 1 hour max run time. - algorithm_name (Optional[str]): - The SageMaker marketplace algorithm name/arn to use for the training job. - algorithm_name cannot be specified if training_image is specified. - training_image (Optional[str]): - The training image URI to use for the training job container. - training_image cannot be specified if algorithm_name is specified. - To find available sagemaker distributed images, - see: https://docs.aws.amazon.com/sagemaker/latest/dg-ecr-paths/sagemaker-algo-docker-registry-paths - training_image_config (Optional[TrainingImageConfig]): - Training image Config. This is the configuration to use an image from a private - Docker registry for a training job. - output_data_config (Optional[OutputDataConfig]): - The output data configuration. This is used to specify the output data location - for the training job. - If not specified in the session, will default to - ``s3://///``. - input_data_config (Optional[List[Union[Channel, InputData]]]): - The input data config for the training job. - Takes a list of Channel or InputData objects. An InputDataSource can be an S3 URI - string, local file path string, S3DataSource object, or FileSystemDataSource object. - checkpoint_config (Optional[CheckpointConfig]): - Contains information about the output location for managed spot training checkpoint - data. - training_input_mode (Optional[str]): - The input mode for the training job. Valid values are "Pipe", "File", "FastFile". - Defaults to "File". - environment (Optional[Dict[str, str]]): - The environment variables for the training job. - hyperparameters (Optional[Union[Dict[str, Any], str]): - The hyperparameters for the training job. Can be a dictionary of hyperparameters - or a path to hyperparameters json/yaml file. - tags (Optional[List[Tag]]): - An array of key-value pairs. You can use tags to categorize your AWS resources - in different ways, for example, by purpose, owner, or environment. - local_container_root (Optional[str]): - The local root directory to store artifacts from a training job launched in - "LOCAL_CONTAINER" mode. - """ - - model_config = ConfigDict( - arbitrary_types_allowed=True, validate_assignment=True, extra="forbid" - ) - - training_mode: Mode = Mode.SAGEMAKER_TRAINING_JOB - sagemaker_session: Optional[Session] = None - role: Optional[str] = None - base_job_name: Optional[str] = None - source_code: Optional[SourceCode] = None - distributed: Optional[DistributedConfig] = None - compute: Optional[Compute] = None - networking: Optional[Networking] = None - stopping_condition: Optional[StoppingCondition] = None - training_image: Optional[str] = None - training_image_config: Optional[TrainingImageConfig] = None - algorithm_name: Optional[str] = None - output_data_config: Optional[OutputDataConfig] = None - input_data_config: Optional[List[Union[Channel, InputData]]] = None - checkpoint_config: Optional[CheckpointConfig] = None - training_input_mode: Optional[str] = "File" - environment: Optional[Dict[str, str]] = {} - hyperparameters: Optional[Union[Dict[str, Any], str]] = {} - tags: Optional[List[Tag]] = None - local_container_root: Optional[str] = os.getcwd() - - # Created Artifacts - _latest_training_job: Optional[resources.TrainingJob] = PrivateAttr(default=None) - - # Private TrainingJob Parameters - _tensorboard_output_config: Optional[TensorBoardOutputConfig] = PrivateAttr(default=None) - _retry_strategy: Optional[RetryStrategy] = PrivateAttr(default=None) - _infra_check_config: Optional[InfraCheckConfig] = PrivateAttr(default=None) - _session_chaining_config: Optional[SessionChainingConfig] = PrivateAttr(default=None) - _remote_debug_config: Optional[RemoteDebugConfig] = PrivateAttr(default=None) - - _temp_recipe_train_dir: Optional[TemporaryDirectory] = PrivateAttr(default=None) - - CONFIGURABLE_ATTRIBUTES: ClassVar[List[str]] = [ - "role", - "base_job_name", - "source_code", - "compute", - "networking", - "stopping_condition", - "training_image", - "training_image_config", - "algorithm_name", - "output_data_config", - "checkpoint_config", - "training_input_mode", - "environment", - "hyperparameters", - ] - - SERIALIZABLE_CONFIG_ATTRIBUTES: ClassVar[Any] = { - "source_code": SourceCode, - "compute": Compute, - "networking": Networking, - "stopping_condition": StoppingCondition, - "training_image_config": TrainingImageConfig, - "output_data_config": OutputDataConfig, - "checkpoint_config": CheckpointConfig, - } - - def _populate_intelligent_defaults(self): - """Function to populate all the possible default configs - - Model Trainer specific configs take precedence over the generic training job ones. - """ - self._populate_intelligent_defaults_from_model_trainer_space() - self._populate_intelligent_defaults_from_training_job_space() - - def _populate_intelligent_defaults_from_training_job_space(self): - """Function to populate all the possible default configs from Training Job Space""" - if not self.environment: - self.environment = resolve_value_from_config( - config_path=TRAINING_JOB_ENVIRONMENT_PATH, sagemaker_session=self.sagemaker_session - ) - - default_enable_network_isolation = resolve_value_from_config( - config_path=TRAINING_JOB_ENABLE_NETWORK_ISOLATION_PATH, - sagemaker_session=self.sagemaker_session, - ) - default_vpc_config = resolve_value_from_config( - config_path=TRAINING_JOB_VPC_CONFIG_PATH, sagemaker_session=self.sagemaker_session - ) - - if not self.networking: - if default_enable_network_isolation is not None or default_vpc_config is not None: - self.networking = Networking( - default_enable_network_isolation=default_enable_network_isolation, - subnets=resolve_value_from_config(config_path=TRAINING_JOB_SUBNETS_PATH), - security_group_ids=resolve_value_from_config( - config_path=TRAINING_JOB_SECURITY_GROUP_IDS_PATH - ), - ) - else: - if self.networking.enable_network_isolation is None: - self.networking.enable_network_isolation = default_enable_network_isolation - if self.networking.subnets is None: - self.networking.subnets = resolve_value_from_config( - config_path=TRAINING_JOB_SUBNETS_PATH - ) - if self.networking.security_group_ids is None: - self.networking.subnets = resolve_value_from_config( - config_path=TRAINING_JOB_SUBNETS_PATH - ) - - if not self.output_data_config: - default_output_data_config = resolve_value_from_config( - config_path=TRAINING_JOB_OUTPUT_DATA_CONFIG_PATH - ) - if default_output_data_config: - self.output_data_config = OutputDataConfig( - **self._convert_keys_to_snake(default_output_data_config) - ) - - if not self.compute: - default_resource_config = resolve_value_from_config( - config_path=TRAINING_JOB_RESOURCE_CONFIG_PATH - ) - if default_resource_config: - self.compute = Compute(**self._convert_keys_to_snake(default_resource_config)) - - if not self.role: - self.role = resolve_value_from_config(config_path=TRAINING_JOB_ROLE_ARN_PATH) - - if not self.tags: - self.tags = resolve_value_from_config(config_path=TRAINING_JOB_TAGS_PATH) - - def _convert_keys_to_snake(self, config: dict) -> dict: - """Utility helper function that converts the keys of a dictionary into snake case""" - return {to_snake_case(key): value for key, value in config.items()} - - def _populate_intelligent_defaults_from_model_trainer_space(self): - """Function to populate all the possible default configs from Model Trainer Space""" - - for configurable_attribute in self.CONFIGURABLE_ATTRIBUTES: - if getattr(self, configurable_attribute) is None: - default_config = resolve_value_from_config( - config_path=_simple_path( - SAGEMAKER, - PYTHON_SDK, - MODULES, - MODEL_TRAINER, - to_camel_case(configurable_attribute), - ), - sagemaker_session=self.sagemaker_session, - ) - if default_config is not None: - if configurable_attribute in self.SERIALIZABLE_CONFIG_ATTRIBUTES: - default_config = self.SERIALIZABLE_CONFIG_ATTRIBUTES.get( - configurable_attribute - )( - **default_config # pylint: disable=E1134 - ) - setattr(self, configurable_attribute, default_config) - - def __del__(self): - """Destructor method to clean up the temporary directory.""" - # Clean up the temporary directory if it exists and class was initialized - if hasattr(self, "__pydantic_fields_set__"): - if self._temp_recipe_train_dir is not None: - self._temp_recipe_train_dir.cleanup() - - def _validate_training_image_and_algorithm_name( - self, training_image: Optional[str], algorithm_name: Optional[str] - ): - """Validate that only one of 'training_image' or 'algorithm_name' is provided.""" - if not training_image and not algorithm_name: - raise ValueError( - "Atleast one of 'training_image' or 'algorithm_name' must be provided.", - ) - if training_image and algorithm_name: - raise ValueError( - "Only one of 'training_image' or 'algorithm_name' must be provided.", - ) - - def _validate_distributed_config( - self, - source_code: Optional[SourceCode], - distributed: Optional[DistributedConfig], - ): - """Validate the distribution configuration.""" - if distributed and not source_code.entry_script: - raise ValueError( - "Must provide 'entry_script' if 'distribution' " + "is provided in 'source_code'.", - ) - - # TODO: Move to use pydantic model validators - def _validate_source_code(self, source_code: Optional[SourceCode]): - """Validate the source code configuration.""" - if source_code: - if source_code.requirements or source_code.entry_script: - source_dir = source_code.source_dir - requirements = source_code.requirements - entry_script = source_code.entry_script - if not source_dir: - raise ValueError( - "If 'requirements' or 'entry_script' is provided in 'source_code', " - + "'source_dir' must also be provided.", - ) - if not _is_valid_path(source_dir, path_type="Directory"): - raise ValueError( - f"Invalid 'source_dir' path: {source_dir}. " + "Must be a valid directory.", - ) - if requirements: - if not _is_valid_path( - f"{source_dir}/{requirements}", - path_type="File", - ): - raise ValueError( - f"Invalid 'requirements': {requirements}. " - + "Must be a valid file within the 'source_dir'.", - ) - if entry_script: - if not _is_valid_path( - f"{source_dir}/{entry_script}", - path_type="File", - ): - raise ValueError( - f"Invalid 'entry_script': {entry_script}. " - + "Must be a valid file within the 'source_dir'.", - ) - - def model_post_init(self, __context: Any): - """Post init method to perform custom validation and set default values.""" - self._validate_training_image_and_algorithm_name(self.training_image, self.algorithm_name) - self._validate_source_code(self.source_code) - self._validate_distributed_config(self.source_code, self.distributed) - - if self.training_mode == Mode.SAGEMAKER_TRAINING_JOB: - if self.sagemaker_session is None: - self.sagemaker_session = Session() - logger.warning("SageMaker session not provided. Using default Session.") - - if self.role is None: - self.role = get_execution_role(sagemaker_session=self.sagemaker_session) - logger.warning(f"Role not provided. Using default role:\n{self.role}") - - if self.base_job_name is None: - if self.algorithm_name: - self.base_job_name = f"{self.algorithm_name}-job" - elif self.training_image: - self.base_job_name = f"{_get_repo_name_from_image(self.training_image)}-job" - logger.warning(f"Base name not provided. Using default name:\n{self.base_job_name}") - - if self.compute is None: - self.compute = Compute( - instance_type=DEFAULT_INSTANCE_TYPE, - instance_count=1, - volume_size_in_gb=30, - ) - logger.warning(f"Compute not provided. Using default:\n{self.compute}") - - if self.stopping_condition is None: - self.stopping_condition = StoppingCondition( - max_runtime_in_seconds=3600, - max_pending_time_in_seconds=None, - max_wait_time_in_seconds=None, - ) - logger.warning( - f"StoppingCondition not provided. Using default:\n{self.stopping_condition}" - ) - - if self.hyperparameters and isinstance(self.hyperparameters, str): - if not os.path.exists(self.hyperparameters): - raise ValueError(f"Hyperparameters file not found: {self.hyperparameters}") - logger.info(f"Loading hyperparameters from file: {self.hyperparameters}") - with open(self.hyperparameters, "r") as f: - contents = f.read() - try: - self.hyperparameters = json.loads(contents) - logger.debug("Hyperparameters loaded as JSON") - except json.JSONDecodeError: - try: - logger.info(f"contents: {contents}") - self.hyperparameters = yaml.safe_load(contents) - if not isinstance(self.hyperparameters, dict): - raise ValueError("YAML contents must be a valid mapping") - logger.info(f"hyperparameters: {self.hyperparameters}") - logger.debug("Hyperparameters loaded as YAML") - except (yaml.YAMLError, ValueError): - raise ValueError( - f"Invalid hyperparameters file: {self.hyperparameters}. " - "Must be a valid JSON or YAML file." - ) - - if self.training_mode == Mode.SAGEMAKER_TRAINING_JOB and self.output_data_config is None: - session = self.sagemaker_session - base_job_name = self.base_job_name - self.output_data_config = OutputDataConfig( - s3_output_path=f"s3://{self._fetch_bucket_name_and_prefix(session)}" - f"/{base_job_name}", - compression_type="GZIP", - kms_key_id=None, - ) - logger.warning( - f"OutputDataConfig not provided. Using default:\n{self.output_data_config}" - ) - - # TODO: Autodetect which image to use if source_code is provided - if self.training_image: - logger.info(f"Training image URI: {self.training_image}") - - def _fetch_bucket_name_and_prefix(self, session: Session) -> str: - """Helper function to get the bucket name with the corresponding prefix if applicable""" - if session.default_bucket_prefix is not None: - return f"{session.default_bucket()}/{session.default_bucket_prefix}" - return session.default_bucket() - - @_telemetry_emitter(feature=Feature.MODEL_TRAINER, func_name="model_trainer.train") - @validate_call - def train( - self, - input_data_config: Optional[List[Union[Channel, InputData]]] = None, - wait: Optional[bool] = True, - logs: Optional[bool] = True, - ): - """Train a model using AWS SageMaker. - - Args: - input_data_config (Optional[Union[List[Channel], Dict[str, DataSourceType]]]): - The input data config for the training job. - Takes a list of Channel objects or a dictionary of channel names to DataSourceType. - DataSourceType can be an S3 URI string, local file path string, - S3DataSource object, or FileSystemDataSource object. - wait (Optional[bool]): - Whether to wait for the training job to complete before returning. - Defaults to True. - logs (Optional[bool]): - Whether to display the training container logs while training. - Defaults to True. - """ - self._populate_intelligent_defaults() - current_training_job_name = _get_unique_name(self.base_job_name) - input_data_key_prefix = f"{self.base_job_name}/{current_training_job_name}/input" - if input_data_config: - self.input_data_config = input_data_config - - input_data_config = [] - if self.input_data_config: - input_data_config = self._get_input_data_config( - self.input_data_config, input_data_key_prefix - ) - - string_hyper_parameters = {} - if self.hyperparameters: - for hyper_parameter, value in self.hyperparameters.items(): - string_hyper_parameters[hyper_parameter] = safe_serialize(value) - - container_entrypoint = None - container_arguments = None - if self.source_code: - if self.training_mode == Mode.LOCAL_CONTAINER: - tmp_dir = TemporaryDirectory(prefix=os.path.join(self.local_container_root + "/")) - else: - tmp_dir = TemporaryDirectory() - # Copy everything under container_drivers/ to a temporary directory - shutil.copytree(SM_DRIVERS_LOCAL_PATH, tmp_dir.name, dirs_exist_ok=True) - - # If distributed is provided, overwrite code under /drivers - if self.distributed: - distributed_driver_dir = self.distributed.driver_dir - driver_dir = os.path.join(tmp_dir.name, "distributed_drivers") - shutil.copytree(distributed_driver_dir, driver_dir, dirs_exist_ok=True) - - # If source code is provided, create a channel for the source code - # The source code will be mounted at /opt/ml/input/data/code in the container - if self.source_code.source_dir: - source_code_channel = self.create_input_data_channel( - channel_name=SM_CODE, - data_source=self.source_code.source_dir, - key_prefix=input_data_key_prefix, - ) - input_data_config.append(source_code_channel) - - self._prepare_train_script( - tmp_dir=tmp_dir, - source_code=self.source_code, - distributed=self.distributed, - ) - - if isinstance(self.distributed, Torchrun) and self.distributed.smp: - mp_parameters = self.distributed.smp._to_mp_hyperparameters() - string_hyper_parameters.update(mp_parameters) - - self._write_source_code_json(tmp_dir=tmp_dir, source_code=self.source_code) - self._write_distributed_json(tmp_dir=tmp_dir, distributed=self.distributed) - - # Create an input channel for drivers packaged by the sdk - sm_drivers_channel = self.create_input_data_channel( - channel_name=SM_DRIVERS, - data_source=tmp_dir.name, - key_prefix=input_data_key_prefix, - ) - input_data_config.append(sm_drivers_channel) - - # If source_code is provided, we will always use - # the default container entrypoint and arguments - # to execute the sm_train.sh script. - # Any commands generated from the source_code will be - # executed from the sm_train.sh script. - container_entrypoint = DEFAULT_CONTAINER_ENTRYPOINT - container_arguments = DEFAULT_CONTAINER_ARGUMENTS - - algorithm_specification = AlgorithmSpecification( - algorithm_name=self.algorithm_name, - training_image=self.training_image, - training_input_mode=self.training_input_mode, - training_image_config=self.training_image_config, - container_entrypoint=container_entrypoint, - container_arguments=container_arguments, - ) - - resource_config = self.compute._to_resource_config() - vpc_config = self.networking._to_vpc_config() if self.networking else None - - if self.training_mode == Mode.SAGEMAKER_TRAINING_JOB: - training_job = TrainingJob.create( - training_job_name=current_training_job_name, - algorithm_specification=algorithm_specification, - hyper_parameters=string_hyper_parameters, - input_data_config=input_data_config, - resource_config=resource_config, - vpc_config=vpc_config, - # Public Instance Attributes - session=self.sagemaker_session.boto_session, - role_arn=self.role, - tags=self.tags, - stopping_condition=self.stopping_condition, - output_data_config=self.output_data_config, - checkpoint_config=self.checkpoint_config, - environment=self.environment, - enable_managed_spot_training=self.compute.enable_managed_spot_training, - enable_inter_container_traffic_encryption=( - self.networking.enable_inter_container_traffic_encryption - if self.networking - else None - ), - enable_network_isolation=( - self.networking.enable_network_isolation if self.networking else None - ), - # Private Instance Attributes - remote_debug_config=self._remote_debug_config, - tensor_board_output_config=self._tensorboard_output_config, - retry_strategy=self._retry_strategy, - infra_check_config=self._infra_check_config, - session_chaining_config=self._session_chaining_config, - ) - self._latest_training_job = training_job - - if wait: - training_job.wait(logs=logs) - if logs and not wait: - logger.warning( - "Not displaing the training container logs as 'wait' is set to False." - ) - else: - local_container = _LocalContainer( - training_job_name=_get_unique_name(self.base_job_name), - instance_type=resource_config.instance_type, - instance_count=resource_config.instance_count, - image=algorithm_specification.training_image, - container_root=self.local_container_root, - sagemaker_session=self.sagemaker_session, - container_entrypoint=algorithm_specification.container_entrypoint, - container_arguments=algorithm_specification.container_arguments, - input_data_config=input_data_config, - hyper_parameters=string_hyper_parameters, - environment=self.environment, - ) - local_container.train(wait) - - def create_input_data_channel( - self, channel_name: str, data_source: DataSourceType, key_prefix: Optional[str] = None - ) -> Channel: - """Create an input data channel for the training job. - - Args: - channel_name (str): The name of the input data channel. - data_source (DataSourceType): The data source for the input data channel. - DataSourceType can be an S3 URI string, local file path string, - S3DataSource object, or FileSystemDataSource object. - key_prefix (Optional[str]): The key prefix to use when uploading data to S3. - Only applicable when data_source is a local file path string. - If not specified, local data will be uploaded to: - ``s3:////input//`` - - If specified, local data will be uploaded to: - ``s3://///`` - """ - channel = None - if isinstance(data_source, str): - if _is_valid_s3_uri(data_source): - channel = Channel( - channel_name=channel_name, - data_source=DataSource( - s3_data_source=S3DataSource( - s3_data_type="S3Prefix", - s3_uri=data_source, - s3_data_distribution_type="FullyReplicated", - ), - ), - input_mode="File", - ) - if key_prefix: - logger.warning( - "key_prefix is only applicable when data_source is a local file path." - ) - elif _is_valid_path(data_source): - if self.training_mode == Mode.LOCAL_CONTAINER: - channel = Channel( - channel_name=channel_name, - data_source=DataSource( - file_system_data_source=FileSystemDataSource.model_construct( - directory_path=data_source, - file_system_type="EFS", - ), - ), - input_mode="File", - ) - else: - key_prefix = ( - f"{key_prefix}/{channel_name}" - if key_prefix - else f"{self.base_job_name}/input/{channel_name}" - ) - if self.sagemaker_session.default_bucket_prefix: - key_prefix = f"{self.sagemaker_session.default_bucket_prefix}/{key_prefix}" - s3_uri = self.sagemaker_session.upload_data( - path=data_source, - bucket=self.sagemaker_session.default_bucket(), - key_prefix=key_prefix, - ) - channel = Channel( - channel_name=channel_name, - data_source=DataSource( - s3_data_source=S3DataSource( - s3_data_type="S3Prefix", - s3_uri=s3_uri, - s3_data_distribution_type="FullyReplicated", - ), - ), - input_mode="File", - ) - else: - raise ValueError(f"Not a valid S3 URI or local file path: {data_source}.") - elif isinstance(data_source, S3DataSource): - channel = Channel( - channel_name=channel_name, data_source=DataSource(s3_data_source=data_source) - ) - elif isinstance(data_source, FileSystemDataSource): - channel = Channel( - channel_name=channel_name, - data_source=DataSource(file_system_data_source=data_source), - ) - return channel - - def _get_input_data_config( - self, - input_data_channels: Optional[List[Union[Channel, InputData]]], - key_prefix: Optional[str] = None, - ) -> List[Channel]: - """Get the input data configuration for the training job. - - Args: - input_data_channels (Optional[List[Union[Channel, InputData]]]): - The input data config for the training job. - Takes a list of Channel or InputData objects. An InputDataSource can be an S3 URI - string, local file path string, S3DataSource object, or FileSystemDataSource object. - """ - if input_data_channels is None: - return [] - - channels = [] - for input_data in input_data_channels: - if isinstance(input_data, Channel): - channels.append(input_data) - elif isinstance(input_data, InputData): - channel = self.create_input_data_channel( - input_data.channel_name, input_data.data_source, key_prefix=key_prefix - ) - channels.append(channel) - else: - raise ValueError( - f"Invalid input data channel: {input_data}. " - + "Must be a Channel or InputDataSource." - ) - return channels - - def _write_source_code_json(self, tmp_dir: TemporaryDirectory, source_code: SourceCode): - """Write the source code configuration to a JSON file.""" - file_path = os.path.join(tmp_dir.name, SOURCE_CODE_JSON) - with open(file_path, "w") as f: - dump = source_code.model_dump() if source_code else {} - f.write(json.dumps(dump)) - - def _write_distributed_json( - self, - tmp_dir: TemporaryDirectory, - distributed: Optional[DistributedConfig] = None, - ): - """Write the distributed runner configuration to a JSON file.""" - file_path = os.path.join(tmp_dir.name, DISTRIBUTED_JSON) - with open(file_path, "w") as f: - dump = distributed.model_dump() if distributed else {} - f.write(json.dumps(dump)) - - def _prepare_train_script( - self, - tmp_dir: TemporaryDirectory, - source_code: SourceCode, - distributed: Optional[DistributedConfig] = None, - ): - """Prepare the training script to be executed in the training job container. - - Args: - source_code (SourceCode): The source code configuration. - """ - - base_command = "" - if source_code.command: - if source_code.entry_script: - logger.warning( - "Both 'command' and 'entry_script' are provided in the SourceCode. " - + "Defaulting to 'command'." - ) - base_command = source_code.command.split() - base_command = " ".join(base_command) - - install_requirements = "" - if source_code.requirements: - install_requirements = "echo 'Installing requirements'\n" - install_requirements = f"$SM_PIP_CMD install -r {source_code.requirements}" - - working_dir = "" - if source_code.source_dir: - working_dir = f"cd {SM_CODE_CONTAINER_PATH}" - - if base_command: - execute_driver = EXECUTE_BASE_COMMANDS.format(base_command=base_command) - elif distributed: - execute_driver = EXEUCTE_DISTRIBUTED_DRIVER.format( - driver_name=distributed.__class__.__name__, - driver_script=distributed.driver_script, - ) - elif source_code.entry_script and not source_code.command and not distributed: - if not source_code.entry_script.endswith((".py", ".sh")): - raise ValueError( - f"Unsupported entry script: {source_code.entry_script}." - + "Only .py and .sh scripts are supported." - ) - execute_driver = EXECUTE_BASIC_SCRIPT_DRIVER - else: - # This should never be reached, as the source_code should have been validated. - raise ValueError( - f"Unsupported SourceCode or DistributedConfig: {source_code}, {distributed}." - + "Please provide a valid configuration with atleast one of 'command'" - + " or entry_script'." - ) - - train_script = TRAIN_SCRIPT_TEMPLATE.format( - working_dir=working_dir, - install_requirements=install_requirements, - execute_driver=execute_driver, - ) - - with open(os.path.join(tmp_dir.name, TRAIN_SCRIPT), "w") as f: - f.write(train_script) - - @classmethod - def from_recipe( - cls, - training_recipe: str, - compute: Compute, - recipe_overrides: Optional[Dict[str, Any]] = None, - networking: Optional[Networking] = None, - stopping_condition: Optional[StoppingCondition] = None, - requirements: Optional[str] = None, - training_image: Optional[str] = None, - training_image_config: Optional[TrainingImageConfig] = None, - output_data_config: Optional[OutputDataConfig] = None, - input_data_config: Optional[List[Union[Channel, InputData]]] = None, - checkpoint_config: Optional[CheckpointConfig] = None, - training_input_mode: Optional[str] = "File", - environment: Optional[Dict[str, str]] = None, - tags: Optional[List[Tag]] = None, - sagemaker_session: Optional[Session] = None, - role: Optional[str] = None, - base_job_name: Optional[str] = None, - ) -> "ModelTrainer": - """Create a ModelTrainer from a training recipe. - - Args: - training_recipe (str): - The training recipe to use for training the model. This must be the name of - a sagemaker training recipe or a path to a local training recipe .yaml file. - compute (Compute): - The compute configuration. This is used to specify the compute resources for - the training job. If not specified, will default to 1 instance of ml.m5.xlarge. - recipe_overrides (Optional[Dict[str, Any]]): - The recipe overrides. This is used to override the default recipe parameters. - networking (Optional[Networking]): - The networking configuration. This is used to specify the networking settings - for the training job. - stopping_condition (Optional[StoppingCondition]): - The stopping condition. This is used to specify the different stopping - conditions for the training job. - If not specified, will default to 1 hour max run time. - requirements (Optional[str]): - The path to a requirements file to install in the training job container. - training_image (Optional[str]): - The training image URI to use for the training job container. If not specified, - the training image will be determined from the recipe. - training_image_config (Optional[TrainingImageConfig]): - Training image Config. This is the configuration to use an image from a private - Docker registry for a training job. - output_data_config (Optional[OutputDataConfig]): - The output data configuration. This is used to specify the output data location - for the training job. - If not specified, will default to ``s3:////output/``. - input_data_config (Optional[List[Union[Channel, InputData]]]): - The input data config for the training job. - Takes a list of Channel or InputData objects. An InputDataSource can be an S3 URI - string, local file path string, S3DataSource object, or FileSystemDataSource object. - checkpoint_config (Optional[CheckpointConfig]): - Contains information about the output location for managed spot training checkpoint - data. - training_input_mode (Optional[str]): - The input mode for the training job. Valid values are "Pipe", "File", "FastFile". - Defaults to "File". - environment (Optional[Dict[str, str]]): - The environment variables for the training job. - tags (Optional[List[Tag]]): - An array of key-value pairs. You can use tags to categorize your AWS resources - in different ways, for example, by purpose, owner, or environment. - sagemaker_session (Optional[Session]): - The SageMakerCore session. - If not specified, a new session will be created. - role (Optional[str]): - The IAM role ARN for the training job. - If not specified, the default SageMaker execution role will be used. - base_job_name (Optional[str]): - The base name for the training job. - If not specified, a default name will be generated using the algorithm name - or training image. - """ - if compute.instance_type is None: - raise ValueError( - "Must set ``instance_type`` in compute_config when using training recipes." - ) - device_type = _determine_device_type(compute.instance_type) - if device_type == "cpu": - raise ValueError( - "Training recipes are not supported for CPU instances. " - + "Please provide a GPU or Tranium instance type." - ) - - if training_image_config and training_image is None: - raise ValueError("training_image must be provided when using training_image_config.") - - if sagemaker_session is None: - sagemaker_session = Session() - logger.warning("SageMaker session not provided. Using default Session.") - if role is None: - role = get_execution_role(sagemaker_session=sagemaker_session) - logger.warning(f"Role not provided. Using default role:\n{role}") - - # The training recipe is used to prepare the following args: - # - source_code - # - training_image - # - distributed - # - compute - # - hyperparameters - model_trainer_args, recipe_train_dir = _get_args_from_recipe( - training_recipe=training_recipe, - recipe_overrides=recipe_overrides, - requirements=requirements, - compute=compute, - region_name=sagemaker_session.boto_region_name, - ) - if training_image is not None: - model_trainer_args["training_image"] = training_image - - model_trainer = cls( - sagemaker_session=sagemaker_session, - role=role, - base_job_name=base_job_name, - networking=networking, - stopping_condition=stopping_condition, - training_image_config=training_image_config, - output_data_config=output_data_config, - input_data_config=input_data_config, - checkpoint_config=checkpoint_config, - training_input_mode=training_input_mode, - environment=environment, - tags=tags, - **model_trainer_args, - ) - - model_trainer._temp_recipe_train_dir = recipe_train_dir - return model_trainer - - def with_tensorboard_output_config( - self, tensorboard_output_config: TensorBoardOutputConfig - ) -> "ModelTrainer": - """Set the TensorBoard output configuration. - - Args: - tensorboard_output_config (sagemaker.train.configs.TensorBoardOutputConfig): - The TensorBoard output configuration. - """ - self._tensorboard_output_config = tensorboard_output_config - return self - - def with_retry_strategy(self, retry_strategy: RetryStrategy) -> "ModelTrainer": - """Set the retry strategy for the training job. - - Args: - retry_strategy (RetryStrategy): - The retry strategy for the training job. - """ - self._retry_strategy = retry_strategy - return self - - def with_infra_check_config(self, infra_check_config: InfraCheckConfig) -> "ModelTrainer": - """Set the infra check configuration for the training job. - - Args: - infra_check_config (InfraCheckConfig): - The infra check configuration for the training job. - """ - self._infra_check_config = infra_check_config - return self - - def with_session_chaining_config( - self, session_chaining_config: SessionChainingConfig - ) -> "ModelTrainer": - """Set the session chaining configuration for the training job. - - Args: - session_chaining_config (SessionChainingConfig): - The session chaining configuration for the training job. - """ - self._session_chaining_config = session_chaining_config - return self - - def with_remote_debug_config(self, remote_debug_config: RemoteDebugConfig) -> "ModelTrainer": - """Set the remote debug configuration for the training job. - - Args: - remote_debug_config (RemoteDebugConfig): - The remote debug configuration for the training job. - """ - self._remote_debug_config = remote_debug_config - return self diff --git a/sagemaker-train/src/sagemaker/train/sm_recipes/utils.py b/sagemaker-train/src/sagemaker/train/sm_recipes/utils.py index f7d4b978d4..f234d12d20 100644 --- a/sagemaker-train/src/sagemaker/train/sm_recipes/utils.py +++ b/sagemaker-train/src/sagemaker/train/sm_recipes/utils.py @@ -129,7 +129,7 @@ def _get_trainining_recipe_gpu_model_name_and_script(model_type: str): """Get the model base name and script for the training recipe.""" model_type_to_script = { - "llama_v3": ("llama", "llama_pretrain.py"), + "llama": ("llama", "llama_pretrain.py"), "mistral": ("mistral", "mistral_pretrain.py"), "mixtral": ("mixtral", "mixtral_pretrain.py"), "deepseek": ("deepseek", "deepseek_pretrain.py"), @@ -322,10 +322,19 @@ def _get_args_from_recipe( args["source_code"].requirements = os.path.basename(requirements) # Update args with compute and hyperparameters + hyperparameters = {"config-path": ".", "config-name": "recipe.yaml"} + + # Handle eval custom lambda configuration + if recipe.get("evaluation", {}): + processor = recipe.get("processor", {}) + lambda_arn = processor.get("lambda_arn", "") + if lambda_arn: + hyperparameters["lambda_arn"] = lambda_arn + args.update( { "compute": compute, - "hyperparameters": {"config-path": ".", "config-name": "recipe.yaml"}, + "hyperparameters": hyperparameters, } ) diff --git a/sagemaker-train/tests/unit/train/sm_recipes/test_utils.py b/sagemaker-train/tests/unit/train/sm_recipes/test_utils.py index e26d6576a4..b85c138b94 100644 --- a/sagemaker-train/tests/unit/train/sm_recipes/test_utils.py +++ b/sagemaker-train/tests/unit/train/sm_recipes/test_utils.py @@ -201,38 +201,72 @@ def test_get_args_from_recipe_compute( ) assert mock_gpu_args.call_count == 0 assert mock_trainium_args.call_count == 0 - assert args is None - - @pytest.mark.parametrize( - "test_case", - [ - { - "model_type": "llama_v3", - "script": "llama_pretrain.py", - "model_base_name": "llama_v3", - }, - { - "model_type": "mistral", - "script": "mistral_pretrain.py", - "model_base_name": "mistral", - }, - { - "model_type": "deepseek_llamav3", - "script": "deepseek_pretrain.py", - "model_base_name": "deepseek", - }, - { - "model_type": "deepseek_qwenv2", - "script": "deepseek_pretrain.py", - "model_base_name": "deepseek", - }, - ], + +@pytest.mark.parametrize( + "test_case", + [ + { + "model_type": "llama_v3", + "model_base_name": "llama", + "script": "llama_pretrain.py", + }, + { + "model_type": "mistral", + "model_base_name": "mistral", + "script": "mistral_pretrain.py", + }, + { + "model_type": "deepseek_llamav3", + "model_base_name": "deepseek", + "script": "deepseek_pretrain.py", + }, + { + "model_type": "deepseek_qwenv2", + "model_base_name": "deepseek", + "script": "deepseek_pretrain.py", + }, + ], +) +def test_get_trainining_recipe_gpu_model_name_and_script(test_case): + model_base_name, script = _get_trainining_recipe_gpu_model_name_and_script( + test_case["model_type"] ) - def test_get_trainining_recipe_gpu_model_name_and_script(test_case): - model_type = test_case["model_type"] - script = test_case["script"] - model_base_name, script = _get_trainining_recipe_gpu_model_name_and_script( - model_type, script - ) - assert model_base_name == test_case["model_base_name"] - assert script == test_case["script"] + assert model_base_name == test_case["model_base_name"] + assert script == test_case["script"] + + +def test_get_args_from_recipe_with_evaluation(temporary_recipe): + import tempfile + import os + from sagemaker.train.configs import SourceCode + + # Create a recipe with evaluation config + recipe_data = { + "trainer": {"num_nodes": 1}, + "model": {"model_type": "llama_v3"}, + "evaluation": {"task": "gen_qa"}, + "processor": {"lambda_arn": "arn:aws:lambda:us-east-1:123456789012:function:MyFunc"}, + } + + with NamedTemporaryFile(suffix=".yaml", delete=False) as f: + with open(f.name, "w") as file: + yaml.dump(recipe_data, file) + recipe_path = f.name + + try: + compute = Compute(instance_type="ml.p4d.24xlarge", instance_count=1) + with patch("sagemaker.train.sm_recipes.utils._configure_gpu_args") as mock_gpu: + mock_source = SourceCode() + mock_source.source_dir = "/tmp/test" + mock_gpu.return_value = {"source_code": mock_source, "hyperparameters": {}} + with patch("sagemaker.train.sm_recipes.utils.OmegaConf.save"): + args, _ = _get_args_from_recipe( + training_recipe=recipe_path, + compute=compute, + region_name="us-west-2", + recipe_overrides=None, + requirements=None, + ) + assert args["hyperparameters"]["lambda_arn"] == "arn:aws:lambda:us-east-1:123456789012:function:MyFunc" + finally: + os.unlink(recipe_path) diff --git a/sagemaker-train/tests/unit/train/test_model_trainer.py b/sagemaker-train/tests/unit/train/test_model_trainer.py index e1383ebc67..73b9fa48c2 100644 --- a/sagemaker-train/tests/unit/train/test_model_trainer.py +++ b/sagemaker-train/tests/unit/train/test_model_trainer.py @@ -64,6 +64,7 @@ FileSystemDataSource, Channel, DataSource, + MetricDefinition, ) from sagemaker.train.distributed import Torchrun, SMP, MPI from sagemaker.train.sm_recipes.utils import _load_recipes_cfg @@ -202,6 +203,17 @@ def model_trainer(): }, "should_throw": False, }, + { + "init_params": { + "training_image": DEFAULT_IMAGE, + "source_code": SourceCode( + source_dir=DEFAULT_SOURCE_DIR, + command="python custom_script.py", + ignore_patterns=["data"], + ), + }, + "should_throw": False, + }, ], ids=[ "no_params", @@ -213,6 +225,7 @@ def model_trainer(): "supported_source_code_local_tar_file", "supported_source_code_s3_dir", "supported_source_code_s3_tar_file", + "supported_source_code_ignore_patterns", ], ) def test_model_trainer_param_validation(test_case, modules_session): @@ -818,6 +831,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, @@ -1309,3 +1323,27 @@ def test_input_merge(mock_training_job, modules_session): input_mode="File", ), ] + +@patch("sagemaker.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.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 + )