sagemaker-core 1.0.47__py3-none-any.whl → 2.1.1__py3-none-any.whl

This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.
Files changed (363) hide show
  1. sagemaker/core/__init__.py +16 -0
  2. sagemaker/core/_studio.py +116 -0
  3. sagemaker/core/_version.py +11 -0
  4. sagemaker/core/accept_types.py +131 -0
  5. sagemaker/core/analytics.py +744 -0
  6. sagemaker/core/apiutils/__init__.py +13 -0
  7. sagemaker/core/apiutils/_base_types.py +228 -0
  8. sagemaker/core/apiutils/_boto_functions.py +130 -0
  9. sagemaker/core/apiutils/_utils.py +34 -0
  10. sagemaker/core/base_deserializers.py +35 -0
  11. sagemaker/core/base_serializers.py +35 -0
  12. sagemaker/core/clarify/__init__.py +2898 -0
  13. sagemaker/core/collection.py +467 -0
  14. sagemaker/core/common_utils.py +2281 -0
  15. sagemaker/core/compute_resource_requirements/__init__.py +18 -0
  16. sagemaker/core/compute_resource_requirements/resource_requirements.py +94 -0
  17. sagemaker/core/config/__init__.py +181 -0
  18. sagemaker/core/config/config.py +238 -0
  19. sagemaker/core/config/config_manager.py +595 -0
  20. sagemaker/core/config/config_schema.py +1220 -0
  21. sagemaker/core/config/config_utils.py +297 -0
  22. {sagemaker_core/main → sagemaker/core}/config_schema.py +410 -4
  23. sagemaker/core/constants.py +73 -0
  24. sagemaker/core/content_types.py +137 -0
  25. sagemaker/core/debugger/__init__.py +39 -0
  26. sagemaker/core/debugger/debugger.py +945 -0
  27. sagemaker/core/debugger/framework_profile.py +292 -0
  28. sagemaker/core/debugger/metrics_config.py +468 -0
  29. sagemaker/core/debugger/profiler.py +42 -0
  30. sagemaker/core/debugger/profiler_config.py +190 -0
  31. sagemaker/core/debugger/profiler_constants.py +40 -0
  32. sagemaker/core/debugger/utils.py +148 -0
  33. sagemaker/core/deprecations.py +254 -0
  34. sagemaker/core/deserializers/__init__.py +10 -0
  35. sagemaker/core/deserializers/base.py +424 -0
  36. sagemaker/core/deserializers/implementations.py +157 -0
  37. sagemaker/core/drift_check_baselines.py +106 -0
  38. sagemaker/core/enums.py +51 -0
  39. sagemaker/core/environment_variables.py +101 -0
  40. sagemaker/core/exceptions.py +108 -0
  41. sagemaker/core/experiments/__init__.py +53 -0
  42. sagemaker/core/experiments/_api_types.py +251 -0
  43. sagemaker/core/experiments/_environment.py +124 -0
  44. sagemaker/core/experiments/_helper.py +294 -0
  45. sagemaker/core/experiments/_metrics.py +333 -0
  46. sagemaker/core/experiments/_run_context.py +58 -0
  47. sagemaker/core/experiments/_utils.py +216 -0
  48. sagemaker/core/experiments/experiment.py +244 -0
  49. sagemaker/core/experiments/run.py +970 -0
  50. sagemaker/core/experiments/trial.py +296 -0
  51. sagemaker/core/experiments/trial_component.py +387 -0
  52. sagemaker/core/explainer/__init__.py +24 -0
  53. sagemaker/core/explainer/clarify_explainer_config.py +298 -0
  54. sagemaker/core/explainer/explainer_config.py +44 -0
  55. sagemaker/core/fw_utils.py +1176 -0
  56. sagemaker/core/git_utils.py +349 -0
  57. sagemaker/core/helper/pipeline_variable.py +82 -0
  58. sagemaker/core/helper/session_helper.py +2965 -0
  59. sagemaker/core/huggingface/__init__.py +29 -0
  60. sagemaker/core/huggingface/llm_utils.py +150 -0
  61. sagemaker/core/huggingface/processing.py +139 -0
  62. sagemaker/core/huggingface/training_compiler/config.py +167 -0
  63. sagemaker/core/hyperparameters.py +172 -0
  64. sagemaker/core/image_retriever/__init__.py +3 -0
  65. sagemaker/core/image_retriever/image_retriever.py +640 -0
  66. sagemaker/core/image_retriever/image_retriever_utils.py +511 -0
  67. sagemaker/core/image_retriever/test.py +7 -0
  68. sagemaker/core/image_uri_config/__init__.py +13 -0
  69. sagemaker/core/image_uri_config/autogluon.json +1335 -0
  70. sagemaker/core/image_uri_config/blazingtext.json +50 -0
  71. sagemaker/core/image_uri_config/chainer.json +104 -0
  72. sagemaker/core/image_uri_config/clarify.json +39 -0
  73. sagemaker/core/image_uri_config/coach-mxnet.json +70 -0
  74. sagemaker/core/image_uri_config/coach-tensorflow.json +186 -0
  75. sagemaker/core/image_uri_config/data-wrangler.json +91 -0
  76. sagemaker/core/image_uri_config/debugger.json +34 -0
  77. sagemaker/core/image_uri_config/detailed-profiler.json +18 -0
  78. sagemaker/core/image_uri_config/djl-deepspeed.json +385 -0
  79. sagemaker/core/image_uri_config/djl-fastertransformer.json +167 -0
  80. sagemaker/core/image_uri_config/djl-lmi.json +136 -0
  81. sagemaker/core/image_uri_config/djl-neuronx.json +258 -0
  82. sagemaker/core/image_uri_config/djl-tensorrtllm.json +262 -0
  83. sagemaker/core/image_uri_config/factorization-machines.json +50 -0
  84. sagemaker/core/image_uri_config/forecasting-deepar.json +50 -0
  85. sagemaker/core/image_uri_config/huggingface-llm-neuronx.json +660 -0
  86. sagemaker/core/image_uri_config/huggingface-llm.json +1158 -0
  87. sagemaker/core/image_uri_config/huggingface-neuron.json +52 -0
  88. sagemaker/core/image_uri_config/huggingface-neuronx.json +510 -0
  89. sagemaker/core/image_uri_config/huggingface-tei-cpu.json +298 -0
  90. sagemaker/core/image_uri_config/huggingface-tei.json +298 -0
  91. sagemaker/core/image_uri_config/huggingface-training-compiler.json +195 -0
  92. sagemaker/core/image_uri_config/huggingface.json +2138 -0
  93. sagemaker/core/image_uri_config/hyperpod-recipes-neuron.json +52 -0
  94. sagemaker/core/image_uri_config/image-classification-neo.json +43 -0
  95. sagemaker/core/image_uri_config/image-classification.json +50 -0
  96. sagemaker/core/image_uri_config/inferentia-mxnet.json +88 -0
  97. sagemaker/core/image_uri_config/inferentia-pytorch.json +127 -0
  98. sagemaker/core/image_uri_config/inferentia-tensorflow.json +88 -0
  99. sagemaker/core/image_uri_config/instance_gpu_info.json +782 -0
  100. sagemaker/core/image_uri_config/ipinsights.json +50 -0
  101. sagemaker/core/image_uri_config/kmeans.json +50 -0
  102. sagemaker/core/image_uri_config/knn.json +50 -0
  103. sagemaker/core/image_uri_config/lda.json +26 -0
  104. sagemaker/core/image_uri_config/linear-learner.json +50 -0
  105. sagemaker/core/image_uri_config/model-monitor.json +42 -0
  106. sagemaker/core/image_uri_config/mxnet.json +1154 -0
  107. sagemaker/core/image_uri_config/neo-mxnet.json +64 -0
  108. sagemaker/core/image_uri_config/neo-pytorch.json +341 -0
  109. sagemaker/core/image_uri_config/neo-tensorflow.json +109 -0
  110. sagemaker/core/image_uri_config/ntm.json +50 -0
  111. sagemaker/core/image_uri_config/object-detection.json +50 -0
  112. sagemaker/core/image_uri_config/object2vec.json +50 -0
  113. sagemaker/core/image_uri_config/pca.json +50 -0
  114. sagemaker/core/image_uri_config/pytorch-neuron.json +43 -0
  115. sagemaker/core/image_uri_config/pytorch-smp.json +218 -0
  116. sagemaker/core/image_uri_config/pytorch-training-compiler.json +80 -0
  117. sagemaker/core/image_uri_config/pytorch.json +3101 -0
  118. sagemaker/core/image_uri_config/randomcutforest.json +50 -0
  119. sagemaker/core/image_uri_config/ray-pytorch.json +46 -0
  120. sagemaker/core/image_uri_config/ray-tensorflow.json +194 -0
  121. sagemaker/core/image_uri_config/sagemaker-base-python.json +46 -0
  122. sagemaker/core/image_uri_config/sagemaker-distribution.json +37 -0
  123. sagemaker/core/image_uri_config/sagemaker-geospatial.json +13 -0
  124. sagemaker/core/image_uri_config/sagemaker-tritonserver.json +212 -0
  125. sagemaker/core/image_uri_config/semantic-segmentation.json +50 -0
  126. sagemaker/core/image_uri_config/seq2seq.json +50 -0
  127. sagemaker/core/image_uri_config/sklearn.json +446 -0
  128. sagemaker/core/image_uri_config/spark.json +280 -0
  129. sagemaker/core/image_uri_config/sparkml-serving.json +97 -0
  130. sagemaker/core/image_uri_config/stabilityai.json +53 -0
  131. sagemaker/core/image_uri_config/tensorflow.json +5086 -0
  132. sagemaker/core/image_uri_config/vw.json +25 -0
  133. sagemaker/core/image_uri_config/xgboost-neo.json +43 -0
  134. sagemaker/core/image_uri_config/xgboost.json +888 -0
  135. sagemaker/core/image_uris.py +810 -0
  136. sagemaker/core/inference_config.py +144 -0
  137. sagemaker/core/inference_recommender/__init__.py +18 -0
  138. sagemaker/core/inference_recommender/inference_recommender_mixin.py +622 -0
  139. sagemaker/core/inputs.py +366 -0
  140. sagemaker/core/instance_group.py +61 -0
  141. sagemaker/core/instance_types.py +164 -0
  142. sagemaker/core/instance_types_gpu_info.py +43 -0
  143. sagemaker/core/interactive_apps/__init__.py +41 -0
  144. sagemaker/core/interactive_apps/base_interactive_app.py +204 -0
  145. sagemaker/core/interactive_apps/detail_profiler_app.py +139 -0
  146. sagemaker/core/interactive_apps/tensorboard.py +149 -0
  147. sagemaker/core/iterators.py +186 -0
  148. sagemaker/core/job.py +380 -0
  149. sagemaker/core/jumpstart/__init__.py +156 -0
  150. sagemaker/core/jumpstart/accessors.py +390 -0
  151. sagemaker/core/jumpstart/artifacts/__init__.py +69 -0
  152. sagemaker/core/jumpstart/artifacts/environment_variables.py +252 -0
  153. sagemaker/core/jumpstart/artifacts/hyperparameters.py +120 -0
  154. sagemaker/core/jumpstart/artifacts/image_uris.py +139 -0
  155. sagemaker/core/jumpstart/artifacts/incremental_training.py +87 -0
  156. sagemaker/core/jumpstart/artifacts/instance_types.py +223 -0
  157. sagemaker/core/jumpstart/artifacts/kwargs.py +289 -0
  158. sagemaker/core/jumpstart/artifacts/metric_definitions.py +117 -0
  159. sagemaker/core/jumpstart/artifacts/model_packages.py +202 -0
  160. sagemaker/core/jumpstart/artifacts/model_uris.py +252 -0
  161. sagemaker/core/jumpstart/artifacts/payloads.py +96 -0
  162. sagemaker/core/jumpstart/artifacts/predictors.py +540 -0
  163. sagemaker/core/jumpstart/artifacts/resource_names.py +86 -0
  164. sagemaker/core/jumpstart/artifacts/resource_requirements.py +162 -0
  165. sagemaker/core/jumpstart/artifacts/script_uris.py +172 -0
  166. sagemaker/core/jumpstart/cache.py +663 -0
  167. sagemaker/core/jumpstart/configs.py +50 -0
  168. sagemaker/core/jumpstart/constants.py +198 -0
  169. sagemaker/core/jumpstart/deserializers.py +81 -0
  170. sagemaker/core/jumpstart/document.py +76 -0
  171. sagemaker/core/jumpstart/enums.py +168 -0
  172. sagemaker/core/jumpstart/exceptions.py +236 -0
  173. sagemaker/core/jumpstart/factory/utils.py +833 -0
  174. sagemaker/core/jumpstart/filters.py +597 -0
  175. sagemaker/core/jumpstart/hub/__init__.py +0 -0
  176. sagemaker/core/jumpstart/hub/constants.py +16 -0
  177. sagemaker/core/jumpstart/hub/hub.py +291 -0
  178. sagemaker/core/jumpstart/hub/interfaces.py +936 -0
  179. sagemaker/core/jumpstart/hub/parser_utils.py +70 -0
  180. sagemaker/core/jumpstart/hub/parsers.py +288 -0
  181. sagemaker/core/jumpstart/hub/types.py +35 -0
  182. sagemaker/core/jumpstart/hub/utils.py +260 -0
  183. sagemaker/core/jumpstart/models.py +499 -0
  184. sagemaker/core/jumpstart/notebook_utils.py +575 -0
  185. sagemaker/core/jumpstart/parameters.py +20 -0
  186. sagemaker/core/jumpstart/payload_utils.py +239 -0
  187. sagemaker/core/jumpstart/region_config.json +163 -0
  188. sagemaker/core/jumpstart/search.py +171 -0
  189. sagemaker/core/jumpstart/serializers.py +81 -0
  190. sagemaker/core/jumpstart/session_utils.py +234 -0
  191. sagemaker/core/jumpstart/types.py +3044 -0
  192. sagemaker/core/jumpstart/utils.py +1731 -0
  193. sagemaker/core/jumpstart/validators.py +257 -0
  194. sagemaker/core/lambda_helper.py +312 -0
  195. sagemaker/core/lineage/__init__.py +42 -0
  196. sagemaker/core/lineage/_api_types.py +239 -0
  197. sagemaker/core/lineage/_utils.py +49 -0
  198. sagemaker/core/lineage/action.py +345 -0
  199. sagemaker/core/lineage/artifact.py +646 -0
  200. sagemaker/core/lineage/association.py +190 -0
  201. sagemaker/core/lineage/context.py +505 -0
  202. sagemaker/core/lineage/lineage_trial_component.py +191 -0
  203. sagemaker/core/lineage/query.py +732 -0
  204. sagemaker/core/lineage/visualizer.py +346 -0
  205. sagemaker/core/local/__init__.py +18 -0
  206. sagemaker/core/local/data.py +413 -0
  207. sagemaker/core/local/entities.py +678 -0
  208. sagemaker/core/local/exceptions.py +17 -0
  209. sagemaker/core/local/image.py +1243 -0
  210. sagemaker/core/local/local_session.py +739 -0
  211. sagemaker/core/local/utils.py +245 -0
  212. sagemaker/core/logs.py +181 -0
  213. sagemaker/core/metadata_properties.py +56 -0
  214. sagemaker/core/metric_definitions.py +91 -0
  215. sagemaker/core/mlflow/__init__.py +38 -0
  216. sagemaker/core/mlflow/forward_sagemaker_metrics.py +44 -0
  217. sagemaker/core/model_card/__init__.py +26 -0
  218. sagemaker/core/model_life_cycle.py +51 -0
  219. sagemaker/core/model_metrics.py +160 -0
  220. sagemaker/core/model_monitor/__init__.py +66 -0
  221. sagemaker/core/model_monitor/clarify_model_monitoring.py +1495 -0
  222. sagemaker/core/model_monitor/cron_expression_generator.py +82 -0
  223. sagemaker/core/model_monitor/data_capture_config.py +115 -0
  224. sagemaker/core/model_monitor/data_quality_monitoring_config.py +66 -0
  225. sagemaker/core/model_monitor/dataset_format.py +102 -0
  226. sagemaker/core/model_monitor/model_monitoring.py +4266 -0
  227. sagemaker/core/model_monitor/monitoring_alert.py +76 -0
  228. sagemaker/core/model_monitor/monitoring_files.py +506 -0
  229. sagemaker/core/model_monitor/utils.py +793 -0
  230. sagemaker/core/model_registry.py +480 -0
  231. sagemaker/core/model_uris.py +97 -0
  232. sagemaker/core/modules/__init__.py +19 -0
  233. sagemaker/core/modules/configs.py +226 -0
  234. sagemaker/core/modules/constants.py +37 -0
  235. sagemaker/core/modules/distributed.py +182 -0
  236. sagemaker/core/modules/local_core/__init__.py +0 -0
  237. sagemaker/core/modules/local_core/local_container.py +605 -0
  238. sagemaker/core/modules/templates.py +83 -0
  239. sagemaker/core/modules/train/__init__.py +14 -0
  240. sagemaker/core/modules/train/container_drivers/__init__.py +14 -0
  241. sagemaker/core/modules/train/container_drivers/common/__init__.py +14 -0
  242. sagemaker/core/modules/train/container_drivers/common/utils.py +213 -0
  243. sagemaker/core/modules/train/container_drivers/distributed_drivers/__init__.py +14 -0
  244. sagemaker/core/modules/train/container_drivers/distributed_drivers/basic_script_driver.py +81 -0
  245. sagemaker/core/modules/train/container_drivers/distributed_drivers/mpi_driver.py +123 -0
  246. sagemaker/core/modules/train/container_drivers/distributed_drivers/mpi_utils.py +302 -0
  247. sagemaker/core/modules/train/container_drivers/distributed_drivers/torchrun_driver.py +129 -0
  248. sagemaker/core/modules/train/container_drivers/scripts/__init__.py +14 -0
  249. sagemaker/core/modules/train/container_drivers/scripts/environment.py +305 -0
  250. sagemaker/core/modules/train/sm_recipes/__init__.py +0 -0
  251. sagemaker/core/modules/train/sm_recipes/utils.py +330 -0
  252. sagemaker/core/modules/types.py +19 -0
  253. sagemaker/core/modules/utils.py +194 -0
  254. sagemaker/core/network.py +185 -0
  255. sagemaker/core/parameter.py +173 -0
  256. sagemaker/core/payloads.py +185 -0
  257. sagemaker/core/processing.py +1597 -0
  258. sagemaker/core/remote_function/__init__.py +19 -0
  259. sagemaker/core/remote_function/checkpoint_location.py +47 -0
  260. sagemaker/core/remote_function/client.py +1285 -0
  261. sagemaker/core/remote_function/core/__init__.py +0 -0
  262. sagemaker/core/remote_function/core/_custom_dispatch_table.py +72 -0
  263. sagemaker/core/remote_function/core/pipeline_variables.py +353 -0
  264. sagemaker/core/remote_function/core/serialization.py +422 -0
  265. sagemaker/core/remote_function/core/stored_function.py +226 -0
  266. sagemaker/core/remote_function/custom_file_filter.py +128 -0
  267. sagemaker/core/remote_function/errors.py +104 -0
  268. sagemaker/core/remote_function/invoke_function.py +172 -0
  269. sagemaker/core/remote_function/job.py +2140 -0
  270. sagemaker/core/remote_function/logging_config.py +38 -0
  271. sagemaker/core/remote_function/runtime_environment/__init__.py +14 -0
  272. sagemaker/core/remote_function/runtime_environment/bootstrap_runtime_environment.py +605 -0
  273. sagemaker/core/remote_function/runtime_environment/mpi_utils_remote.py +252 -0
  274. sagemaker/core/remote_function/runtime_environment/runtime_environment_manager.py +554 -0
  275. sagemaker/core/remote_function/runtime_environment/spark_app.py +18 -0
  276. sagemaker/core/remote_function/spark_config.py +149 -0
  277. sagemaker/core/resource_requirements.py +168 -0
  278. {sagemaker_core/main → sagemaker/core}/resources.py +20121 -11728
  279. sagemaker/core/s3/__init__.py +41 -0
  280. sagemaker/core/s3/client.py +367 -0
  281. sagemaker/core/s3/utils.py +175 -0
  282. sagemaker/core/script_uris.py +93 -0
  283. sagemaker/core/serializers/__init__.py +11 -0
  284. sagemaker/core/serializers/base.py +510 -0
  285. sagemaker/core/serializers/implementations.py +159 -0
  286. sagemaker/core/serializers/utils.py +223 -0
  287. sagemaker/core/serverless_inference_config.py +63 -0
  288. sagemaker/core/session_settings.py +55 -0
  289. sagemaker/core/shapes/__init__.py +3 -0
  290. sagemaker/core/shapes/model_card_shapes.py +159 -0
  291. {sagemaker_core/main → sagemaker/core/shapes}/shapes.py +6384 -1865
  292. sagemaker/core/spark/__init__.py +16 -0
  293. sagemaker/core/spark/defaults.py +16 -0
  294. sagemaker/core/spark/processing.py +1380 -0
  295. sagemaker/core/telemetry/__init__.py +23 -0
  296. sagemaker/core/telemetry/constants.py +84 -0
  297. sagemaker/core/telemetry/telemetry_logging.py +284 -0
  298. sagemaker/core/tools/__init__.py +1 -0
  299. {sagemaker_core → sagemaker/core}/tools/codegen.py +4 -4
  300. {sagemaker_core → sagemaker/core}/tools/constants.py +23 -15
  301. {sagemaker_core → sagemaker/core}/tools/data_extractor.py +1 -1
  302. {sagemaker_core → sagemaker/core}/tools/method.py +1 -1
  303. sagemaker/core/tools/model_card/generate_model_card_from_schema.py +562 -0
  304. {sagemaker_core → sagemaker/core}/tools/resources_codegen.py +165 -98
  305. {sagemaker_core → sagemaker/core}/tools/resources_extractor.py +5 -13
  306. {sagemaker_core → sagemaker/core}/tools/shapes_codegen.py +16 -17
  307. {sagemaker_core → sagemaker/core}/tools/shapes_extractor.py +29 -67
  308. {sagemaker_core → sagemaker/core}/tools/templates.py +39 -17
  309. sagemaker/core/training/__init__.py +14 -0
  310. sagemaker/core/training/configs.py +333 -0
  311. sagemaker/core/training/constants.py +37 -0
  312. sagemaker/core/training/utils.py +77 -0
  313. sagemaker/core/training_compiler/__init__.py +16 -0
  314. sagemaker/core/training_compiler/config.py +197 -0
  315. sagemaker/core/training_compiler_config.py +197 -0
  316. sagemaker/core/transformer.py +793 -0
  317. sagemaker/core/user_agent.py +76 -0
  318. sagemaker/core/utilities/__init__.py +24 -0
  319. sagemaker/core/utilities/cache.py +169 -0
  320. sagemaker/core/utilities/search_expression.py +133 -0
  321. sagemaker/core/utils/__init__.py +48 -0
  322. sagemaker/core/utils/code_injection/__init__.py +0 -0
  323. {sagemaker_core/main → sagemaker/core/utils}/code_injection/codec.py +2 -2
  324. {sagemaker_core/main → sagemaker/core/utils}/code_injection/shape_dag.py +6479 -136
  325. {sagemaker_core/main → sagemaker/core/utils}/exceptions.py +8 -8
  326. sagemaker_core/main/default_configs_helper.py → sagemaker/core/utils/intelligent_defaults_helper.py +5 -6
  327. {sagemaker_core/main → sagemaker/core/utils}/logs.py +1 -2
  328. {sagemaker_core/main → sagemaker/core/utils}/utils.py +25 -20
  329. sagemaker/core/workflow/__init__.py +152 -0
  330. sagemaker/core/workflow/conditions.py +313 -0
  331. sagemaker/core/workflow/entities.py +58 -0
  332. sagemaker/core/workflow/execution_variables.py +89 -0
  333. sagemaker/core/workflow/functions.py +193 -0
  334. sagemaker/core/workflow/parameters.py +222 -0
  335. sagemaker/core/workflow/pipeline_context.py +394 -0
  336. sagemaker/core/workflow/pipeline_definition_config.py +31 -0
  337. sagemaker/core/workflow/properties.py +285 -0
  338. sagemaker/core/workflow/step_outputs.py +65 -0
  339. sagemaker/core/workflow/utilities.py +507 -0
  340. sagemaker/lineage/__init__.py +33 -0
  341. sagemaker/lineage/action.py +28 -0
  342. sagemaker/lineage/artifact.py +28 -0
  343. sagemaker/lineage/context.py +28 -0
  344. sagemaker/lineage/lineage_trial_component.py +28 -0
  345. {sagemaker_core-1.0.47.dist-info → sagemaker_core-2.1.1.dist-info}/METADATA +28 -9
  346. sagemaker_core-2.1.1.dist-info/RECORD +355 -0
  347. sagemaker_core-2.1.1.dist-info/top_level.txt +1 -0
  348. sagemaker_core/__init__.py +0 -4
  349. sagemaker_core/_version.py +0 -3
  350. sagemaker_core/helper/session_helper.py +0 -769
  351. sagemaker_core/resources/__init__.py +0 -1
  352. sagemaker_core/shapes/__init__.py +0 -1
  353. sagemaker_core/tools/__init__.py +0 -1
  354. sagemaker_core-1.0.47.dist-info/RECORD +0 -35
  355. sagemaker_core-1.0.47.dist-info/top_level.txt +0 -1
  356. {sagemaker_core → sagemaker/core}/helper/__init__.py +0 -0
  357. {sagemaker_core/main → sagemaker/core/huggingface/training_compiler}/__init__.py +0 -0
  358. {sagemaker_core/main/code_injection → sagemaker/core/jumpstart/factory}/__init__.py +0 -0
  359. {sagemaker_core/main → sagemaker/core/utils}/code_injection/base.py +0 -0
  360. {sagemaker_core/main → sagemaker/core/utils}/code_injection/constants.py +0 -0
  361. {sagemaker_core/main → sagemaker/core/utils}/user_agent.py +0 -0
  362. {sagemaker_core-1.0.47.dist-info → sagemaker_core-2.1.1.dist-info}/WHEEL +0 -0
  363. {sagemaker_core-1.0.47.dist-info → sagemaker_core-2.1.1.dist-info}/licenses/LICENSE +0 -0
@@ -0,0 +1,3101 @@
1
+ {
2
+ "eia": {
3
+ "processors": [
4
+ "cpu"
5
+ ],
6
+ "version_aliases": {
7
+ "1.3": "1.3.1",
8
+ "1.5": "1.5.1"
9
+ },
10
+ "versions": {
11
+ "1.3.1": {
12
+ "py_versions": [
13
+ "py3"
14
+ ],
15
+ "registries": {
16
+ "ap-northeast-1": "763104351884",
17
+ "ap-northeast-2": "763104351884",
18
+ "ap-northeast-3": "364406365360",
19
+ "ap-south-1": "763104351884",
20
+ "ap-south-2": "772153158452",
21
+ "ap-southeast-1": "763104351884",
22
+ "ap-southeast-2": "763104351884",
23
+ "ap-southeast-3": "907027046896",
24
+ "ap-southeast-4": "457447274322",
25
+ "ca-central-1": "763104351884",
26
+ "ca-west-1": "204538143572",
27
+ "cn-north-1": "727897471807",
28
+ "cn-northwest-1": "727897471807",
29
+ "eu-central-1": "763104351884",
30
+ "eu-central-2": "380420809688",
31
+ "eu-north-1": "763104351884",
32
+ "eu-south-2": "503227376785",
33
+ "eu-west-1": "763104351884",
34
+ "us-east-1": "763104351884",
35
+ "us-east-2": "763104351884",
36
+ "us-west-2": "763104351884"
37
+ },
38
+ "repository": "pytorch-inference-eia"
39
+ },
40
+ "1.5.1": {
41
+ "py_versions": [
42
+ "py3"
43
+ ],
44
+ "registries": {
45
+ "ap-northeast-1": "763104351884",
46
+ "ap-northeast-2": "763104351884",
47
+ "ap-south-2": "772153158452",
48
+ "ap-southeast-3": "907027046896",
49
+ "ap-southeast-4": "457447274322",
50
+ "ca-west-1": "204538143572",
51
+ "eu-central-2": "380420809688",
52
+ "eu-south-2": "503227376785",
53
+ "eu-west-1": "763104351884",
54
+ "us-east-1": "763104351884",
55
+ "us-east-2": "763104351884",
56
+ "us-west-2": "763104351884"
57
+ },
58
+ "repository": "pytorch-inference-eia"
59
+ }
60
+ }
61
+ },
62
+ "inference": {
63
+ "processors": [
64
+ "cpu",
65
+ "gpu"
66
+ ],
67
+ "version_aliases": {
68
+ "0.4": "0.4.0",
69
+ "1.0": "1.0.0",
70
+ "1.1": "1.1.0",
71
+ "1.2": "1.2.0",
72
+ "1.3": "1.3.1",
73
+ "1.4": "1.4.0",
74
+ "1.5": "1.5.0",
75
+ "1.6": "1.6.0",
76
+ "1.7": "1.7.1",
77
+ "1.8": "1.8.1",
78
+ "1.9": "1.9.1",
79
+ "1.10": "1.10.2",
80
+ "1.11": "1.11.0",
81
+ "1.12": "1.12.1",
82
+ "1.13": "1.13.1",
83
+ "2.0": "2.0.1",
84
+ "2.1": "2.1.0",
85
+ "2.2": "2.2.0",
86
+ "2.3": "2.3.0",
87
+ "2.4": "2.4.0",
88
+ "2.5": "2.5.1",
89
+ "2.6": "2.6.0"
90
+ },
91
+ "versions": {
92
+ "0.4.0": {
93
+ "py_versions": [
94
+ "py2",
95
+ "py3"
96
+ ],
97
+ "registries": {
98
+ "af-south-1": "313743910680",
99
+ "ap-east-1": "057415533634",
100
+ "ap-northeast-1": "520713654638",
101
+ "ap-northeast-2": "520713654638",
102
+ "ap-south-1": "520713654638",
103
+ "ap-southeast-1": "520713654638",
104
+ "ap-southeast-2": "520713654638",
105
+ "ca-central-1": "520713654638",
106
+ "cn-north-1": "422961961927",
107
+ "cn-northwest-1": "423003514399",
108
+ "eu-central-1": "520713654638",
109
+ "eu-north-1": "520713654638",
110
+ "eu-south-1": "048378556238",
111
+ "eu-west-1": "520713654638",
112
+ "eu-west-2": "520713654638",
113
+ "eu-west-3": "520713654638",
114
+ "me-south-1": "724002660598",
115
+ "sa-east-1": "520713654638",
116
+ "us-east-1": "520713654638",
117
+ "us-east-2": "520713654638",
118
+ "us-gov-west-1": "246785580436",
119
+ "us-iso-east-1": "744548109606",
120
+ "us-isob-east-1": "453391408702",
121
+ "us-west-1": "520713654638",
122
+ "us-west-2": "520713654638"
123
+ },
124
+ "repository": "sagemaker-pytorch"
125
+ },
126
+ "1.0.0": {
127
+ "py_versions": [
128
+ "py2",
129
+ "py3"
130
+ ],
131
+ "registries": {
132
+ "af-south-1": "313743910680",
133
+ "ap-east-1": "057415533634",
134
+ "ap-northeast-1": "520713654638",
135
+ "ap-northeast-2": "520713654638",
136
+ "ap-south-1": "520713654638",
137
+ "ap-southeast-1": "520713654638",
138
+ "ap-southeast-2": "520713654638",
139
+ "ca-central-1": "520713654638",
140
+ "cn-north-1": "422961961927",
141
+ "cn-northwest-1": "423003514399",
142
+ "eu-central-1": "520713654638",
143
+ "eu-north-1": "520713654638",
144
+ "eu-south-1": "048378556238",
145
+ "eu-west-1": "520713654638",
146
+ "eu-west-2": "520713654638",
147
+ "eu-west-3": "520713654638",
148
+ "me-south-1": "724002660598",
149
+ "sa-east-1": "520713654638",
150
+ "us-east-1": "520713654638",
151
+ "us-east-2": "520713654638",
152
+ "us-gov-west-1": "246785580436",
153
+ "us-iso-east-1": "744548109606",
154
+ "us-isob-east-1": "453391408702",
155
+ "us-west-1": "520713654638",
156
+ "us-west-2": "520713654638"
157
+ },
158
+ "repository": "sagemaker-pytorch"
159
+ },
160
+ "1.1.0": {
161
+ "py_versions": [
162
+ "py2",
163
+ "py3"
164
+ ],
165
+ "registries": {
166
+ "af-south-1": "313743910680",
167
+ "ap-east-1": "057415533634",
168
+ "ap-northeast-1": "520713654638",
169
+ "ap-northeast-2": "520713654638",
170
+ "ap-south-1": "520713654638",
171
+ "ap-southeast-1": "520713654638",
172
+ "ap-southeast-2": "520713654638",
173
+ "ca-central-1": "520713654638",
174
+ "cn-north-1": "422961961927",
175
+ "cn-northwest-1": "423003514399",
176
+ "eu-central-1": "520713654638",
177
+ "eu-north-1": "520713654638",
178
+ "eu-south-1": "048378556238",
179
+ "eu-west-1": "520713654638",
180
+ "eu-west-2": "520713654638",
181
+ "eu-west-3": "520713654638",
182
+ "me-south-1": "724002660598",
183
+ "sa-east-1": "520713654638",
184
+ "us-east-1": "520713654638",
185
+ "us-east-2": "520713654638",
186
+ "us-gov-west-1": "246785580436",
187
+ "us-iso-east-1": "744548109606",
188
+ "us-isob-east-1": "453391408702",
189
+ "us-west-1": "520713654638",
190
+ "us-west-2": "520713654638"
191
+ },
192
+ "repository": "sagemaker-pytorch"
193
+ },
194
+ "1.2.0": {
195
+ "py_versions": [
196
+ "py2",
197
+ "py3"
198
+ ],
199
+ "registries": {
200
+ "af-south-1": "626614931356",
201
+ "ap-east-1": "871362719292",
202
+ "ap-east-2": "975050140332",
203
+ "ap-northeast-1": "763104351884",
204
+ "ap-northeast-2": "763104351884",
205
+ "ap-northeast-3": "364406365360",
206
+ "ap-south-1": "763104351884",
207
+ "ap-south-2": "772153158452",
208
+ "ap-southeast-1": "763104351884",
209
+ "ap-southeast-2": "763104351884",
210
+ "ap-southeast-3": "907027046896",
211
+ "ap-southeast-4": "457447274322",
212
+ "ap-southeast-5": "550225433462",
213
+ "ap-southeast-6": "633930458069",
214
+ "ap-southeast-7": "590183813437",
215
+ "ca-central-1": "763104351884",
216
+ "ca-west-1": "204538143572",
217
+ "cn-north-1": "727897471807",
218
+ "cn-northwest-1": "727897471807",
219
+ "eu-central-1": "763104351884",
220
+ "eu-central-2": "380420809688",
221
+ "eu-north-1": "763104351884",
222
+ "eu-south-1": "692866216735",
223
+ "eu-south-2": "503227376785",
224
+ "eu-west-1": "763104351884",
225
+ "eu-west-2": "763104351884",
226
+ "eu-west-3": "763104351884",
227
+ "il-central-1": "780543022126",
228
+ "me-central-1": "914824155844",
229
+ "me-south-1": "217643126080",
230
+ "mx-central-1": "637423239942",
231
+ "sa-east-1": "763104351884",
232
+ "us-east-1": "763104351884",
233
+ "us-east-2": "763104351884",
234
+ "us-gov-east-1": "446045086412",
235
+ "us-gov-west-1": "442386744353",
236
+ "us-iso-east-1": "886529160074",
237
+ "us-isob-east-1": "094389454867",
238
+ "us-west-1": "763104351884",
239
+ "us-west-2": "763104351884"
240
+ },
241
+ "repository": "pytorch-inference"
242
+ },
243
+ "1.3.1": {
244
+ "py_versions": [
245
+ "py2",
246
+ "py3"
247
+ ],
248
+ "registries": {
249
+ "af-south-1": "626614931356",
250
+ "ap-east-1": "871362719292",
251
+ "ap-east-2": "975050140332",
252
+ "ap-northeast-1": "763104351884",
253
+ "ap-northeast-2": "763104351884",
254
+ "ap-northeast-3": "364406365360",
255
+ "ap-south-1": "763104351884",
256
+ "ap-south-2": "772153158452",
257
+ "ap-southeast-1": "763104351884",
258
+ "ap-southeast-2": "763104351884",
259
+ "ap-southeast-3": "907027046896",
260
+ "ap-southeast-4": "457447274322",
261
+ "ap-southeast-5": "550225433462",
262
+ "ap-southeast-6": "633930458069",
263
+ "ap-southeast-7": "590183813437",
264
+ "ca-central-1": "763104351884",
265
+ "ca-west-1": "204538143572",
266
+ "cn-north-1": "727897471807",
267
+ "cn-northwest-1": "727897471807",
268
+ "eu-central-1": "763104351884",
269
+ "eu-central-2": "380420809688",
270
+ "eu-north-1": "763104351884",
271
+ "eu-south-1": "692866216735",
272
+ "eu-south-2": "503227376785",
273
+ "eu-west-1": "763104351884",
274
+ "eu-west-2": "763104351884",
275
+ "eu-west-3": "763104351884",
276
+ "il-central-1": "780543022126",
277
+ "me-central-1": "914824155844",
278
+ "me-south-1": "217643126080",
279
+ "mx-central-1": "637423239942",
280
+ "sa-east-1": "763104351884",
281
+ "us-east-1": "763104351884",
282
+ "us-east-2": "763104351884",
283
+ "us-gov-east-1": "446045086412",
284
+ "us-gov-west-1": "442386744353",
285
+ "us-iso-east-1": "886529160074",
286
+ "us-isob-east-1": "094389454867",
287
+ "us-west-1": "763104351884",
288
+ "us-west-2": "763104351884"
289
+ },
290
+ "repository": "pytorch-inference"
291
+ },
292
+ "1.4.0": {
293
+ "py_versions": [
294
+ "py3",
295
+ "py36"
296
+ ],
297
+ "registries": {
298
+ "af-south-1": "626614931356",
299
+ "ap-east-1": "871362719292",
300
+ "ap-east-2": "975050140332",
301
+ "ap-northeast-1": "763104351884",
302
+ "ap-northeast-2": "763104351884",
303
+ "ap-northeast-3": "364406365360",
304
+ "ap-south-1": "763104351884",
305
+ "ap-south-2": "772153158452",
306
+ "ap-southeast-1": "763104351884",
307
+ "ap-southeast-2": "763104351884",
308
+ "ap-southeast-3": "907027046896",
309
+ "ap-southeast-4": "457447274322",
310
+ "ap-southeast-5": "550225433462",
311
+ "ap-southeast-6": "633930458069",
312
+ "ap-southeast-7": "590183813437",
313
+ "ca-central-1": "763104351884",
314
+ "ca-west-1": "204538143572",
315
+ "cn-north-1": "727897471807",
316
+ "cn-northwest-1": "727897471807",
317
+ "eu-central-1": "763104351884",
318
+ "eu-central-2": "380420809688",
319
+ "eu-north-1": "763104351884",
320
+ "eu-south-1": "692866216735",
321
+ "eu-south-2": "503227376785",
322
+ "eu-west-1": "763104351884",
323
+ "eu-west-2": "763104351884",
324
+ "eu-west-3": "763104351884",
325
+ "il-central-1": "780543022126",
326
+ "me-central-1": "914824155844",
327
+ "me-south-1": "217643126080",
328
+ "mx-central-1": "637423239942",
329
+ "sa-east-1": "763104351884",
330
+ "us-east-1": "763104351884",
331
+ "us-east-2": "763104351884",
332
+ "us-gov-east-1": "446045086412",
333
+ "us-gov-west-1": "442386744353",
334
+ "us-iso-east-1": "886529160074",
335
+ "us-isob-east-1": "094389454867",
336
+ "us-west-1": "763104351884",
337
+ "us-west-2": "763104351884"
338
+ },
339
+ "repository": "pytorch-inference"
340
+ },
341
+ "1.5.0": {
342
+ "py_versions": [
343
+ "py3",
344
+ "py36"
345
+ ],
346
+ "registries": {
347
+ "af-south-1": "626614931356",
348
+ "ap-east-1": "871362719292",
349
+ "ap-east-2": "975050140332",
350
+ "ap-northeast-1": "763104351884",
351
+ "ap-northeast-2": "763104351884",
352
+ "ap-northeast-3": "364406365360",
353
+ "ap-south-1": "763104351884",
354
+ "ap-south-2": "772153158452",
355
+ "ap-southeast-1": "763104351884",
356
+ "ap-southeast-2": "763104351884",
357
+ "ap-southeast-3": "907027046896",
358
+ "ap-southeast-4": "457447274322",
359
+ "ap-southeast-5": "550225433462",
360
+ "ap-southeast-6": "633930458069",
361
+ "ap-southeast-7": "590183813437",
362
+ "ca-central-1": "763104351884",
363
+ "ca-west-1": "204538143572",
364
+ "cn-north-1": "727897471807",
365
+ "cn-northwest-1": "727897471807",
366
+ "eu-central-1": "763104351884",
367
+ "eu-central-2": "380420809688",
368
+ "eu-north-1": "763104351884",
369
+ "eu-south-1": "692866216735",
370
+ "eu-south-2": "503227376785",
371
+ "eu-west-1": "763104351884",
372
+ "eu-west-2": "763104351884",
373
+ "eu-west-3": "763104351884",
374
+ "il-central-1": "780543022126",
375
+ "me-central-1": "914824155844",
376
+ "me-south-1": "217643126080",
377
+ "mx-central-1": "637423239942",
378
+ "sa-east-1": "763104351884",
379
+ "us-east-1": "763104351884",
380
+ "us-east-2": "763104351884",
381
+ "us-gov-east-1": "446045086412",
382
+ "us-gov-west-1": "442386744353",
383
+ "us-iso-east-1": "886529160074",
384
+ "us-isob-east-1": "094389454867",
385
+ "us-west-1": "763104351884",
386
+ "us-west-2": "763104351884"
387
+ },
388
+ "repository": "pytorch-inference"
389
+ },
390
+ "1.6.0": {
391
+ "py_versions": [
392
+ "py3",
393
+ "py36"
394
+ ],
395
+ "registries": {
396
+ "af-south-1": "626614931356",
397
+ "ap-east-1": "871362719292",
398
+ "ap-east-2": "975050140332",
399
+ "ap-northeast-1": "763104351884",
400
+ "ap-northeast-2": "763104351884",
401
+ "ap-northeast-3": "364406365360",
402
+ "ap-south-1": "763104351884",
403
+ "ap-south-2": "772153158452",
404
+ "ap-southeast-1": "763104351884",
405
+ "ap-southeast-2": "763104351884",
406
+ "ap-southeast-3": "907027046896",
407
+ "ap-southeast-4": "457447274322",
408
+ "ap-southeast-5": "550225433462",
409
+ "ap-southeast-6": "633930458069",
410
+ "ap-southeast-7": "590183813437",
411
+ "ca-central-1": "763104351884",
412
+ "ca-west-1": "204538143572",
413
+ "cn-north-1": "727897471807",
414
+ "cn-northwest-1": "727897471807",
415
+ "eu-central-1": "763104351884",
416
+ "eu-central-2": "380420809688",
417
+ "eu-north-1": "763104351884",
418
+ "eu-south-1": "692866216735",
419
+ "eu-south-2": "503227376785",
420
+ "eu-west-1": "763104351884",
421
+ "eu-west-2": "763104351884",
422
+ "eu-west-3": "763104351884",
423
+ "il-central-1": "780543022126",
424
+ "me-central-1": "914824155844",
425
+ "me-south-1": "217643126080",
426
+ "mx-central-1": "637423239942",
427
+ "sa-east-1": "763104351884",
428
+ "us-east-1": "763104351884",
429
+ "us-east-2": "763104351884",
430
+ "us-gov-east-1": "446045086412",
431
+ "us-gov-west-1": "442386744353",
432
+ "us-iso-east-1": "886529160074",
433
+ "us-isob-east-1": "094389454867",
434
+ "us-west-1": "763104351884",
435
+ "us-west-2": "763104351884"
436
+ },
437
+ "repository": "pytorch-inference"
438
+ },
439
+ "1.7.1": {
440
+ "py_versions": [
441
+ "py3",
442
+ "py36"
443
+ ],
444
+ "registries": {
445
+ "af-south-1": "626614931356",
446
+ "ap-east-1": "871362719292",
447
+ "ap-east-2": "975050140332",
448
+ "ap-northeast-1": "763104351884",
449
+ "ap-northeast-2": "763104351884",
450
+ "ap-northeast-3": "364406365360",
451
+ "ap-south-1": "763104351884",
452
+ "ap-south-2": "772153158452",
453
+ "ap-southeast-1": "763104351884",
454
+ "ap-southeast-2": "763104351884",
455
+ "ap-southeast-3": "907027046896",
456
+ "ap-southeast-4": "457447274322",
457
+ "ap-southeast-5": "550225433462",
458
+ "ap-southeast-6": "633930458069",
459
+ "ap-southeast-7": "590183813437",
460
+ "ca-central-1": "763104351884",
461
+ "ca-west-1": "204538143572",
462
+ "cn-north-1": "727897471807",
463
+ "cn-northwest-1": "727897471807",
464
+ "eu-central-1": "763104351884",
465
+ "eu-central-2": "380420809688",
466
+ "eu-north-1": "763104351884",
467
+ "eu-south-1": "692866216735",
468
+ "eu-south-2": "503227376785",
469
+ "eu-west-1": "763104351884",
470
+ "eu-west-2": "763104351884",
471
+ "eu-west-3": "763104351884",
472
+ "il-central-1": "780543022126",
473
+ "me-central-1": "914824155844",
474
+ "me-south-1": "217643126080",
475
+ "mx-central-1": "637423239942",
476
+ "sa-east-1": "763104351884",
477
+ "us-east-1": "763104351884",
478
+ "us-east-2": "763104351884",
479
+ "us-gov-east-1": "446045086412",
480
+ "us-gov-west-1": "442386744353",
481
+ "us-iso-east-1": "886529160074",
482
+ "us-isob-east-1": "094389454867",
483
+ "us-west-1": "763104351884",
484
+ "us-west-2": "763104351884"
485
+ },
486
+ "repository": "pytorch-inference"
487
+ },
488
+ "1.8.0": {
489
+ "py_versions": [
490
+ "py3",
491
+ "py36"
492
+ ],
493
+ "registries": {
494
+ "af-south-1": "626614931356",
495
+ "ap-east-1": "871362719292",
496
+ "ap-east-2": "975050140332",
497
+ "ap-northeast-1": "763104351884",
498
+ "ap-northeast-2": "763104351884",
499
+ "ap-northeast-3": "364406365360",
500
+ "ap-south-1": "763104351884",
501
+ "ap-south-2": "772153158452",
502
+ "ap-southeast-1": "763104351884",
503
+ "ap-southeast-2": "763104351884",
504
+ "ap-southeast-3": "907027046896",
505
+ "ap-southeast-4": "457447274322",
506
+ "ap-southeast-5": "550225433462",
507
+ "ap-southeast-6": "633930458069",
508
+ "ap-southeast-7": "590183813437",
509
+ "ca-central-1": "763104351884",
510
+ "ca-west-1": "204538143572",
511
+ "cn-north-1": "727897471807",
512
+ "cn-northwest-1": "727897471807",
513
+ "eu-central-1": "763104351884",
514
+ "eu-central-2": "380420809688",
515
+ "eu-north-1": "763104351884",
516
+ "eu-south-1": "692866216735",
517
+ "eu-south-2": "503227376785",
518
+ "eu-west-1": "763104351884",
519
+ "eu-west-2": "763104351884",
520
+ "eu-west-3": "763104351884",
521
+ "il-central-1": "780543022126",
522
+ "me-central-1": "914824155844",
523
+ "me-south-1": "217643126080",
524
+ "mx-central-1": "637423239942",
525
+ "sa-east-1": "763104351884",
526
+ "us-east-1": "763104351884",
527
+ "us-east-2": "763104351884",
528
+ "us-gov-east-1": "446045086412",
529
+ "us-gov-west-1": "442386744353",
530
+ "us-iso-east-1": "886529160074",
531
+ "us-isob-east-1": "094389454867",
532
+ "us-west-1": "763104351884",
533
+ "us-west-2": "763104351884"
534
+ },
535
+ "repository": "pytorch-inference"
536
+ },
537
+ "1.8.1": {
538
+ "py_versions": [
539
+ "py3",
540
+ "py36"
541
+ ],
542
+ "registries": {
543
+ "af-south-1": "626614931356",
544
+ "ap-east-1": "871362719292",
545
+ "ap-east-2": "975050140332",
546
+ "ap-northeast-1": "763104351884",
547
+ "ap-northeast-2": "763104351884",
548
+ "ap-northeast-3": "364406365360",
549
+ "ap-south-1": "763104351884",
550
+ "ap-south-2": "772153158452",
551
+ "ap-southeast-1": "763104351884",
552
+ "ap-southeast-2": "763104351884",
553
+ "ap-southeast-3": "907027046896",
554
+ "ap-southeast-4": "457447274322",
555
+ "ap-southeast-5": "550225433462",
556
+ "ap-southeast-6": "633930458069",
557
+ "ap-southeast-7": "590183813437",
558
+ "ca-central-1": "763104351884",
559
+ "ca-west-1": "204538143572",
560
+ "cn-north-1": "727897471807",
561
+ "cn-northwest-1": "727897471807",
562
+ "eu-central-1": "763104351884",
563
+ "eu-central-2": "380420809688",
564
+ "eu-north-1": "763104351884",
565
+ "eu-south-1": "692866216735",
566
+ "eu-south-2": "503227376785",
567
+ "eu-west-1": "763104351884",
568
+ "eu-west-2": "763104351884",
569
+ "eu-west-3": "763104351884",
570
+ "il-central-1": "780543022126",
571
+ "me-central-1": "914824155844",
572
+ "me-south-1": "217643126080",
573
+ "mx-central-1": "637423239942",
574
+ "sa-east-1": "763104351884",
575
+ "us-east-1": "763104351884",
576
+ "us-east-2": "763104351884",
577
+ "us-gov-east-1": "446045086412",
578
+ "us-gov-west-1": "442386744353",
579
+ "us-iso-east-1": "886529160074",
580
+ "us-isob-east-1": "094389454867",
581
+ "us-west-1": "763104351884",
582
+ "us-west-2": "763104351884"
583
+ },
584
+ "repository": "pytorch-inference"
585
+ },
586
+ "1.9.0": {
587
+ "py_versions": [
588
+ "py38"
589
+ ],
590
+ "registries": {
591
+ "af-south-1": "626614931356",
592
+ "ap-east-1": "871362719292",
593
+ "ap-east-2": "975050140332",
594
+ "ap-northeast-1": "763104351884",
595
+ "ap-northeast-2": "763104351884",
596
+ "ap-northeast-3": "364406365360",
597
+ "ap-south-1": "763104351884",
598
+ "ap-south-2": "772153158452",
599
+ "ap-southeast-1": "763104351884",
600
+ "ap-southeast-2": "763104351884",
601
+ "ap-southeast-3": "907027046896",
602
+ "ap-southeast-4": "457447274322",
603
+ "ap-southeast-5": "550225433462",
604
+ "ap-southeast-6": "633930458069",
605
+ "ap-southeast-7": "590183813437",
606
+ "ca-central-1": "763104351884",
607
+ "ca-west-1": "204538143572",
608
+ "cn-north-1": "727897471807",
609
+ "cn-northwest-1": "727897471807",
610
+ "eu-central-1": "763104351884",
611
+ "eu-central-2": "380420809688",
612
+ "eu-north-1": "763104351884",
613
+ "eu-south-1": "692866216735",
614
+ "eu-south-2": "503227376785",
615
+ "eu-west-1": "763104351884",
616
+ "eu-west-2": "763104351884",
617
+ "eu-west-3": "763104351884",
618
+ "il-central-1": "780543022126",
619
+ "me-central-1": "914824155844",
620
+ "me-south-1": "217643126080",
621
+ "mx-central-1": "637423239942",
622
+ "sa-east-1": "763104351884",
623
+ "us-east-1": "763104351884",
624
+ "us-east-2": "763104351884",
625
+ "us-gov-east-1": "446045086412",
626
+ "us-gov-west-1": "442386744353",
627
+ "us-iso-east-1": "886529160074",
628
+ "us-isob-east-1": "094389454867",
629
+ "us-west-1": "763104351884",
630
+ "us-west-2": "763104351884"
631
+ },
632
+ "repository": "pytorch-inference"
633
+ },
634
+ "1.9.1": {
635
+ "py_versions": [
636
+ "py38"
637
+ ],
638
+ "registries": {
639
+ "af-south-1": "626614931356",
640
+ "ap-east-1": "871362719292",
641
+ "ap-east-2": "975050140332",
642
+ "ap-northeast-1": "763104351884",
643
+ "ap-northeast-2": "763104351884",
644
+ "ap-northeast-3": "364406365360",
645
+ "ap-south-1": "763104351884",
646
+ "ap-south-2": "772153158452",
647
+ "ap-southeast-1": "763104351884",
648
+ "ap-southeast-2": "763104351884",
649
+ "ap-southeast-3": "907027046896",
650
+ "ap-southeast-4": "457447274322",
651
+ "ap-southeast-5": "550225433462",
652
+ "ap-southeast-6": "633930458069",
653
+ "ap-southeast-7": "590183813437",
654
+ "ca-central-1": "763104351884",
655
+ "ca-west-1": "204538143572",
656
+ "cn-north-1": "727897471807",
657
+ "cn-northwest-1": "727897471807",
658
+ "eu-central-1": "763104351884",
659
+ "eu-central-2": "380420809688",
660
+ "eu-north-1": "763104351884",
661
+ "eu-south-1": "692866216735",
662
+ "eu-south-2": "503227376785",
663
+ "eu-west-1": "763104351884",
664
+ "eu-west-2": "763104351884",
665
+ "eu-west-3": "763104351884",
666
+ "il-central-1": "780543022126",
667
+ "me-central-1": "914824155844",
668
+ "me-south-1": "217643126080",
669
+ "mx-central-1": "637423239942",
670
+ "sa-east-1": "763104351884",
671
+ "us-east-1": "763104351884",
672
+ "us-east-2": "763104351884",
673
+ "us-gov-east-1": "446045086412",
674
+ "us-gov-west-1": "442386744353",
675
+ "us-iso-east-1": "886529160074",
676
+ "us-isob-east-1": "094389454867",
677
+ "us-west-1": "763104351884",
678
+ "us-west-2": "763104351884"
679
+ },
680
+ "repository": "pytorch-inference"
681
+ },
682
+ "1.10.0": {
683
+ "py_versions": [
684
+ "py38"
685
+ ],
686
+ "registries": {
687
+ "af-south-1": "626614931356",
688
+ "ap-east-1": "871362719292",
689
+ "ap-east-2": "975050140332",
690
+ "ap-northeast-1": "763104351884",
691
+ "ap-northeast-2": "763104351884",
692
+ "ap-northeast-3": "364406365360",
693
+ "ap-south-1": "763104351884",
694
+ "ap-south-2": "772153158452",
695
+ "ap-southeast-1": "763104351884",
696
+ "ap-southeast-2": "763104351884",
697
+ "ap-southeast-3": "907027046896",
698
+ "ap-southeast-4": "457447274322",
699
+ "ap-southeast-5": "550225433462",
700
+ "ap-southeast-6": "633930458069",
701
+ "ap-southeast-7": "590183813437",
702
+ "ca-central-1": "763104351884",
703
+ "ca-west-1": "204538143572",
704
+ "cn-north-1": "727897471807",
705
+ "cn-northwest-1": "727897471807",
706
+ "eu-central-1": "763104351884",
707
+ "eu-central-2": "380420809688",
708
+ "eu-north-1": "763104351884",
709
+ "eu-south-1": "692866216735",
710
+ "eu-south-2": "503227376785",
711
+ "eu-west-1": "763104351884",
712
+ "eu-west-2": "763104351884",
713
+ "eu-west-3": "763104351884",
714
+ "il-central-1": "780543022126",
715
+ "me-central-1": "914824155844",
716
+ "me-south-1": "217643126080",
717
+ "mx-central-1": "637423239942",
718
+ "sa-east-1": "763104351884",
719
+ "us-east-1": "763104351884",
720
+ "us-east-2": "763104351884",
721
+ "us-gov-east-1": "446045086412",
722
+ "us-gov-west-1": "442386744353",
723
+ "us-iso-east-1": "886529160074",
724
+ "us-isob-east-1": "094389454867",
725
+ "us-west-1": "763104351884",
726
+ "us-west-2": "763104351884"
727
+ },
728
+ "repository": "pytorch-inference"
729
+ },
730
+ "1.10.2": {
731
+ "py_versions": [
732
+ "py38"
733
+ ],
734
+ "registries": {
735
+ "af-south-1": "626614931356",
736
+ "ap-east-1": "871362719292",
737
+ "ap-east-2": "975050140332",
738
+ "ap-northeast-1": "763104351884",
739
+ "ap-northeast-2": "763104351884",
740
+ "ap-northeast-3": "364406365360",
741
+ "ap-south-1": "763104351884",
742
+ "ap-south-2": "772153158452",
743
+ "ap-southeast-1": "763104351884",
744
+ "ap-southeast-2": "763104351884",
745
+ "ap-southeast-3": "907027046896",
746
+ "ap-southeast-4": "457447274322",
747
+ "ap-southeast-5": "550225433462",
748
+ "ap-southeast-6": "633930458069",
749
+ "ap-southeast-7": "590183813437",
750
+ "ca-central-1": "763104351884",
751
+ "ca-west-1": "204538143572",
752
+ "cn-north-1": "727897471807",
753
+ "cn-northwest-1": "727897471807",
754
+ "eu-central-1": "763104351884",
755
+ "eu-central-2": "380420809688",
756
+ "eu-north-1": "763104351884",
757
+ "eu-south-1": "692866216735",
758
+ "eu-south-2": "503227376785",
759
+ "eu-west-1": "763104351884",
760
+ "eu-west-2": "763104351884",
761
+ "eu-west-3": "763104351884",
762
+ "il-central-1": "780543022126",
763
+ "me-central-1": "914824155844",
764
+ "me-south-1": "217643126080",
765
+ "mx-central-1": "637423239942",
766
+ "sa-east-1": "763104351884",
767
+ "us-east-1": "763104351884",
768
+ "us-east-2": "763104351884",
769
+ "us-gov-east-1": "446045086412",
770
+ "us-gov-west-1": "442386744353",
771
+ "us-iso-east-1": "886529160074",
772
+ "us-isob-east-1": "094389454867",
773
+ "us-west-1": "763104351884",
774
+ "us-west-2": "763104351884"
775
+ },
776
+ "repository": "pytorch-inference"
777
+ },
778
+ "1.11.0": {
779
+ "py_versions": [
780
+ "py38"
781
+ ],
782
+ "registries": {
783
+ "af-south-1": "626614931356",
784
+ "ap-east-1": "871362719292",
785
+ "ap-east-2": "975050140332",
786
+ "ap-northeast-1": "763104351884",
787
+ "ap-northeast-2": "763104351884",
788
+ "ap-northeast-3": "364406365360",
789
+ "ap-south-1": "763104351884",
790
+ "ap-south-2": "772153158452",
791
+ "ap-southeast-1": "763104351884",
792
+ "ap-southeast-2": "763104351884",
793
+ "ap-southeast-3": "907027046896",
794
+ "ap-southeast-4": "457447274322",
795
+ "ap-southeast-5": "550225433462",
796
+ "ap-southeast-6": "633930458069",
797
+ "ap-southeast-7": "590183813437",
798
+ "ca-central-1": "763104351884",
799
+ "ca-west-1": "204538143572",
800
+ "cn-north-1": "727897471807",
801
+ "cn-northwest-1": "727897471807",
802
+ "eu-central-1": "763104351884",
803
+ "eu-central-2": "380420809688",
804
+ "eu-north-1": "763104351884",
805
+ "eu-south-1": "692866216735",
806
+ "eu-south-2": "503227376785",
807
+ "eu-west-1": "763104351884",
808
+ "eu-west-2": "763104351884",
809
+ "eu-west-3": "763104351884",
810
+ "il-central-1": "780543022126",
811
+ "me-central-1": "914824155844",
812
+ "me-south-1": "217643126080",
813
+ "mx-central-1": "637423239942",
814
+ "sa-east-1": "763104351884",
815
+ "us-east-1": "763104351884",
816
+ "us-east-2": "763104351884",
817
+ "us-gov-east-1": "446045086412",
818
+ "us-gov-west-1": "442386744353",
819
+ "us-iso-east-1": "886529160074",
820
+ "us-isob-east-1": "094389454867",
821
+ "us-west-1": "763104351884",
822
+ "us-west-2": "763104351884"
823
+ },
824
+ "repository": "pytorch-inference"
825
+ },
826
+ "1.12.0": {
827
+ "py_versions": [
828
+ "py38"
829
+ ],
830
+ "registries": {
831
+ "af-south-1": "626614931356",
832
+ "ap-east-1": "871362719292",
833
+ "ap-east-2": "975050140332",
834
+ "ap-northeast-1": "763104351884",
835
+ "ap-northeast-2": "763104351884",
836
+ "ap-northeast-3": "364406365360",
837
+ "ap-south-1": "763104351884",
838
+ "ap-south-2": "772153158452",
839
+ "ap-southeast-1": "763104351884",
840
+ "ap-southeast-2": "763104351884",
841
+ "ap-southeast-3": "907027046896",
842
+ "ap-southeast-4": "457447274322",
843
+ "ap-southeast-5": "550225433462",
844
+ "ap-southeast-6": "633930458069",
845
+ "ap-southeast-7": "590183813437",
846
+ "ca-central-1": "763104351884",
847
+ "ca-west-1": "204538143572",
848
+ "cn-north-1": "727897471807",
849
+ "cn-northwest-1": "727897471807",
850
+ "eu-central-1": "763104351884",
851
+ "eu-central-2": "380420809688",
852
+ "eu-north-1": "763104351884",
853
+ "eu-south-1": "692866216735",
854
+ "eu-south-2": "503227376785",
855
+ "eu-west-1": "763104351884",
856
+ "eu-west-2": "763104351884",
857
+ "eu-west-3": "763104351884",
858
+ "il-central-1": "780543022126",
859
+ "me-central-1": "914824155844",
860
+ "me-south-1": "217643126080",
861
+ "mx-central-1": "637423239942",
862
+ "sa-east-1": "763104351884",
863
+ "us-east-1": "763104351884",
864
+ "us-east-2": "763104351884",
865
+ "us-gov-east-1": "446045086412",
866
+ "us-gov-west-1": "442386744353",
867
+ "us-iso-east-1": "886529160074",
868
+ "us-isob-east-1": "094389454867",
869
+ "us-west-1": "763104351884",
870
+ "us-west-2": "763104351884"
871
+ },
872
+ "repository": "pytorch-inference"
873
+ },
874
+ "1.12.1": {
875
+ "py_versions": [
876
+ "py38"
877
+ ],
878
+ "registries": {
879
+ "af-south-1": "626614931356",
880
+ "ap-east-1": "871362719292",
881
+ "ap-east-2": "975050140332",
882
+ "ap-northeast-1": "763104351884",
883
+ "ap-northeast-2": "763104351884",
884
+ "ap-northeast-3": "364406365360",
885
+ "ap-south-1": "763104351884",
886
+ "ap-south-2": "772153158452",
887
+ "ap-southeast-1": "763104351884",
888
+ "ap-southeast-2": "763104351884",
889
+ "ap-southeast-3": "907027046896",
890
+ "ap-southeast-4": "457447274322",
891
+ "ap-southeast-5": "550225433462",
892
+ "ap-southeast-6": "633930458069",
893
+ "ap-southeast-7": "590183813437",
894
+ "ca-central-1": "763104351884",
895
+ "ca-west-1": "204538143572",
896
+ "cn-north-1": "727897471807",
897
+ "cn-northwest-1": "727897471807",
898
+ "eu-central-1": "763104351884",
899
+ "eu-central-2": "380420809688",
900
+ "eu-north-1": "763104351884",
901
+ "eu-south-1": "692866216735",
902
+ "eu-south-2": "503227376785",
903
+ "eu-west-1": "763104351884",
904
+ "eu-west-2": "763104351884",
905
+ "eu-west-3": "763104351884",
906
+ "il-central-1": "780543022126",
907
+ "me-central-1": "914824155844",
908
+ "me-south-1": "217643126080",
909
+ "mx-central-1": "637423239942",
910
+ "sa-east-1": "763104351884",
911
+ "us-east-1": "763104351884",
912
+ "us-east-2": "763104351884",
913
+ "us-gov-east-1": "446045086412",
914
+ "us-gov-west-1": "442386744353",
915
+ "us-iso-east-1": "886529160074",
916
+ "us-isob-east-1": "094389454867",
917
+ "us-west-1": "763104351884",
918
+ "us-west-2": "763104351884"
919
+ },
920
+ "repository": "pytorch-inference"
921
+ },
922
+ "1.13.1": {
923
+ "py_versions": [
924
+ "py39"
925
+ ],
926
+ "registries": {
927
+ "af-south-1": "626614931356",
928
+ "ap-east-1": "871362719292",
929
+ "ap-east-2": "975050140332",
930
+ "ap-northeast-1": "763104351884",
931
+ "ap-northeast-2": "763104351884",
932
+ "ap-northeast-3": "364406365360",
933
+ "ap-south-1": "763104351884",
934
+ "ap-south-2": "772153158452",
935
+ "ap-southeast-1": "763104351884",
936
+ "ap-southeast-2": "763104351884",
937
+ "ap-southeast-3": "907027046896",
938
+ "ap-southeast-4": "457447274322",
939
+ "ap-southeast-5": "550225433462",
940
+ "ap-southeast-6": "633930458069",
941
+ "ap-southeast-7": "590183813437",
942
+ "ca-central-1": "763104351884",
943
+ "ca-west-1": "204538143572",
944
+ "cn-north-1": "727897471807",
945
+ "cn-northwest-1": "727897471807",
946
+ "eu-central-1": "763104351884",
947
+ "eu-central-2": "380420809688",
948
+ "eu-north-1": "763104351884",
949
+ "eu-south-1": "692866216735",
950
+ "eu-south-2": "503227376785",
951
+ "eu-west-1": "763104351884",
952
+ "eu-west-2": "763104351884",
953
+ "eu-west-3": "763104351884",
954
+ "il-central-1": "780543022126",
955
+ "me-central-1": "914824155844",
956
+ "me-south-1": "217643126080",
957
+ "mx-central-1": "637423239942",
958
+ "sa-east-1": "763104351884",
959
+ "us-east-1": "763104351884",
960
+ "us-east-2": "763104351884",
961
+ "us-gov-east-1": "446045086412",
962
+ "us-gov-west-1": "442386744353",
963
+ "us-iso-east-1": "886529160074",
964
+ "us-isob-east-1": "094389454867",
965
+ "us-west-1": "763104351884",
966
+ "us-west-2": "763104351884"
967
+ },
968
+ "repository": "pytorch-inference"
969
+ },
970
+ "2.0.0": {
971
+ "py_versions": [
972
+ "py310"
973
+ ],
974
+ "registries": {
975
+ "af-south-1": "626614931356",
976
+ "ap-east-1": "871362719292",
977
+ "ap-east-2": "975050140332",
978
+ "ap-northeast-1": "763104351884",
979
+ "ap-northeast-2": "763104351884",
980
+ "ap-northeast-3": "364406365360",
981
+ "ap-south-1": "763104351884",
982
+ "ap-south-2": "772153158452",
983
+ "ap-southeast-1": "763104351884",
984
+ "ap-southeast-2": "763104351884",
985
+ "ap-southeast-3": "907027046896",
986
+ "ap-southeast-4": "457447274322",
987
+ "ap-southeast-5": "550225433462",
988
+ "ap-southeast-6": "633930458069",
989
+ "ap-southeast-7": "590183813437",
990
+ "ca-central-1": "763104351884",
991
+ "ca-west-1": "204538143572",
992
+ "cn-north-1": "727897471807",
993
+ "cn-northwest-1": "727897471807",
994
+ "eu-central-1": "763104351884",
995
+ "eu-central-2": "380420809688",
996
+ "eu-north-1": "763104351884",
997
+ "eu-south-1": "692866216735",
998
+ "eu-south-2": "503227376785",
999
+ "eu-west-1": "763104351884",
1000
+ "eu-west-2": "763104351884",
1001
+ "eu-west-3": "763104351884",
1002
+ "il-central-1": "780543022126",
1003
+ "me-central-1": "914824155844",
1004
+ "me-south-1": "217643126080",
1005
+ "mx-central-1": "637423239942",
1006
+ "sa-east-1": "763104351884",
1007
+ "us-east-1": "763104351884",
1008
+ "us-east-2": "763104351884",
1009
+ "us-gov-east-1": "446045086412",
1010
+ "us-gov-west-1": "442386744353",
1011
+ "us-iso-east-1": "886529160074",
1012
+ "us-isob-east-1": "094389454867",
1013
+ "us-west-1": "763104351884",
1014
+ "us-west-2": "763104351884"
1015
+ },
1016
+ "repository": "pytorch-inference"
1017
+ },
1018
+ "2.0.1": {
1019
+ "py_versions": [
1020
+ "py310"
1021
+ ],
1022
+ "registries": {
1023
+ "af-south-1": "626614931356",
1024
+ "ap-east-1": "871362719292",
1025
+ "ap-east-2": "975050140332",
1026
+ "ap-northeast-1": "763104351884",
1027
+ "ap-northeast-2": "763104351884",
1028
+ "ap-northeast-3": "364406365360",
1029
+ "ap-south-1": "763104351884",
1030
+ "ap-south-2": "772153158452",
1031
+ "ap-southeast-1": "763104351884",
1032
+ "ap-southeast-2": "763104351884",
1033
+ "ap-southeast-3": "907027046896",
1034
+ "ap-southeast-4": "457447274322",
1035
+ "ap-southeast-5": "550225433462",
1036
+ "ap-southeast-6": "633930458069",
1037
+ "ap-southeast-7": "590183813437",
1038
+ "ca-central-1": "763104351884",
1039
+ "ca-west-1": "204538143572",
1040
+ "cn-north-1": "727897471807",
1041
+ "cn-northwest-1": "727897471807",
1042
+ "eu-central-1": "763104351884",
1043
+ "eu-central-2": "380420809688",
1044
+ "eu-north-1": "763104351884",
1045
+ "eu-south-1": "692866216735",
1046
+ "eu-south-2": "503227376785",
1047
+ "eu-west-1": "763104351884",
1048
+ "eu-west-2": "763104351884",
1049
+ "eu-west-3": "763104351884",
1050
+ "il-central-1": "780543022126",
1051
+ "me-central-1": "914824155844",
1052
+ "me-south-1": "217643126080",
1053
+ "mx-central-1": "637423239942",
1054
+ "sa-east-1": "763104351884",
1055
+ "us-east-1": "763104351884",
1056
+ "us-east-2": "763104351884",
1057
+ "us-gov-east-1": "446045086412",
1058
+ "us-gov-west-1": "442386744353",
1059
+ "us-iso-east-1": "886529160074",
1060
+ "us-isob-east-1": "094389454867",
1061
+ "us-west-1": "763104351884",
1062
+ "us-west-2": "763104351884"
1063
+ },
1064
+ "repository": "pytorch-inference"
1065
+ },
1066
+ "2.1.0": {
1067
+ "py_versions": [
1068
+ "py310"
1069
+ ],
1070
+ "registries": {
1071
+ "af-south-1": "626614931356",
1072
+ "ap-east-1": "871362719292",
1073
+ "ap-east-2": "975050140332",
1074
+ "ap-northeast-1": "763104351884",
1075
+ "ap-northeast-2": "763104351884",
1076
+ "ap-northeast-3": "364406365360",
1077
+ "ap-south-1": "763104351884",
1078
+ "ap-south-2": "772153158452",
1079
+ "ap-southeast-1": "763104351884",
1080
+ "ap-southeast-2": "763104351884",
1081
+ "ap-southeast-3": "907027046896",
1082
+ "ap-southeast-4": "457447274322",
1083
+ "ap-southeast-5": "550225433462",
1084
+ "ap-southeast-6": "633930458069",
1085
+ "ap-southeast-7": "590183813437",
1086
+ "ca-central-1": "763104351884",
1087
+ "ca-west-1": "204538143572",
1088
+ "cn-north-1": "727897471807",
1089
+ "cn-northwest-1": "727897471807",
1090
+ "eu-central-1": "763104351884",
1091
+ "eu-central-2": "380420809688",
1092
+ "eu-north-1": "763104351884",
1093
+ "eu-south-1": "692866216735",
1094
+ "eu-south-2": "503227376785",
1095
+ "eu-west-1": "763104351884",
1096
+ "eu-west-2": "763104351884",
1097
+ "eu-west-3": "763104351884",
1098
+ "il-central-1": "780543022126",
1099
+ "me-central-1": "914824155844",
1100
+ "me-south-1": "217643126080",
1101
+ "mx-central-1": "637423239942",
1102
+ "sa-east-1": "763104351884",
1103
+ "us-east-1": "763104351884",
1104
+ "us-east-2": "763104351884",
1105
+ "us-gov-east-1": "446045086412",
1106
+ "us-gov-west-1": "442386744353",
1107
+ "us-iso-east-1": "886529160074",
1108
+ "us-isob-east-1": "094389454867",
1109
+ "us-isof-east-1": "303241398832",
1110
+ "us-isof-south-1": "454834333376",
1111
+ "us-west-1": "763104351884",
1112
+ "us-west-2": "763104351884"
1113
+ },
1114
+ "repository": "pytorch-inference"
1115
+ },
1116
+ "2.2.0": {
1117
+ "py_versions": [
1118
+ "py310"
1119
+ ],
1120
+ "registries": {
1121
+ "af-south-1": "626614931356",
1122
+ "ap-east-1": "871362719292",
1123
+ "ap-east-2": "975050140332",
1124
+ "ap-northeast-1": "763104351884",
1125
+ "ap-northeast-2": "763104351884",
1126
+ "ap-northeast-3": "364406365360",
1127
+ "ap-south-1": "763104351884",
1128
+ "ap-south-2": "772153158452",
1129
+ "ap-southeast-1": "763104351884",
1130
+ "ap-southeast-2": "763104351884",
1131
+ "ap-southeast-3": "907027046896",
1132
+ "ap-southeast-4": "457447274322",
1133
+ "ap-southeast-5": "550225433462",
1134
+ "ap-southeast-6": "633930458069",
1135
+ "ap-southeast-7": "590183813437",
1136
+ "ca-central-1": "763104351884",
1137
+ "ca-west-1": "204538143572",
1138
+ "cn-north-1": "727897471807",
1139
+ "cn-northwest-1": "727897471807",
1140
+ "eu-central-1": "763104351884",
1141
+ "eu-central-2": "380420809688",
1142
+ "eu-north-1": "763104351884",
1143
+ "eu-south-1": "692866216735",
1144
+ "eu-south-2": "503227376785",
1145
+ "eu-west-1": "763104351884",
1146
+ "eu-west-2": "763104351884",
1147
+ "eu-west-3": "763104351884",
1148
+ "il-central-1": "780543022126",
1149
+ "me-central-1": "914824155844",
1150
+ "me-south-1": "217643126080",
1151
+ "mx-central-1": "637423239942",
1152
+ "sa-east-1": "763104351884",
1153
+ "us-east-1": "763104351884",
1154
+ "us-east-2": "763104351884",
1155
+ "us-gov-east-1": "446045086412",
1156
+ "us-gov-west-1": "442386744353",
1157
+ "us-iso-east-1": "886529160074",
1158
+ "us-isob-east-1": "094389454867",
1159
+ "us-isof-east-1": "303241398832",
1160
+ "us-isof-south-1": "454834333376",
1161
+ "us-west-1": "763104351884",
1162
+ "us-west-2": "763104351884"
1163
+ },
1164
+ "repository": "pytorch-inference"
1165
+ },
1166
+ "2.3.0": {
1167
+ "py_versions": [
1168
+ "py311"
1169
+ ],
1170
+ "registries": {
1171
+ "af-south-1": "626614931356",
1172
+ "ap-east-1": "871362719292",
1173
+ "ap-east-2": "975050140332",
1174
+ "ap-northeast-1": "763104351884",
1175
+ "ap-northeast-2": "763104351884",
1176
+ "ap-northeast-3": "364406365360",
1177
+ "ap-south-1": "763104351884",
1178
+ "ap-south-2": "772153158452",
1179
+ "ap-southeast-1": "763104351884",
1180
+ "ap-southeast-2": "763104351884",
1181
+ "ap-southeast-3": "907027046896",
1182
+ "ap-southeast-4": "457447274322",
1183
+ "ap-southeast-5": "550225433462",
1184
+ "ap-southeast-6": "633930458069",
1185
+ "ap-southeast-7": "590183813437",
1186
+ "ca-central-1": "763104351884",
1187
+ "ca-west-1": "204538143572",
1188
+ "cn-north-1": "727897471807",
1189
+ "cn-northwest-1": "727897471807",
1190
+ "eu-central-1": "763104351884",
1191
+ "eu-central-2": "380420809688",
1192
+ "eu-north-1": "763104351884",
1193
+ "eu-south-1": "692866216735",
1194
+ "eu-south-2": "503227376785",
1195
+ "eu-west-1": "763104351884",
1196
+ "eu-west-2": "763104351884",
1197
+ "eu-west-3": "763104351884",
1198
+ "il-central-1": "780543022126",
1199
+ "me-central-1": "914824155844",
1200
+ "me-south-1": "217643126080",
1201
+ "mx-central-1": "637423239942",
1202
+ "sa-east-1": "763104351884",
1203
+ "us-east-1": "763104351884",
1204
+ "us-east-2": "763104351884",
1205
+ "us-gov-east-1": "446045086412",
1206
+ "us-gov-west-1": "442386744353",
1207
+ "us-west-1": "763104351884",
1208
+ "us-west-2": "763104351884"
1209
+ },
1210
+ "repository": "pytorch-inference"
1211
+ },
1212
+ "2.4.0": {
1213
+ "py_versions": [
1214
+ "py311"
1215
+ ],
1216
+ "registries": {
1217
+ "af-south-1": "626614931356",
1218
+ "ap-east-1": "871362719292",
1219
+ "ap-east-2": "975050140332",
1220
+ "ap-northeast-1": "763104351884",
1221
+ "ap-northeast-2": "763104351884",
1222
+ "ap-northeast-3": "364406365360",
1223
+ "ap-south-1": "763104351884",
1224
+ "ap-south-2": "772153158452",
1225
+ "ap-southeast-1": "763104351884",
1226
+ "ap-southeast-2": "763104351884",
1227
+ "ap-southeast-3": "907027046896",
1228
+ "ap-southeast-4": "457447274322",
1229
+ "ap-southeast-5": "550225433462",
1230
+ "ap-southeast-6": "633930458069",
1231
+ "ap-southeast-7": "590183813437",
1232
+ "ca-central-1": "763104351884",
1233
+ "ca-west-1": "204538143572",
1234
+ "cn-north-1": "727897471807",
1235
+ "cn-northwest-1": "727897471807",
1236
+ "eu-central-1": "763104351884",
1237
+ "eu-central-2": "380420809688",
1238
+ "eu-north-1": "763104351884",
1239
+ "eu-south-1": "692866216735",
1240
+ "eu-south-2": "503227376785",
1241
+ "eu-west-1": "763104351884",
1242
+ "eu-west-2": "763104351884",
1243
+ "eu-west-3": "763104351884",
1244
+ "il-central-1": "780543022126",
1245
+ "me-central-1": "914824155844",
1246
+ "me-south-1": "217643126080",
1247
+ "mx-central-1": "637423239942",
1248
+ "sa-east-1": "763104351884",
1249
+ "us-east-1": "763104351884",
1250
+ "us-east-2": "763104351884",
1251
+ "us-gov-east-1": "446045086412",
1252
+ "us-gov-west-1": "442386744353",
1253
+ "us-west-1": "763104351884",
1254
+ "us-west-2": "763104351884"
1255
+ },
1256
+ "repository": "pytorch-inference"
1257
+ },
1258
+ "2.5.1": {
1259
+ "py_versions": [
1260
+ "py311"
1261
+ ],
1262
+ "registries": {
1263
+ "af-south-1": "626614931356",
1264
+ "ap-east-1": "871362719292",
1265
+ "ap-east-2": "975050140332",
1266
+ "ap-northeast-1": "763104351884",
1267
+ "ap-northeast-2": "763104351884",
1268
+ "ap-northeast-3": "364406365360",
1269
+ "ap-south-1": "763104351884",
1270
+ "ap-south-2": "772153158452",
1271
+ "ap-southeast-1": "763104351884",
1272
+ "ap-southeast-2": "763104351884",
1273
+ "ap-southeast-3": "907027046896",
1274
+ "ap-southeast-4": "457447274322",
1275
+ "ap-southeast-5": "550225433462",
1276
+ "ap-southeast-6": "633930458069",
1277
+ "ap-southeast-7": "590183813437",
1278
+ "ca-central-1": "763104351884",
1279
+ "ca-west-1": "204538143572",
1280
+ "cn-north-1": "727897471807",
1281
+ "cn-northwest-1": "727897471807",
1282
+ "eu-central-1": "763104351884",
1283
+ "eu-central-2": "380420809688",
1284
+ "eu-north-1": "763104351884",
1285
+ "eu-south-1": "692866216735",
1286
+ "eu-south-2": "503227376785",
1287
+ "eu-west-1": "763104351884",
1288
+ "eu-west-2": "763104351884",
1289
+ "eu-west-3": "763104351884",
1290
+ "il-central-1": "780543022126",
1291
+ "me-central-1": "914824155844",
1292
+ "me-south-1": "217643126080",
1293
+ "mx-central-1": "637423239942",
1294
+ "sa-east-1": "763104351884",
1295
+ "us-east-1": "763104351884",
1296
+ "us-east-2": "763104351884",
1297
+ "us-gov-east-1": "446045086412",
1298
+ "us-gov-west-1": "442386744353",
1299
+ "us-west-1": "763104351884",
1300
+ "us-west-2": "763104351884"
1301
+ },
1302
+ "repository": "pytorch-inference"
1303
+ },
1304
+ "2.6.0": {
1305
+ "py_versions": [
1306
+ "py312"
1307
+ ],
1308
+ "registries": {
1309
+ "af-south-1": "626614931356",
1310
+ "ap-east-1": "871362719292",
1311
+ "ap-east-2": "975050140332",
1312
+ "ap-northeast-1": "763104351884",
1313
+ "ap-northeast-2": "763104351884",
1314
+ "ap-northeast-3": "364406365360",
1315
+ "ap-south-1": "763104351884",
1316
+ "ap-south-2": "772153158452",
1317
+ "ap-southeast-1": "763104351884",
1318
+ "ap-southeast-2": "763104351884",
1319
+ "ap-southeast-3": "907027046896",
1320
+ "ap-southeast-4": "457447274322",
1321
+ "ap-southeast-5": "550225433462",
1322
+ "ap-southeast-6": "633930458069",
1323
+ "ap-southeast-7": "590183813437",
1324
+ "ca-central-1": "763104351884",
1325
+ "ca-west-1": "204538143572",
1326
+ "cn-north-1": "727897471807",
1327
+ "cn-northwest-1": "727897471807",
1328
+ "eu-central-1": "763104351884",
1329
+ "eu-central-2": "380420809688",
1330
+ "eu-north-1": "763104351884",
1331
+ "eu-south-1": "692866216735",
1332
+ "eu-south-2": "503227376785",
1333
+ "eu-west-1": "763104351884",
1334
+ "eu-west-2": "763104351884",
1335
+ "eu-west-3": "763104351884",
1336
+ "il-central-1": "780543022126",
1337
+ "me-central-1": "914824155844",
1338
+ "me-south-1": "217643126080",
1339
+ "mx-central-1": "637423239942",
1340
+ "sa-east-1": "763104351884",
1341
+ "us-east-1": "763104351884",
1342
+ "us-east-2": "763104351884",
1343
+ "us-gov-east-1": "446045086412",
1344
+ "us-gov-west-1": "442386744353",
1345
+ "us-west-1": "763104351884",
1346
+ "us-west-2": "763104351884"
1347
+ },
1348
+ "repository": "pytorch-inference"
1349
+ }
1350
+ }
1351
+ },
1352
+ "inference_graviton": {
1353
+ "processors": [
1354
+ "cpu"
1355
+ ],
1356
+ "version_aliases": {
1357
+ "1.12": "1.12.1",
1358
+ "2.0": "2.0.1",
1359
+ "2.1": "2.1.0",
1360
+ "2.2": "2.2.1",
1361
+ "2.3": "2.3.0",
1362
+ "2.4": "2.4.0"
1363
+ },
1364
+ "versions": {
1365
+ "1.12.1": {
1366
+ "container_version": {
1367
+ "cpu": "ubuntu20.04"
1368
+ },
1369
+ "py_versions": [
1370
+ "py38"
1371
+ ],
1372
+ "registries": {
1373
+ "af-south-1": "626614931356",
1374
+ "ap-east-1": "871362719292",
1375
+ "ap-east-2": "975050140332",
1376
+ "ap-northeast-1": "763104351884",
1377
+ "ap-northeast-2": "763104351884",
1378
+ "ap-northeast-3": "364406365360",
1379
+ "ap-south-1": "763104351884",
1380
+ "ap-south-2": "772153158452",
1381
+ "ap-southeast-1": "763104351884",
1382
+ "ap-southeast-2": "763104351884",
1383
+ "ap-southeast-3": "907027046896",
1384
+ "ap-southeast-4": "457447274322",
1385
+ "ap-southeast-5": "550225433462",
1386
+ "ap-southeast-6": "633930458069",
1387
+ "ap-southeast-7": "590183813437",
1388
+ "ca-central-1": "763104351884",
1389
+ "ca-west-1": "204538143572",
1390
+ "cn-north-1": "727897471807",
1391
+ "cn-northwest-1": "727897471807",
1392
+ "eu-central-1": "763104351884",
1393
+ "eu-central-2": "380420809688",
1394
+ "eu-north-1": "763104351884",
1395
+ "eu-south-1": "692866216735",
1396
+ "eu-south-2": "503227376785",
1397
+ "eu-west-1": "763104351884",
1398
+ "eu-west-2": "763104351884",
1399
+ "eu-west-3": "763104351884",
1400
+ "il-central-1": "780543022126",
1401
+ "me-central-1": "914824155844",
1402
+ "me-south-1": "217643126080",
1403
+ "mx-central-1": "637423239942",
1404
+ "sa-east-1": "763104351884",
1405
+ "us-east-1": "763104351884",
1406
+ "us-east-2": "763104351884",
1407
+ "us-gov-east-1": "446045086412",
1408
+ "us-gov-west-1": "442386744353",
1409
+ "us-iso-east-1": "886529160074",
1410
+ "us-isob-east-1": "094389454867",
1411
+ "us-west-1": "763104351884",
1412
+ "us-west-2": "763104351884"
1413
+ },
1414
+ "repository": "pytorch-inference-graviton"
1415
+ },
1416
+ "2.0.0": {
1417
+ "container_version": {
1418
+ "cpu": "ubuntu20.04"
1419
+ },
1420
+ "py_versions": [
1421
+ "py310"
1422
+ ],
1423
+ "registries": {
1424
+ "af-south-1": "626614931356",
1425
+ "ap-east-1": "871362719292",
1426
+ "ap-east-2": "975050140332",
1427
+ "ap-northeast-1": "763104351884",
1428
+ "ap-northeast-2": "763104351884",
1429
+ "ap-northeast-3": "364406365360",
1430
+ "ap-south-1": "763104351884",
1431
+ "ap-south-2": "772153158452",
1432
+ "ap-southeast-1": "763104351884",
1433
+ "ap-southeast-2": "763104351884",
1434
+ "ap-southeast-3": "907027046896",
1435
+ "ap-southeast-4": "457447274322",
1436
+ "ap-southeast-5": "550225433462",
1437
+ "ap-southeast-6": "633930458069",
1438
+ "ap-southeast-7": "590183813437",
1439
+ "ca-central-1": "763104351884",
1440
+ "ca-west-1": "204538143572",
1441
+ "cn-north-1": "727897471807",
1442
+ "cn-northwest-1": "727897471807",
1443
+ "eu-central-1": "763104351884",
1444
+ "eu-central-2": "380420809688",
1445
+ "eu-north-1": "763104351884",
1446
+ "eu-south-1": "692866216735",
1447
+ "eu-south-2": "503227376785",
1448
+ "eu-west-1": "763104351884",
1449
+ "eu-west-2": "763104351884",
1450
+ "eu-west-3": "763104351884",
1451
+ "il-central-1": "780543022126",
1452
+ "me-central-1": "914824155844",
1453
+ "me-south-1": "217643126080",
1454
+ "mx-central-1": "637423239942",
1455
+ "sa-east-1": "763104351884",
1456
+ "us-east-1": "763104351884",
1457
+ "us-east-2": "763104351884",
1458
+ "us-gov-east-1": "446045086412",
1459
+ "us-gov-west-1": "442386744353",
1460
+ "us-west-1": "763104351884",
1461
+ "us-west-2": "763104351884"
1462
+ },
1463
+ "repository": "pytorch-inference-graviton"
1464
+ },
1465
+ "2.0.1": {
1466
+ "container_version": {
1467
+ "cpu": "ubuntu20.04"
1468
+ },
1469
+ "py_versions": [
1470
+ "py310"
1471
+ ],
1472
+ "registries": {
1473
+ "af-south-1": "626614931356",
1474
+ "ap-east-1": "871362719292",
1475
+ "ap-east-2": "975050140332",
1476
+ "ap-northeast-1": "763104351884",
1477
+ "ap-northeast-2": "763104351884",
1478
+ "ap-northeast-3": "364406365360",
1479
+ "ap-south-1": "763104351884",
1480
+ "ap-south-2": "772153158452",
1481
+ "ap-southeast-1": "763104351884",
1482
+ "ap-southeast-2": "763104351884",
1483
+ "ap-southeast-3": "907027046896",
1484
+ "ap-southeast-4": "457447274322",
1485
+ "ap-southeast-5": "550225433462",
1486
+ "ap-southeast-6": "633930458069",
1487
+ "ap-southeast-7": "590183813437",
1488
+ "ca-central-1": "763104351884",
1489
+ "ca-west-1": "204538143572",
1490
+ "cn-north-1": "727897471807",
1491
+ "cn-northwest-1": "727897471807",
1492
+ "eu-central-1": "763104351884",
1493
+ "eu-central-2": "380420809688",
1494
+ "eu-north-1": "763104351884",
1495
+ "eu-south-1": "692866216735",
1496
+ "eu-south-2": "503227376785",
1497
+ "eu-west-1": "763104351884",
1498
+ "eu-west-2": "763104351884",
1499
+ "eu-west-3": "763104351884",
1500
+ "il-central-1": "780543022126",
1501
+ "me-central-1": "914824155844",
1502
+ "me-south-1": "217643126080",
1503
+ "mx-central-1": "637423239942",
1504
+ "sa-east-1": "763104351884",
1505
+ "us-east-1": "763104351884",
1506
+ "us-east-2": "763104351884",
1507
+ "us-gov-east-1": "446045086412",
1508
+ "us-gov-west-1": "442386744353",
1509
+ "us-west-1": "763104351884",
1510
+ "us-west-2": "763104351884"
1511
+ },
1512
+ "repository": "pytorch-inference-graviton"
1513
+ },
1514
+ "2.1.0": {
1515
+ "container_version": {
1516
+ "cpu": "ubuntu20.04"
1517
+ },
1518
+ "py_versions": [
1519
+ "py310"
1520
+ ],
1521
+ "registries": {
1522
+ "af-south-1": "626614931356",
1523
+ "ap-east-1": "871362719292",
1524
+ "ap-east-2": "975050140332",
1525
+ "ap-northeast-1": "763104351884",
1526
+ "ap-northeast-2": "763104351884",
1527
+ "ap-northeast-3": "364406365360",
1528
+ "ap-south-1": "763104351884",
1529
+ "ap-south-2": "772153158452",
1530
+ "ap-southeast-1": "763104351884",
1531
+ "ap-southeast-2": "763104351884",
1532
+ "ap-southeast-3": "907027046896",
1533
+ "ap-southeast-4": "457447274322",
1534
+ "ap-southeast-5": "550225433462",
1535
+ "ap-southeast-6": "633930458069",
1536
+ "ap-southeast-7": "590183813437",
1537
+ "ca-central-1": "763104351884",
1538
+ "ca-west-1": "204538143572",
1539
+ "cn-north-1": "727897471807",
1540
+ "cn-northwest-1": "727897471807",
1541
+ "eu-central-1": "763104351884",
1542
+ "eu-central-2": "380420809688",
1543
+ "eu-north-1": "763104351884",
1544
+ "eu-south-1": "692866216735",
1545
+ "eu-south-2": "503227376785",
1546
+ "eu-west-1": "763104351884",
1547
+ "eu-west-2": "763104351884",
1548
+ "eu-west-3": "763104351884",
1549
+ "il-central-1": "780543022126",
1550
+ "me-central-1": "914824155844",
1551
+ "me-south-1": "217643126080",
1552
+ "mx-central-1": "637423239942",
1553
+ "sa-east-1": "763104351884",
1554
+ "us-east-1": "763104351884",
1555
+ "us-east-2": "763104351884",
1556
+ "us-gov-east-1": "446045086412",
1557
+ "us-gov-west-1": "442386744353",
1558
+ "us-west-1": "763104351884",
1559
+ "us-west-2": "763104351884"
1560
+ },
1561
+ "repository": "pytorch-inference-graviton"
1562
+ },
1563
+ "2.2.1": {
1564
+ "container_version": {
1565
+ "cpu": "ubuntu20.04"
1566
+ },
1567
+ "py_versions": [
1568
+ "py310"
1569
+ ],
1570
+ "registries": {
1571
+ "af-south-1": "626614931356",
1572
+ "ap-east-1": "871362719292",
1573
+ "ap-east-2": "975050140332",
1574
+ "ap-northeast-1": "763104351884",
1575
+ "ap-northeast-2": "763104351884",
1576
+ "ap-northeast-3": "364406365360",
1577
+ "ap-south-1": "763104351884",
1578
+ "ap-south-2": "772153158452",
1579
+ "ap-southeast-1": "763104351884",
1580
+ "ap-southeast-2": "763104351884",
1581
+ "ap-southeast-3": "907027046896",
1582
+ "ap-southeast-4": "457447274322",
1583
+ "ap-southeast-5": "550225433462",
1584
+ "ap-southeast-6": "633930458069",
1585
+ "ap-southeast-7": "590183813437",
1586
+ "ca-central-1": "763104351884",
1587
+ "ca-west-1": "204538143572",
1588
+ "cn-north-1": "727897471807",
1589
+ "cn-northwest-1": "727897471807",
1590
+ "eu-central-1": "763104351884",
1591
+ "eu-central-2": "380420809688",
1592
+ "eu-north-1": "763104351884",
1593
+ "eu-south-1": "692866216735",
1594
+ "eu-south-2": "503227376785",
1595
+ "eu-west-1": "763104351884",
1596
+ "eu-west-2": "763104351884",
1597
+ "eu-west-3": "763104351884",
1598
+ "il-central-1": "780543022126",
1599
+ "me-central-1": "914824155844",
1600
+ "me-south-1": "217643126080",
1601
+ "mx-central-1": "637423239942",
1602
+ "sa-east-1": "763104351884",
1603
+ "us-east-1": "763104351884",
1604
+ "us-east-2": "763104351884",
1605
+ "us-gov-east-1": "446045086412",
1606
+ "us-gov-west-1": "442386744353",
1607
+ "us-west-1": "763104351884",
1608
+ "us-west-2": "763104351884"
1609
+ },
1610
+ "repository": "pytorch-inference-graviton"
1611
+ },
1612
+ "2.3.0": {
1613
+ "container_version": {
1614
+ "cpu": "ubuntu20.04"
1615
+ },
1616
+ "py_versions": [
1617
+ "py311"
1618
+ ],
1619
+ "registries": {
1620
+ "af-south-1": "626614931356",
1621
+ "ap-east-1": "871362719292",
1622
+ "ap-east-2": "975050140332",
1623
+ "ap-northeast-1": "763104351884",
1624
+ "ap-northeast-2": "763104351884",
1625
+ "ap-northeast-3": "364406365360",
1626
+ "ap-south-1": "763104351884",
1627
+ "ap-south-2": "772153158452",
1628
+ "ap-southeast-1": "763104351884",
1629
+ "ap-southeast-2": "763104351884",
1630
+ "ap-southeast-3": "907027046896",
1631
+ "ap-southeast-4": "457447274322",
1632
+ "ap-southeast-5": "550225433462",
1633
+ "ap-southeast-6": "633930458069",
1634
+ "ap-southeast-7": "590183813437",
1635
+ "ca-central-1": "763104351884",
1636
+ "ca-west-1": "204538143572",
1637
+ "cn-north-1": "727897471807",
1638
+ "cn-northwest-1": "727897471807",
1639
+ "eu-central-1": "763104351884",
1640
+ "eu-central-2": "380420809688",
1641
+ "eu-north-1": "763104351884",
1642
+ "eu-south-1": "692866216735",
1643
+ "eu-south-2": "503227376785",
1644
+ "eu-west-1": "763104351884",
1645
+ "eu-west-2": "763104351884",
1646
+ "eu-west-3": "763104351884",
1647
+ "il-central-1": "780543022126",
1648
+ "me-central-1": "914824155844",
1649
+ "me-south-1": "217643126080",
1650
+ "mx-central-1": "637423239942",
1651
+ "sa-east-1": "763104351884",
1652
+ "us-east-1": "763104351884",
1653
+ "us-east-2": "763104351884",
1654
+ "us-gov-east-1": "446045086412",
1655
+ "us-gov-west-1": "442386744353",
1656
+ "us-west-1": "763104351884",
1657
+ "us-west-2": "763104351884"
1658
+ },
1659
+ "repository": "pytorch-inference-graviton"
1660
+ },
1661
+ "2.4.0": {
1662
+ "container_version": {
1663
+ "cpu": "ubuntu22.04"
1664
+ },
1665
+ "py_versions": [
1666
+ "py311"
1667
+ ],
1668
+ "registries": {
1669
+ "af-south-1": "626614931356",
1670
+ "ap-east-1": "871362719292",
1671
+ "ap-east-2": "975050140332",
1672
+ "ap-northeast-1": "763104351884",
1673
+ "ap-northeast-2": "763104351884",
1674
+ "ap-northeast-3": "364406365360",
1675
+ "ap-south-1": "763104351884",
1676
+ "ap-south-2": "772153158452",
1677
+ "ap-southeast-1": "763104351884",
1678
+ "ap-southeast-2": "763104351884",
1679
+ "ap-southeast-3": "907027046896",
1680
+ "ap-southeast-4": "457447274322",
1681
+ "ap-southeast-5": "550225433462",
1682
+ "ap-southeast-6": "633930458069",
1683
+ "ap-southeast-7": "590183813437",
1684
+ "ca-central-1": "763104351884",
1685
+ "ca-west-1": "204538143572",
1686
+ "cn-north-1": "727897471807",
1687
+ "cn-northwest-1": "727897471807",
1688
+ "eu-central-1": "763104351884",
1689
+ "eu-central-2": "380420809688",
1690
+ "eu-north-1": "763104351884",
1691
+ "eu-south-1": "692866216735",
1692
+ "eu-south-2": "503227376785",
1693
+ "eu-west-1": "763104351884",
1694
+ "eu-west-2": "763104351884",
1695
+ "eu-west-3": "763104351884",
1696
+ "il-central-1": "780543022126",
1697
+ "me-central-1": "914824155844",
1698
+ "me-south-1": "217643126080",
1699
+ "mx-central-1": "637423239942",
1700
+ "sa-east-1": "763104351884",
1701
+ "us-east-1": "763104351884",
1702
+ "us-east-2": "763104351884",
1703
+ "us-gov-east-1": "446045086412",
1704
+ "us-gov-west-1": "442386744353",
1705
+ "us-west-1": "763104351884",
1706
+ "us-west-2": "763104351884"
1707
+ },
1708
+ "repository": "pytorch-inference-graviton"
1709
+ }
1710
+ }
1711
+ },
1712
+ "training": {
1713
+ "processors": [
1714
+ "cpu",
1715
+ "gpu"
1716
+ ],
1717
+ "version_aliases": {
1718
+ "0.4": "0.4.0",
1719
+ "1.0": "1.0.0",
1720
+ "1.1": "1.1.0",
1721
+ "1.2": "1.2.0",
1722
+ "1.3": "1.3.1",
1723
+ "1.4": "1.4.0",
1724
+ "1.5": "1.5.0",
1725
+ "1.6": "1.6.0",
1726
+ "1.7": "1.7.1",
1727
+ "1.8": "1.8.1",
1728
+ "1.9": "1.9.1",
1729
+ "1.10": "1.10.2",
1730
+ "1.11": "1.11.0",
1731
+ "1.12": "1.12.1",
1732
+ "1.13": "1.13.1",
1733
+ "2.0": "2.0.1",
1734
+ "2.1": "2.1.0",
1735
+ "2.2": "2.2.0",
1736
+ "2.3": "2.3.0",
1737
+ "2.4": "2.4.0",
1738
+ "2.5": "2.5.1",
1739
+ "2.6": "2.6.0",
1740
+ "2.7": "2.7.1",
1741
+ "2.8": "2.8.0"
1742
+ },
1743
+ "versions": {
1744
+ "0.4.0": {
1745
+ "py_versions": [
1746
+ "py2",
1747
+ "py3"
1748
+ ],
1749
+ "registries": {
1750
+ "af-south-1": "313743910680",
1751
+ "ap-east-1": "057415533634",
1752
+ "ap-northeast-1": "520713654638",
1753
+ "ap-northeast-2": "520713654638",
1754
+ "ap-south-1": "520713654638",
1755
+ "ap-southeast-1": "520713654638",
1756
+ "ap-southeast-2": "520713654638",
1757
+ "ca-central-1": "520713654638",
1758
+ "cn-north-1": "422961961927",
1759
+ "cn-northwest-1": "423003514399",
1760
+ "eu-central-1": "520713654638",
1761
+ "eu-north-1": "520713654638",
1762
+ "eu-south-1": "048378556238",
1763
+ "eu-west-1": "520713654638",
1764
+ "eu-west-2": "520713654638",
1765
+ "eu-west-3": "520713654638",
1766
+ "me-south-1": "724002660598",
1767
+ "sa-east-1": "520713654638",
1768
+ "us-east-1": "520713654638",
1769
+ "us-east-2": "520713654638",
1770
+ "us-gov-west-1": "246785580436",
1771
+ "us-iso-east-1": "744548109606",
1772
+ "us-isob-east-1": "453391408702",
1773
+ "us-west-1": "520713654638",
1774
+ "us-west-2": "520713654638"
1775
+ },
1776
+ "repository": "sagemaker-pytorch"
1777
+ },
1778
+ "1.0.0": {
1779
+ "py_versions": [
1780
+ "py2",
1781
+ "py3"
1782
+ ],
1783
+ "registries": {
1784
+ "af-south-1": "313743910680",
1785
+ "ap-east-1": "057415533634",
1786
+ "ap-northeast-1": "520713654638",
1787
+ "ap-northeast-2": "520713654638",
1788
+ "ap-south-1": "520713654638",
1789
+ "ap-southeast-1": "520713654638",
1790
+ "ap-southeast-2": "520713654638",
1791
+ "ca-central-1": "520713654638",
1792
+ "cn-north-1": "422961961927",
1793
+ "cn-northwest-1": "423003514399",
1794
+ "eu-central-1": "520713654638",
1795
+ "eu-north-1": "520713654638",
1796
+ "eu-south-1": "048378556238",
1797
+ "eu-west-1": "520713654638",
1798
+ "eu-west-2": "520713654638",
1799
+ "eu-west-3": "520713654638",
1800
+ "me-south-1": "724002660598",
1801
+ "sa-east-1": "520713654638",
1802
+ "us-east-1": "520713654638",
1803
+ "us-east-2": "520713654638",
1804
+ "us-gov-west-1": "246785580436",
1805
+ "us-iso-east-1": "744548109606",
1806
+ "us-isob-east-1": "453391408702",
1807
+ "us-west-1": "520713654638",
1808
+ "us-west-2": "520713654638"
1809
+ },
1810
+ "repository": "sagemaker-pytorch"
1811
+ },
1812
+ "1.1.0": {
1813
+ "py_versions": [
1814
+ "py2",
1815
+ "py3"
1816
+ ],
1817
+ "registries": {
1818
+ "af-south-1": "313743910680",
1819
+ "ap-east-1": "057415533634",
1820
+ "ap-northeast-1": "520713654638",
1821
+ "ap-northeast-2": "520713654638",
1822
+ "ap-south-1": "520713654638",
1823
+ "ap-southeast-1": "520713654638",
1824
+ "ap-southeast-2": "520713654638",
1825
+ "ca-central-1": "520713654638",
1826
+ "cn-north-1": "422961961927",
1827
+ "cn-northwest-1": "423003514399",
1828
+ "eu-central-1": "520713654638",
1829
+ "eu-north-1": "520713654638",
1830
+ "eu-south-1": "048378556238",
1831
+ "eu-west-1": "520713654638",
1832
+ "eu-west-2": "520713654638",
1833
+ "eu-west-3": "520713654638",
1834
+ "me-south-1": "724002660598",
1835
+ "sa-east-1": "520713654638",
1836
+ "us-east-1": "520713654638",
1837
+ "us-east-2": "520713654638",
1838
+ "us-gov-west-1": "246785580436",
1839
+ "us-iso-east-1": "744548109606",
1840
+ "us-isob-east-1": "453391408702",
1841
+ "us-west-1": "520713654638",
1842
+ "us-west-2": "520713654638"
1843
+ },
1844
+ "repository": "sagemaker-pytorch"
1845
+ },
1846
+ "1.2.0": {
1847
+ "py_versions": [
1848
+ "py2",
1849
+ "py3"
1850
+ ],
1851
+ "registries": {
1852
+ "af-south-1": "626614931356",
1853
+ "ap-east-1": "871362719292",
1854
+ "ap-east-2": "975050140332",
1855
+ "ap-northeast-1": "763104351884",
1856
+ "ap-northeast-2": "763104351884",
1857
+ "ap-northeast-3": "364406365360",
1858
+ "ap-south-1": "763104351884",
1859
+ "ap-south-2": "772153158452",
1860
+ "ap-southeast-1": "763104351884",
1861
+ "ap-southeast-2": "763104351884",
1862
+ "ap-southeast-3": "907027046896",
1863
+ "ap-southeast-4": "457447274322",
1864
+ "ap-southeast-5": "550225433462",
1865
+ "ap-southeast-6": "633930458069",
1866
+ "ap-southeast-7": "590183813437",
1867
+ "ca-central-1": "763104351884",
1868
+ "ca-west-1": "204538143572",
1869
+ "cn-north-1": "727897471807",
1870
+ "cn-northwest-1": "727897471807",
1871
+ "eu-central-1": "763104351884",
1872
+ "eu-central-2": "380420809688",
1873
+ "eu-north-1": "763104351884",
1874
+ "eu-south-1": "692866216735",
1875
+ "eu-south-2": "503227376785",
1876
+ "eu-west-1": "763104351884",
1877
+ "eu-west-2": "763104351884",
1878
+ "eu-west-3": "763104351884",
1879
+ "il-central-1": "780543022126",
1880
+ "me-central-1": "914824155844",
1881
+ "me-south-1": "217643126080",
1882
+ "mx-central-1": "637423239942",
1883
+ "sa-east-1": "763104351884",
1884
+ "us-east-1": "763104351884",
1885
+ "us-east-2": "763104351884",
1886
+ "us-gov-east-1": "446045086412",
1887
+ "us-gov-west-1": "442386744353",
1888
+ "us-iso-east-1": "886529160074",
1889
+ "us-isob-east-1": "094389454867",
1890
+ "us-west-1": "763104351884",
1891
+ "us-west-2": "763104351884"
1892
+ },
1893
+ "repository": "pytorch-training"
1894
+ },
1895
+ "1.3.1": {
1896
+ "py_versions": [
1897
+ "py2",
1898
+ "py3"
1899
+ ],
1900
+ "registries": {
1901
+ "af-south-1": "626614931356",
1902
+ "ap-east-1": "871362719292",
1903
+ "ap-east-2": "975050140332",
1904
+ "ap-northeast-1": "763104351884",
1905
+ "ap-northeast-2": "763104351884",
1906
+ "ap-northeast-3": "364406365360",
1907
+ "ap-south-1": "763104351884",
1908
+ "ap-south-2": "772153158452",
1909
+ "ap-southeast-1": "763104351884",
1910
+ "ap-southeast-2": "763104351884",
1911
+ "ap-southeast-3": "907027046896",
1912
+ "ap-southeast-4": "457447274322",
1913
+ "ap-southeast-5": "550225433462",
1914
+ "ap-southeast-6": "633930458069",
1915
+ "ap-southeast-7": "590183813437",
1916
+ "ca-central-1": "763104351884",
1917
+ "ca-west-1": "204538143572",
1918
+ "cn-north-1": "727897471807",
1919
+ "cn-northwest-1": "727897471807",
1920
+ "eu-central-1": "763104351884",
1921
+ "eu-central-2": "380420809688",
1922
+ "eu-north-1": "763104351884",
1923
+ "eu-south-1": "692866216735",
1924
+ "eu-south-2": "503227376785",
1925
+ "eu-west-1": "763104351884",
1926
+ "eu-west-2": "763104351884",
1927
+ "eu-west-3": "763104351884",
1928
+ "il-central-1": "780543022126",
1929
+ "me-central-1": "914824155844",
1930
+ "me-south-1": "217643126080",
1931
+ "mx-central-1": "637423239942",
1932
+ "sa-east-1": "763104351884",
1933
+ "us-east-1": "763104351884",
1934
+ "us-east-2": "763104351884",
1935
+ "us-gov-east-1": "446045086412",
1936
+ "us-gov-west-1": "442386744353",
1937
+ "us-iso-east-1": "886529160074",
1938
+ "us-isob-east-1": "094389454867",
1939
+ "us-west-1": "763104351884",
1940
+ "us-west-2": "763104351884"
1941
+ },
1942
+ "repository": "pytorch-training"
1943
+ },
1944
+ "1.4.0": {
1945
+ "py_versions": [
1946
+ "py2",
1947
+ "py3",
1948
+ "py36"
1949
+ ],
1950
+ "registries": {
1951
+ "af-south-1": "626614931356",
1952
+ "ap-east-1": "871362719292",
1953
+ "ap-east-2": "975050140332",
1954
+ "ap-northeast-1": "763104351884",
1955
+ "ap-northeast-2": "763104351884",
1956
+ "ap-northeast-3": "364406365360",
1957
+ "ap-south-1": "763104351884",
1958
+ "ap-south-2": "772153158452",
1959
+ "ap-southeast-1": "763104351884",
1960
+ "ap-southeast-2": "763104351884",
1961
+ "ap-southeast-3": "907027046896",
1962
+ "ap-southeast-4": "457447274322",
1963
+ "ap-southeast-5": "550225433462",
1964
+ "ap-southeast-6": "633930458069",
1965
+ "ap-southeast-7": "590183813437",
1966
+ "ca-central-1": "763104351884",
1967
+ "ca-west-1": "204538143572",
1968
+ "cn-north-1": "727897471807",
1969
+ "cn-northwest-1": "727897471807",
1970
+ "eu-central-1": "763104351884",
1971
+ "eu-central-2": "380420809688",
1972
+ "eu-north-1": "763104351884",
1973
+ "eu-south-1": "692866216735",
1974
+ "eu-south-2": "503227376785",
1975
+ "eu-west-1": "763104351884",
1976
+ "eu-west-2": "763104351884",
1977
+ "eu-west-3": "763104351884",
1978
+ "il-central-1": "780543022126",
1979
+ "me-central-1": "914824155844",
1980
+ "me-south-1": "217643126080",
1981
+ "mx-central-1": "637423239942",
1982
+ "sa-east-1": "763104351884",
1983
+ "us-east-1": "763104351884",
1984
+ "us-east-2": "763104351884",
1985
+ "us-gov-east-1": "446045086412",
1986
+ "us-gov-west-1": "442386744353",
1987
+ "us-iso-east-1": "886529160074",
1988
+ "us-isob-east-1": "094389454867",
1989
+ "us-west-1": "763104351884",
1990
+ "us-west-2": "763104351884"
1991
+ },
1992
+ "repository": "pytorch-training"
1993
+ },
1994
+ "1.5.0": {
1995
+ "py_versions": [
1996
+ "py3",
1997
+ "py36"
1998
+ ],
1999
+ "registries": {
2000
+ "af-south-1": "626614931356",
2001
+ "ap-east-1": "871362719292",
2002
+ "ap-east-2": "975050140332",
2003
+ "ap-northeast-1": "763104351884",
2004
+ "ap-northeast-2": "763104351884",
2005
+ "ap-northeast-3": "364406365360",
2006
+ "ap-south-1": "763104351884",
2007
+ "ap-south-2": "772153158452",
2008
+ "ap-southeast-1": "763104351884",
2009
+ "ap-southeast-2": "763104351884",
2010
+ "ap-southeast-3": "907027046896",
2011
+ "ap-southeast-4": "457447274322",
2012
+ "ap-southeast-5": "550225433462",
2013
+ "ap-southeast-6": "633930458069",
2014
+ "ap-southeast-7": "590183813437",
2015
+ "ca-central-1": "763104351884",
2016
+ "ca-west-1": "204538143572",
2017
+ "cn-north-1": "727897471807",
2018
+ "cn-northwest-1": "727897471807",
2019
+ "eu-central-1": "763104351884",
2020
+ "eu-central-2": "380420809688",
2021
+ "eu-north-1": "763104351884",
2022
+ "eu-south-1": "692866216735",
2023
+ "eu-south-2": "503227376785",
2024
+ "eu-west-1": "763104351884",
2025
+ "eu-west-2": "763104351884",
2026
+ "eu-west-3": "763104351884",
2027
+ "il-central-1": "780543022126",
2028
+ "me-central-1": "914824155844",
2029
+ "me-south-1": "217643126080",
2030
+ "mx-central-1": "637423239942",
2031
+ "sa-east-1": "763104351884",
2032
+ "us-east-1": "763104351884",
2033
+ "us-east-2": "763104351884",
2034
+ "us-gov-east-1": "446045086412",
2035
+ "us-gov-west-1": "442386744353",
2036
+ "us-iso-east-1": "886529160074",
2037
+ "us-isob-east-1": "094389454867",
2038
+ "us-west-1": "763104351884",
2039
+ "us-west-2": "763104351884"
2040
+ },
2041
+ "repository": "pytorch-training"
2042
+ },
2043
+ "1.6.0": {
2044
+ "py_versions": [
2045
+ "py3",
2046
+ "py36"
2047
+ ],
2048
+ "registries": {
2049
+ "af-south-1": "626614931356",
2050
+ "ap-east-1": "871362719292",
2051
+ "ap-east-2": "975050140332",
2052
+ "ap-northeast-1": "763104351884",
2053
+ "ap-northeast-2": "763104351884",
2054
+ "ap-northeast-3": "364406365360",
2055
+ "ap-south-1": "763104351884",
2056
+ "ap-south-2": "772153158452",
2057
+ "ap-southeast-1": "763104351884",
2058
+ "ap-southeast-2": "763104351884",
2059
+ "ap-southeast-3": "907027046896",
2060
+ "ap-southeast-4": "457447274322",
2061
+ "ap-southeast-5": "550225433462",
2062
+ "ap-southeast-6": "633930458069",
2063
+ "ap-southeast-7": "590183813437",
2064
+ "ca-central-1": "763104351884",
2065
+ "ca-west-1": "204538143572",
2066
+ "cn-north-1": "727897471807",
2067
+ "cn-northwest-1": "727897471807",
2068
+ "eu-central-1": "763104351884",
2069
+ "eu-central-2": "380420809688",
2070
+ "eu-north-1": "763104351884",
2071
+ "eu-south-1": "692866216735",
2072
+ "eu-south-2": "503227376785",
2073
+ "eu-west-1": "763104351884",
2074
+ "eu-west-2": "763104351884",
2075
+ "eu-west-3": "763104351884",
2076
+ "il-central-1": "780543022126",
2077
+ "me-central-1": "914824155844",
2078
+ "me-south-1": "217643126080",
2079
+ "mx-central-1": "637423239942",
2080
+ "sa-east-1": "763104351884",
2081
+ "us-east-1": "763104351884",
2082
+ "us-east-2": "763104351884",
2083
+ "us-gov-east-1": "446045086412",
2084
+ "us-gov-west-1": "442386744353",
2085
+ "us-iso-east-1": "886529160074",
2086
+ "us-isob-east-1": "094389454867",
2087
+ "us-west-1": "763104351884",
2088
+ "us-west-2": "763104351884"
2089
+ },
2090
+ "repository": "pytorch-training"
2091
+ },
2092
+ "1.7.1": {
2093
+ "py_versions": [
2094
+ "py3",
2095
+ "py36"
2096
+ ],
2097
+ "registries": {
2098
+ "af-south-1": "626614931356",
2099
+ "ap-east-1": "871362719292",
2100
+ "ap-east-2": "975050140332",
2101
+ "ap-northeast-1": "763104351884",
2102
+ "ap-northeast-2": "763104351884",
2103
+ "ap-northeast-3": "364406365360",
2104
+ "ap-south-1": "763104351884",
2105
+ "ap-south-2": "772153158452",
2106
+ "ap-southeast-1": "763104351884",
2107
+ "ap-southeast-2": "763104351884",
2108
+ "ap-southeast-3": "907027046896",
2109
+ "ap-southeast-4": "457447274322",
2110
+ "ap-southeast-5": "550225433462",
2111
+ "ap-southeast-6": "633930458069",
2112
+ "ap-southeast-7": "590183813437",
2113
+ "ca-central-1": "763104351884",
2114
+ "ca-west-1": "204538143572",
2115
+ "cn-north-1": "727897471807",
2116
+ "cn-northwest-1": "727897471807",
2117
+ "eu-central-1": "763104351884",
2118
+ "eu-central-2": "380420809688",
2119
+ "eu-north-1": "763104351884",
2120
+ "eu-south-1": "692866216735",
2121
+ "eu-south-2": "503227376785",
2122
+ "eu-west-1": "763104351884",
2123
+ "eu-west-2": "763104351884",
2124
+ "eu-west-3": "763104351884",
2125
+ "il-central-1": "780543022126",
2126
+ "me-central-1": "914824155844",
2127
+ "me-south-1": "217643126080",
2128
+ "mx-central-1": "637423239942",
2129
+ "sa-east-1": "763104351884",
2130
+ "us-east-1": "763104351884",
2131
+ "us-east-2": "763104351884",
2132
+ "us-gov-east-1": "446045086412",
2133
+ "us-gov-west-1": "442386744353",
2134
+ "us-iso-east-1": "886529160074",
2135
+ "us-isob-east-1": "094389454867",
2136
+ "us-west-1": "763104351884",
2137
+ "us-west-2": "763104351884"
2138
+ },
2139
+ "repository": "pytorch-training"
2140
+ },
2141
+ "1.8.0": {
2142
+ "py_versions": [
2143
+ "py3",
2144
+ "py36"
2145
+ ],
2146
+ "registries": {
2147
+ "af-south-1": "626614931356",
2148
+ "ap-east-1": "871362719292",
2149
+ "ap-east-2": "975050140332",
2150
+ "ap-northeast-1": "763104351884",
2151
+ "ap-northeast-2": "763104351884",
2152
+ "ap-northeast-3": "364406365360",
2153
+ "ap-south-1": "763104351884",
2154
+ "ap-south-2": "772153158452",
2155
+ "ap-southeast-1": "763104351884",
2156
+ "ap-southeast-2": "763104351884",
2157
+ "ap-southeast-3": "907027046896",
2158
+ "ap-southeast-4": "457447274322",
2159
+ "ap-southeast-5": "550225433462",
2160
+ "ap-southeast-6": "633930458069",
2161
+ "ap-southeast-7": "590183813437",
2162
+ "ca-central-1": "763104351884",
2163
+ "ca-west-1": "204538143572",
2164
+ "cn-north-1": "727897471807",
2165
+ "cn-northwest-1": "727897471807",
2166
+ "eu-central-1": "763104351884",
2167
+ "eu-central-2": "380420809688",
2168
+ "eu-north-1": "763104351884",
2169
+ "eu-south-1": "692866216735",
2170
+ "eu-south-2": "503227376785",
2171
+ "eu-west-1": "763104351884",
2172
+ "eu-west-2": "763104351884",
2173
+ "eu-west-3": "763104351884",
2174
+ "il-central-1": "780543022126",
2175
+ "me-central-1": "914824155844",
2176
+ "me-south-1": "217643126080",
2177
+ "mx-central-1": "637423239942",
2178
+ "sa-east-1": "763104351884",
2179
+ "us-east-1": "763104351884",
2180
+ "us-east-2": "763104351884",
2181
+ "us-gov-east-1": "446045086412",
2182
+ "us-gov-west-1": "442386744353",
2183
+ "us-iso-east-1": "886529160074",
2184
+ "us-isob-east-1": "094389454867",
2185
+ "us-west-1": "763104351884",
2186
+ "us-west-2": "763104351884"
2187
+ },
2188
+ "repository": "pytorch-training"
2189
+ },
2190
+ "1.8.1": {
2191
+ "py_versions": [
2192
+ "py3",
2193
+ "py36"
2194
+ ],
2195
+ "registries": {
2196
+ "af-south-1": "626614931356",
2197
+ "ap-east-1": "871362719292",
2198
+ "ap-east-2": "975050140332",
2199
+ "ap-northeast-1": "763104351884",
2200
+ "ap-northeast-2": "763104351884",
2201
+ "ap-northeast-3": "364406365360",
2202
+ "ap-south-1": "763104351884",
2203
+ "ap-south-2": "772153158452",
2204
+ "ap-southeast-1": "763104351884",
2205
+ "ap-southeast-2": "763104351884",
2206
+ "ap-southeast-3": "907027046896",
2207
+ "ap-southeast-4": "457447274322",
2208
+ "ap-southeast-5": "550225433462",
2209
+ "ap-southeast-6": "633930458069",
2210
+ "ap-southeast-7": "590183813437",
2211
+ "ca-central-1": "763104351884",
2212
+ "ca-west-1": "204538143572",
2213
+ "cn-north-1": "727897471807",
2214
+ "cn-northwest-1": "727897471807",
2215
+ "eu-central-1": "763104351884",
2216
+ "eu-central-2": "380420809688",
2217
+ "eu-north-1": "763104351884",
2218
+ "eu-south-1": "692866216735",
2219
+ "eu-south-2": "503227376785",
2220
+ "eu-west-1": "763104351884",
2221
+ "eu-west-2": "763104351884",
2222
+ "eu-west-3": "763104351884",
2223
+ "il-central-1": "780543022126",
2224
+ "me-central-1": "914824155844",
2225
+ "me-south-1": "217643126080",
2226
+ "mx-central-1": "637423239942",
2227
+ "sa-east-1": "763104351884",
2228
+ "us-east-1": "763104351884",
2229
+ "us-east-2": "763104351884",
2230
+ "us-gov-east-1": "446045086412",
2231
+ "us-gov-west-1": "442386744353",
2232
+ "us-iso-east-1": "886529160074",
2233
+ "us-isob-east-1": "094389454867",
2234
+ "us-west-1": "763104351884",
2235
+ "us-west-2": "763104351884"
2236
+ },
2237
+ "repository": "pytorch-training"
2238
+ },
2239
+ "1.9.0": {
2240
+ "py_versions": [
2241
+ "py38"
2242
+ ],
2243
+ "registries": {
2244
+ "af-south-1": "626614931356",
2245
+ "ap-east-1": "871362719292",
2246
+ "ap-east-2": "975050140332",
2247
+ "ap-northeast-1": "763104351884",
2248
+ "ap-northeast-2": "763104351884",
2249
+ "ap-northeast-3": "364406365360",
2250
+ "ap-south-1": "763104351884",
2251
+ "ap-south-2": "772153158452",
2252
+ "ap-southeast-1": "763104351884",
2253
+ "ap-southeast-2": "763104351884",
2254
+ "ap-southeast-3": "907027046896",
2255
+ "ap-southeast-4": "457447274322",
2256
+ "ap-southeast-5": "550225433462",
2257
+ "ap-southeast-6": "633930458069",
2258
+ "ap-southeast-7": "590183813437",
2259
+ "ca-central-1": "763104351884",
2260
+ "ca-west-1": "204538143572",
2261
+ "cn-north-1": "727897471807",
2262
+ "cn-northwest-1": "727897471807",
2263
+ "eu-central-1": "763104351884",
2264
+ "eu-central-2": "380420809688",
2265
+ "eu-north-1": "763104351884",
2266
+ "eu-south-1": "692866216735",
2267
+ "eu-south-2": "503227376785",
2268
+ "eu-west-1": "763104351884",
2269
+ "eu-west-2": "763104351884",
2270
+ "eu-west-3": "763104351884",
2271
+ "il-central-1": "780543022126",
2272
+ "me-central-1": "914824155844",
2273
+ "me-south-1": "217643126080",
2274
+ "mx-central-1": "637423239942",
2275
+ "sa-east-1": "763104351884",
2276
+ "us-east-1": "763104351884",
2277
+ "us-east-2": "763104351884",
2278
+ "us-gov-east-1": "446045086412",
2279
+ "us-gov-west-1": "442386744353",
2280
+ "us-iso-east-1": "886529160074",
2281
+ "us-isob-east-1": "094389454867",
2282
+ "us-west-1": "763104351884",
2283
+ "us-west-2": "763104351884"
2284
+ },
2285
+ "repository": "pytorch-training"
2286
+ },
2287
+ "1.9.1": {
2288
+ "py_versions": [
2289
+ "py38"
2290
+ ],
2291
+ "registries": {
2292
+ "af-south-1": "626614931356",
2293
+ "ap-east-1": "871362719292",
2294
+ "ap-east-2": "975050140332",
2295
+ "ap-northeast-1": "763104351884",
2296
+ "ap-northeast-2": "763104351884",
2297
+ "ap-northeast-3": "364406365360",
2298
+ "ap-south-1": "763104351884",
2299
+ "ap-south-2": "772153158452",
2300
+ "ap-southeast-1": "763104351884",
2301
+ "ap-southeast-2": "763104351884",
2302
+ "ap-southeast-3": "907027046896",
2303
+ "ap-southeast-4": "457447274322",
2304
+ "ap-southeast-5": "550225433462",
2305
+ "ap-southeast-6": "633930458069",
2306
+ "ap-southeast-7": "590183813437",
2307
+ "ca-central-1": "763104351884",
2308
+ "ca-west-1": "204538143572",
2309
+ "cn-north-1": "727897471807",
2310
+ "cn-northwest-1": "727897471807",
2311
+ "eu-central-1": "763104351884",
2312
+ "eu-central-2": "380420809688",
2313
+ "eu-north-1": "763104351884",
2314
+ "eu-south-1": "692866216735",
2315
+ "eu-south-2": "503227376785",
2316
+ "eu-west-1": "763104351884",
2317
+ "eu-west-2": "763104351884",
2318
+ "eu-west-3": "763104351884",
2319
+ "il-central-1": "780543022126",
2320
+ "me-central-1": "914824155844",
2321
+ "me-south-1": "217643126080",
2322
+ "mx-central-1": "637423239942",
2323
+ "sa-east-1": "763104351884",
2324
+ "us-east-1": "763104351884",
2325
+ "us-east-2": "763104351884",
2326
+ "us-gov-east-1": "446045086412",
2327
+ "us-gov-west-1": "442386744353",
2328
+ "us-iso-east-1": "886529160074",
2329
+ "us-isob-east-1": "094389454867",
2330
+ "us-west-1": "763104351884",
2331
+ "us-west-2": "763104351884"
2332
+ },
2333
+ "repository": "pytorch-training"
2334
+ },
2335
+ "1.10.0": {
2336
+ "py_versions": [
2337
+ "py38"
2338
+ ],
2339
+ "registries": {
2340
+ "af-south-1": "626614931356",
2341
+ "ap-east-1": "871362719292",
2342
+ "ap-east-2": "975050140332",
2343
+ "ap-northeast-1": "763104351884",
2344
+ "ap-northeast-2": "763104351884",
2345
+ "ap-northeast-3": "364406365360",
2346
+ "ap-south-1": "763104351884",
2347
+ "ap-south-2": "772153158452",
2348
+ "ap-southeast-1": "763104351884",
2349
+ "ap-southeast-2": "763104351884",
2350
+ "ap-southeast-3": "907027046896",
2351
+ "ap-southeast-4": "457447274322",
2352
+ "ap-southeast-5": "550225433462",
2353
+ "ap-southeast-6": "633930458069",
2354
+ "ap-southeast-7": "590183813437",
2355
+ "ca-central-1": "763104351884",
2356
+ "ca-west-1": "204538143572",
2357
+ "cn-north-1": "727897471807",
2358
+ "cn-northwest-1": "727897471807",
2359
+ "eu-central-1": "763104351884",
2360
+ "eu-central-2": "380420809688",
2361
+ "eu-north-1": "763104351884",
2362
+ "eu-south-1": "692866216735",
2363
+ "eu-south-2": "503227376785",
2364
+ "eu-west-1": "763104351884",
2365
+ "eu-west-2": "763104351884",
2366
+ "eu-west-3": "763104351884",
2367
+ "il-central-1": "780543022126",
2368
+ "me-central-1": "914824155844",
2369
+ "me-south-1": "217643126080",
2370
+ "mx-central-1": "637423239942",
2371
+ "sa-east-1": "763104351884",
2372
+ "us-east-1": "763104351884",
2373
+ "us-east-2": "763104351884",
2374
+ "us-gov-east-1": "446045086412",
2375
+ "us-gov-west-1": "442386744353",
2376
+ "us-iso-east-1": "886529160074",
2377
+ "us-isob-east-1": "094389454867",
2378
+ "us-west-1": "763104351884",
2379
+ "us-west-2": "763104351884"
2380
+ },
2381
+ "repository": "pytorch-training"
2382
+ },
2383
+ "1.10.2": {
2384
+ "py_versions": [
2385
+ "py38"
2386
+ ],
2387
+ "registries": {
2388
+ "af-south-1": "626614931356",
2389
+ "ap-east-1": "871362719292",
2390
+ "ap-east-2": "975050140332",
2391
+ "ap-northeast-1": "763104351884",
2392
+ "ap-northeast-2": "763104351884",
2393
+ "ap-northeast-3": "364406365360",
2394
+ "ap-south-1": "763104351884",
2395
+ "ap-south-2": "772153158452",
2396
+ "ap-southeast-1": "763104351884",
2397
+ "ap-southeast-2": "763104351884",
2398
+ "ap-southeast-3": "907027046896",
2399
+ "ap-southeast-4": "457447274322",
2400
+ "ap-southeast-5": "550225433462",
2401
+ "ap-southeast-6": "633930458069",
2402
+ "ap-southeast-7": "590183813437",
2403
+ "ca-central-1": "763104351884",
2404
+ "ca-west-1": "204538143572",
2405
+ "cn-north-1": "727897471807",
2406
+ "cn-northwest-1": "727897471807",
2407
+ "eu-central-1": "763104351884",
2408
+ "eu-central-2": "380420809688",
2409
+ "eu-north-1": "763104351884",
2410
+ "eu-south-1": "692866216735",
2411
+ "eu-south-2": "503227376785",
2412
+ "eu-west-1": "763104351884",
2413
+ "eu-west-2": "763104351884",
2414
+ "eu-west-3": "763104351884",
2415
+ "il-central-1": "780543022126",
2416
+ "me-central-1": "914824155844",
2417
+ "me-south-1": "217643126080",
2418
+ "mx-central-1": "637423239942",
2419
+ "sa-east-1": "763104351884",
2420
+ "us-east-1": "763104351884",
2421
+ "us-east-2": "763104351884",
2422
+ "us-gov-east-1": "446045086412",
2423
+ "us-gov-west-1": "442386744353",
2424
+ "us-iso-east-1": "886529160074",
2425
+ "us-isob-east-1": "094389454867",
2426
+ "us-west-1": "763104351884",
2427
+ "us-west-2": "763104351884"
2428
+ },
2429
+ "repository": "pytorch-training"
2430
+ },
2431
+ "1.11.0": {
2432
+ "py_versions": [
2433
+ "py38"
2434
+ ],
2435
+ "registries": {
2436
+ "af-south-1": "626614931356",
2437
+ "ap-east-1": "871362719292",
2438
+ "ap-east-2": "975050140332",
2439
+ "ap-northeast-1": "763104351884",
2440
+ "ap-northeast-2": "763104351884",
2441
+ "ap-northeast-3": "364406365360",
2442
+ "ap-south-1": "763104351884",
2443
+ "ap-south-2": "772153158452",
2444
+ "ap-southeast-1": "763104351884",
2445
+ "ap-southeast-2": "763104351884",
2446
+ "ap-southeast-3": "907027046896",
2447
+ "ap-southeast-4": "457447274322",
2448
+ "ap-southeast-5": "550225433462",
2449
+ "ap-southeast-6": "633930458069",
2450
+ "ap-southeast-7": "590183813437",
2451
+ "ca-central-1": "763104351884",
2452
+ "ca-west-1": "204538143572",
2453
+ "cn-north-1": "727897471807",
2454
+ "cn-northwest-1": "727897471807",
2455
+ "eu-central-1": "763104351884",
2456
+ "eu-central-2": "380420809688",
2457
+ "eu-north-1": "763104351884",
2458
+ "eu-south-1": "692866216735",
2459
+ "eu-south-2": "503227376785",
2460
+ "eu-west-1": "763104351884",
2461
+ "eu-west-2": "763104351884",
2462
+ "eu-west-3": "763104351884",
2463
+ "il-central-1": "780543022126",
2464
+ "me-central-1": "914824155844",
2465
+ "me-south-1": "217643126080",
2466
+ "mx-central-1": "637423239942",
2467
+ "sa-east-1": "763104351884",
2468
+ "us-east-1": "763104351884",
2469
+ "us-east-2": "763104351884",
2470
+ "us-gov-east-1": "446045086412",
2471
+ "us-gov-west-1": "442386744353",
2472
+ "us-iso-east-1": "886529160074",
2473
+ "us-isob-east-1": "094389454867",
2474
+ "us-west-1": "763104351884",
2475
+ "us-west-2": "763104351884"
2476
+ },
2477
+ "repository": "pytorch-training"
2478
+ },
2479
+ "1.12.0": {
2480
+ "py_versions": [
2481
+ "py38"
2482
+ ],
2483
+ "registries": {
2484
+ "af-south-1": "626614931356",
2485
+ "ap-east-1": "871362719292",
2486
+ "ap-east-2": "975050140332",
2487
+ "ap-northeast-1": "763104351884",
2488
+ "ap-northeast-2": "763104351884",
2489
+ "ap-northeast-3": "364406365360",
2490
+ "ap-south-1": "763104351884",
2491
+ "ap-south-2": "772153158452",
2492
+ "ap-southeast-1": "763104351884",
2493
+ "ap-southeast-2": "763104351884",
2494
+ "ap-southeast-3": "907027046896",
2495
+ "ap-southeast-4": "457447274322",
2496
+ "ap-southeast-5": "550225433462",
2497
+ "ap-southeast-6": "633930458069",
2498
+ "ap-southeast-7": "590183813437",
2499
+ "ca-central-1": "763104351884",
2500
+ "ca-west-1": "204538143572",
2501
+ "cn-north-1": "727897471807",
2502
+ "cn-northwest-1": "727897471807",
2503
+ "eu-central-1": "763104351884",
2504
+ "eu-central-2": "380420809688",
2505
+ "eu-north-1": "763104351884",
2506
+ "eu-south-1": "692866216735",
2507
+ "eu-south-2": "503227376785",
2508
+ "eu-west-1": "763104351884",
2509
+ "eu-west-2": "763104351884",
2510
+ "eu-west-3": "763104351884",
2511
+ "il-central-1": "780543022126",
2512
+ "me-central-1": "914824155844",
2513
+ "me-south-1": "217643126080",
2514
+ "mx-central-1": "637423239942",
2515
+ "sa-east-1": "763104351884",
2516
+ "us-east-1": "763104351884",
2517
+ "us-east-2": "763104351884",
2518
+ "us-gov-east-1": "446045086412",
2519
+ "us-gov-west-1": "442386744353",
2520
+ "us-iso-east-1": "886529160074",
2521
+ "us-isob-east-1": "094389454867",
2522
+ "us-west-1": "763104351884",
2523
+ "us-west-2": "763104351884"
2524
+ },
2525
+ "repository": "pytorch-training"
2526
+ },
2527
+ "1.12.1": {
2528
+ "py_versions": [
2529
+ "py38"
2530
+ ],
2531
+ "registries": {
2532
+ "af-south-1": "626614931356",
2533
+ "ap-east-1": "871362719292",
2534
+ "ap-east-2": "975050140332",
2535
+ "ap-northeast-1": "763104351884",
2536
+ "ap-northeast-2": "763104351884",
2537
+ "ap-northeast-3": "364406365360",
2538
+ "ap-south-1": "763104351884",
2539
+ "ap-south-2": "772153158452",
2540
+ "ap-southeast-1": "763104351884",
2541
+ "ap-southeast-2": "763104351884",
2542
+ "ap-southeast-3": "907027046896",
2543
+ "ap-southeast-4": "457447274322",
2544
+ "ap-southeast-5": "550225433462",
2545
+ "ap-southeast-6": "633930458069",
2546
+ "ap-southeast-7": "590183813437",
2547
+ "ca-central-1": "763104351884",
2548
+ "ca-west-1": "204538143572",
2549
+ "cn-north-1": "727897471807",
2550
+ "cn-northwest-1": "727897471807",
2551
+ "eu-central-1": "763104351884",
2552
+ "eu-central-2": "380420809688",
2553
+ "eu-north-1": "763104351884",
2554
+ "eu-south-1": "692866216735",
2555
+ "eu-south-2": "503227376785",
2556
+ "eu-west-1": "763104351884",
2557
+ "eu-west-2": "763104351884",
2558
+ "eu-west-3": "763104351884",
2559
+ "il-central-1": "780543022126",
2560
+ "me-central-1": "914824155844",
2561
+ "me-south-1": "217643126080",
2562
+ "mx-central-1": "637423239942",
2563
+ "sa-east-1": "763104351884",
2564
+ "us-east-1": "763104351884",
2565
+ "us-east-2": "763104351884",
2566
+ "us-gov-east-1": "446045086412",
2567
+ "us-gov-west-1": "442386744353",
2568
+ "us-iso-east-1": "886529160074",
2569
+ "us-isob-east-1": "094389454867",
2570
+ "us-west-1": "763104351884",
2571
+ "us-west-2": "763104351884"
2572
+ },
2573
+ "repository": "pytorch-training"
2574
+ },
2575
+ "1.13.1": {
2576
+ "py_versions": [
2577
+ "py39"
2578
+ ],
2579
+ "registries": {
2580
+ "af-south-1": "626614931356",
2581
+ "ap-east-1": "871362719292",
2582
+ "ap-east-2": "975050140332",
2583
+ "ap-northeast-1": "763104351884",
2584
+ "ap-northeast-2": "763104351884",
2585
+ "ap-northeast-3": "364406365360",
2586
+ "ap-south-1": "763104351884",
2587
+ "ap-south-2": "772153158452",
2588
+ "ap-southeast-1": "763104351884",
2589
+ "ap-southeast-2": "763104351884",
2590
+ "ap-southeast-3": "907027046896",
2591
+ "ap-southeast-4": "457447274322",
2592
+ "ap-southeast-5": "550225433462",
2593
+ "ap-southeast-6": "633930458069",
2594
+ "ap-southeast-7": "590183813437",
2595
+ "ca-central-1": "763104351884",
2596
+ "ca-west-1": "204538143572",
2597
+ "cn-north-1": "727897471807",
2598
+ "cn-northwest-1": "727897471807",
2599
+ "eu-central-1": "763104351884",
2600
+ "eu-central-2": "380420809688",
2601
+ "eu-north-1": "763104351884",
2602
+ "eu-south-1": "692866216735",
2603
+ "eu-south-2": "503227376785",
2604
+ "eu-west-1": "763104351884",
2605
+ "eu-west-2": "763104351884",
2606
+ "eu-west-3": "763104351884",
2607
+ "il-central-1": "780543022126",
2608
+ "me-central-1": "914824155844",
2609
+ "me-south-1": "217643126080",
2610
+ "mx-central-1": "637423239942",
2611
+ "sa-east-1": "763104351884",
2612
+ "us-east-1": "763104351884",
2613
+ "us-east-2": "763104351884",
2614
+ "us-gov-east-1": "446045086412",
2615
+ "us-gov-west-1": "442386744353",
2616
+ "us-iso-east-1": "886529160074",
2617
+ "us-isob-east-1": "094389454867",
2618
+ "us-west-1": "763104351884",
2619
+ "us-west-2": "763104351884"
2620
+ },
2621
+ "repository": "pytorch-training"
2622
+ },
2623
+ "2.0.0": {
2624
+ "py_versions": [
2625
+ "py310"
2626
+ ],
2627
+ "registries": {
2628
+ "af-south-1": "626614931356",
2629
+ "ap-east-1": "871362719292",
2630
+ "ap-east-2": "975050140332",
2631
+ "ap-northeast-1": "763104351884",
2632
+ "ap-northeast-2": "763104351884",
2633
+ "ap-northeast-3": "364406365360",
2634
+ "ap-south-1": "763104351884",
2635
+ "ap-south-2": "772153158452",
2636
+ "ap-southeast-1": "763104351884",
2637
+ "ap-southeast-2": "763104351884",
2638
+ "ap-southeast-3": "907027046896",
2639
+ "ap-southeast-4": "457447274322",
2640
+ "ap-southeast-5": "550225433462",
2641
+ "ap-southeast-6": "633930458069",
2642
+ "ap-southeast-7": "590183813437",
2643
+ "ca-central-1": "763104351884",
2644
+ "ca-west-1": "204538143572",
2645
+ "cn-north-1": "727897471807",
2646
+ "cn-northwest-1": "727897471807",
2647
+ "eu-central-1": "763104351884",
2648
+ "eu-central-2": "380420809688",
2649
+ "eu-north-1": "763104351884",
2650
+ "eu-south-1": "692866216735",
2651
+ "eu-south-2": "503227376785",
2652
+ "eu-west-1": "763104351884",
2653
+ "eu-west-2": "763104351884",
2654
+ "eu-west-3": "763104351884",
2655
+ "il-central-1": "780543022126",
2656
+ "me-central-1": "914824155844",
2657
+ "me-south-1": "217643126080",
2658
+ "mx-central-1": "637423239942",
2659
+ "sa-east-1": "763104351884",
2660
+ "us-east-1": "763104351884",
2661
+ "us-east-2": "763104351884",
2662
+ "us-gov-east-1": "446045086412",
2663
+ "us-gov-west-1": "442386744353",
2664
+ "us-iso-east-1": "886529160074",
2665
+ "us-isob-east-1": "094389454867",
2666
+ "us-west-1": "763104351884",
2667
+ "us-west-2": "763104351884"
2668
+ },
2669
+ "repository": "pytorch-training"
2670
+ },
2671
+ "2.0.1": {
2672
+ "py_versions": [
2673
+ "py310"
2674
+ ],
2675
+ "registries": {
2676
+ "af-south-1": "626614931356",
2677
+ "ap-east-1": "871362719292",
2678
+ "ap-east-2": "975050140332",
2679
+ "ap-northeast-1": "763104351884",
2680
+ "ap-northeast-2": "763104351884",
2681
+ "ap-northeast-3": "364406365360",
2682
+ "ap-south-1": "763104351884",
2683
+ "ap-south-2": "772153158452",
2684
+ "ap-southeast-1": "763104351884",
2685
+ "ap-southeast-2": "763104351884",
2686
+ "ap-southeast-3": "907027046896",
2687
+ "ap-southeast-4": "457447274322",
2688
+ "ap-southeast-5": "550225433462",
2689
+ "ap-southeast-6": "633930458069",
2690
+ "ap-southeast-7": "590183813437",
2691
+ "ca-central-1": "763104351884",
2692
+ "ca-west-1": "204538143572",
2693
+ "cn-north-1": "727897471807",
2694
+ "cn-northwest-1": "727897471807",
2695
+ "eu-central-1": "763104351884",
2696
+ "eu-central-2": "380420809688",
2697
+ "eu-north-1": "763104351884",
2698
+ "eu-south-1": "692866216735",
2699
+ "eu-south-2": "503227376785",
2700
+ "eu-west-1": "763104351884",
2701
+ "eu-west-2": "763104351884",
2702
+ "eu-west-3": "763104351884",
2703
+ "il-central-1": "780543022126",
2704
+ "me-central-1": "914824155844",
2705
+ "me-south-1": "217643126080",
2706
+ "mx-central-1": "637423239942",
2707
+ "sa-east-1": "763104351884",
2708
+ "us-east-1": "763104351884",
2709
+ "us-east-2": "763104351884",
2710
+ "us-gov-east-1": "446045086412",
2711
+ "us-gov-west-1": "442386744353",
2712
+ "us-iso-east-1": "886529160074",
2713
+ "us-isob-east-1": "094389454867",
2714
+ "us-west-1": "763104351884",
2715
+ "us-west-2": "763104351884"
2716
+ },
2717
+ "repository": "pytorch-training"
2718
+ },
2719
+ "2.1.0": {
2720
+ "py_versions": [
2721
+ "py310"
2722
+ ],
2723
+ "registries": {
2724
+ "af-south-1": "626614931356",
2725
+ "ap-east-1": "871362719292",
2726
+ "ap-east-2": "975050140332",
2727
+ "ap-northeast-1": "763104351884",
2728
+ "ap-northeast-2": "763104351884",
2729
+ "ap-northeast-3": "364406365360",
2730
+ "ap-south-1": "763104351884",
2731
+ "ap-south-2": "772153158452",
2732
+ "ap-southeast-1": "763104351884",
2733
+ "ap-southeast-2": "763104351884",
2734
+ "ap-southeast-3": "907027046896",
2735
+ "ap-southeast-4": "457447274322",
2736
+ "ap-southeast-5": "550225433462",
2737
+ "ap-southeast-6": "633930458069",
2738
+ "ap-southeast-7": "590183813437",
2739
+ "ca-central-1": "763104351884",
2740
+ "ca-west-1": "204538143572",
2741
+ "cn-north-1": "727897471807",
2742
+ "cn-northwest-1": "727897471807",
2743
+ "eu-central-1": "763104351884",
2744
+ "eu-central-2": "380420809688",
2745
+ "eu-north-1": "763104351884",
2746
+ "eu-south-1": "692866216735",
2747
+ "eu-south-2": "503227376785",
2748
+ "eu-west-1": "763104351884",
2749
+ "eu-west-2": "763104351884",
2750
+ "eu-west-3": "763104351884",
2751
+ "il-central-1": "780543022126",
2752
+ "me-central-1": "914824155844",
2753
+ "me-south-1": "217643126080",
2754
+ "mx-central-1": "637423239942",
2755
+ "sa-east-1": "763104351884",
2756
+ "us-east-1": "763104351884",
2757
+ "us-east-2": "763104351884",
2758
+ "us-gov-east-1": "446045086412",
2759
+ "us-gov-west-1": "442386744353",
2760
+ "us-iso-east-1": "886529160074",
2761
+ "us-isob-east-1": "094389454867",
2762
+ "us-isof-east-1": "303241398832",
2763
+ "us-isof-south-1": "454834333376",
2764
+ "us-west-1": "763104351884",
2765
+ "us-west-2": "763104351884"
2766
+ },
2767
+ "repository": "pytorch-training"
2768
+ },
2769
+ "2.2.0": {
2770
+ "py_versions": [
2771
+ "py310"
2772
+ ],
2773
+ "registries": {
2774
+ "af-south-1": "626614931356",
2775
+ "ap-east-1": "871362719292",
2776
+ "ap-east-2": "975050140332",
2777
+ "ap-northeast-1": "763104351884",
2778
+ "ap-northeast-2": "763104351884",
2779
+ "ap-northeast-3": "364406365360",
2780
+ "ap-south-1": "763104351884",
2781
+ "ap-south-2": "772153158452",
2782
+ "ap-southeast-1": "763104351884",
2783
+ "ap-southeast-2": "763104351884",
2784
+ "ap-southeast-3": "907027046896",
2785
+ "ap-southeast-4": "457447274322",
2786
+ "ap-southeast-5": "550225433462",
2787
+ "ap-southeast-6": "633930458069",
2788
+ "ap-southeast-7": "590183813437",
2789
+ "ca-central-1": "763104351884",
2790
+ "ca-west-1": "204538143572",
2791
+ "cn-north-1": "727897471807",
2792
+ "cn-northwest-1": "727897471807",
2793
+ "eu-central-1": "763104351884",
2794
+ "eu-central-2": "380420809688",
2795
+ "eu-north-1": "763104351884",
2796
+ "eu-south-1": "692866216735",
2797
+ "eu-south-2": "503227376785",
2798
+ "eu-west-1": "763104351884",
2799
+ "eu-west-2": "763104351884",
2800
+ "eu-west-3": "763104351884",
2801
+ "il-central-1": "780543022126",
2802
+ "me-central-1": "914824155844",
2803
+ "me-south-1": "217643126080",
2804
+ "mx-central-1": "637423239942",
2805
+ "sa-east-1": "763104351884",
2806
+ "us-east-1": "763104351884",
2807
+ "us-east-2": "763104351884",
2808
+ "us-gov-east-1": "446045086412",
2809
+ "us-gov-west-1": "442386744353",
2810
+ "us-iso-east-1": "886529160074",
2811
+ "us-isob-east-1": "094389454867",
2812
+ "us-isof-east-1": "303241398832",
2813
+ "us-isof-south-1": "454834333376",
2814
+ "us-west-1": "763104351884",
2815
+ "us-west-2": "763104351884"
2816
+ },
2817
+ "repository": "pytorch-training"
2818
+ },
2819
+ "2.3.0": {
2820
+ "py_versions": [
2821
+ "py311"
2822
+ ],
2823
+ "registries": {
2824
+ "af-south-1": "626614931356",
2825
+ "ap-east-1": "871362719292",
2826
+ "ap-east-2": "975050140332",
2827
+ "ap-northeast-1": "763104351884",
2828
+ "ap-northeast-2": "763104351884",
2829
+ "ap-northeast-3": "364406365360",
2830
+ "ap-south-1": "763104351884",
2831
+ "ap-south-2": "772153158452",
2832
+ "ap-southeast-1": "763104351884",
2833
+ "ap-southeast-2": "763104351884",
2834
+ "ap-southeast-3": "907027046896",
2835
+ "ap-southeast-4": "457447274322",
2836
+ "ap-southeast-5": "550225433462",
2837
+ "ap-southeast-6": "633930458069",
2838
+ "ap-southeast-7": "590183813437",
2839
+ "ca-central-1": "763104351884",
2840
+ "ca-west-1": "204538143572",
2841
+ "cn-north-1": "727897471807",
2842
+ "cn-northwest-1": "727897471807",
2843
+ "eu-central-1": "763104351884",
2844
+ "eu-central-2": "380420809688",
2845
+ "eu-north-1": "763104351884",
2846
+ "eu-south-1": "692866216735",
2847
+ "eu-south-2": "503227376785",
2848
+ "eu-west-1": "763104351884",
2849
+ "eu-west-2": "763104351884",
2850
+ "eu-west-3": "763104351884",
2851
+ "il-central-1": "780543022126",
2852
+ "me-central-1": "914824155844",
2853
+ "me-south-1": "217643126080",
2854
+ "mx-central-1": "637423239942",
2855
+ "sa-east-1": "763104351884",
2856
+ "us-east-1": "763104351884",
2857
+ "us-east-2": "763104351884",
2858
+ "us-gov-east-1": "446045086412",
2859
+ "us-gov-west-1": "442386744353",
2860
+ "us-iso-east-1": "886529160074",
2861
+ "us-isob-east-1": "094389454867",
2862
+ "us-isof-east-1": "303241398832",
2863
+ "us-isof-south-1": "454834333376",
2864
+ "us-west-1": "763104351884",
2865
+ "us-west-2": "763104351884"
2866
+ },
2867
+ "repository": "pytorch-training"
2868
+ },
2869
+ "2.4.0": {
2870
+ "py_versions": [
2871
+ "py311"
2872
+ ],
2873
+ "registries": {
2874
+ "af-south-1": "626614931356",
2875
+ "ap-east-1": "871362719292",
2876
+ "ap-east-2": "975050140332",
2877
+ "ap-northeast-1": "763104351884",
2878
+ "ap-northeast-2": "763104351884",
2879
+ "ap-northeast-3": "364406365360",
2880
+ "ap-south-1": "763104351884",
2881
+ "ap-south-2": "772153158452",
2882
+ "ap-southeast-1": "763104351884",
2883
+ "ap-southeast-2": "763104351884",
2884
+ "ap-southeast-3": "907027046896",
2885
+ "ap-southeast-4": "457447274322",
2886
+ "ap-southeast-5": "550225433462",
2887
+ "ap-southeast-6": "633930458069",
2888
+ "ap-southeast-7": "590183813437",
2889
+ "ca-central-1": "763104351884",
2890
+ "ca-west-1": "204538143572",
2891
+ "cn-north-1": "727897471807",
2892
+ "cn-northwest-1": "727897471807",
2893
+ "eu-central-1": "763104351884",
2894
+ "eu-central-2": "380420809688",
2895
+ "eu-north-1": "763104351884",
2896
+ "eu-south-1": "692866216735",
2897
+ "eu-south-2": "503227376785",
2898
+ "eu-west-1": "763104351884",
2899
+ "eu-west-2": "763104351884",
2900
+ "eu-west-3": "763104351884",
2901
+ "il-central-1": "780543022126",
2902
+ "me-central-1": "914824155844",
2903
+ "me-south-1": "217643126080",
2904
+ "mx-central-1": "637423239942",
2905
+ "sa-east-1": "763104351884",
2906
+ "us-east-1": "763104351884",
2907
+ "us-east-2": "763104351884",
2908
+ "us-gov-east-1": "446045086412",
2909
+ "us-gov-west-1": "442386744353",
2910
+ "us-west-1": "763104351884",
2911
+ "us-west-2": "763104351884"
2912
+ },
2913
+ "repository": "pytorch-training"
2914
+ },
2915
+ "2.5.1": {
2916
+ "py_versions": [
2917
+ "py311"
2918
+ ],
2919
+ "registries": {
2920
+ "af-south-1": "626614931356",
2921
+ "ap-east-1": "871362719292",
2922
+ "ap-east-2": "975050140332",
2923
+ "ap-northeast-1": "763104351884",
2924
+ "ap-northeast-2": "763104351884",
2925
+ "ap-northeast-3": "364406365360",
2926
+ "ap-south-1": "763104351884",
2927
+ "ap-south-2": "772153158452",
2928
+ "ap-southeast-1": "763104351884",
2929
+ "ap-southeast-2": "763104351884",
2930
+ "ap-southeast-3": "907027046896",
2931
+ "ap-southeast-4": "457447274322",
2932
+ "ap-southeast-5": "550225433462",
2933
+ "ap-southeast-6": "633930458069",
2934
+ "ap-southeast-7": "590183813437",
2935
+ "ca-central-1": "763104351884",
2936
+ "ca-west-1": "204538143572",
2937
+ "cn-north-1": "727897471807",
2938
+ "cn-northwest-1": "727897471807",
2939
+ "eu-central-1": "763104351884",
2940
+ "eu-central-2": "380420809688",
2941
+ "eu-north-1": "763104351884",
2942
+ "eu-south-1": "692866216735",
2943
+ "eu-south-2": "503227376785",
2944
+ "eu-west-1": "763104351884",
2945
+ "eu-west-2": "763104351884",
2946
+ "eu-west-3": "763104351884",
2947
+ "il-central-1": "780543022126",
2948
+ "me-central-1": "914824155844",
2949
+ "me-south-1": "217643126080",
2950
+ "mx-central-1": "637423239942",
2951
+ "sa-east-1": "763104351884",
2952
+ "us-east-1": "763104351884",
2953
+ "us-east-2": "763104351884",
2954
+ "us-gov-east-1": "446045086412",
2955
+ "us-gov-west-1": "442386744353",
2956
+ "us-west-1": "763104351884",
2957
+ "us-west-2": "763104351884"
2958
+ },
2959
+ "repository": "pytorch-training"
2960
+ },
2961
+ "2.6.0": {
2962
+ "py_versions": [
2963
+ "py312"
2964
+ ],
2965
+ "registries": {
2966
+ "af-south-1": "626614931356",
2967
+ "ap-east-1": "871362719292",
2968
+ "ap-east-2": "975050140332",
2969
+ "ap-northeast-1": "763104351884",
2970
+ "ap-northeast-2": "763104351884",
2971
+ "ap-northeast-3": "364406365360",
2972
+ "ap-south-1": "763104351884",
2973
+ "ap-south-2": "772153158452",
2974
+ "ap-southeast-1": "763104351884",
2975
+ "ap-southeast-2": "763104351884",
2976
+ "ap-southeast-3": "907027046896",
2977
+ "ap-southeast-4": "457447274322",
2978
+ "ap-southeast-5": "550225433462",
2979
+ "ap-southeast-6": "633930458069",
2980
+ "ap-southeast-7": "590183813437",
2981
+ "ca-central-1": "763104351884",
2982
+ "ca-west-1": "204538143572",
2983
+ "cn-north-1": "727897471807",
2984
+ "cn-northwest-1": "727897471807",
2985
+ "eu-central-1": "763104351884",
2986
+ "eu-central-2": "380420809688",
2987
+ "eu-north-1": "763104351884",
2988
+ "eu-south-1": "692866216735",
2989
+ "eu-south-2": "503227376785",
2990
+ "eu-west-1": "763104351884",
2991
+ "eu-west-2": "763104351884",
2992
+ "eu-west-3": "763104351884",
2993
+ "il-central-1": "780543022126",
2994
+ "me-central-1": "914824155844",
2995
+ "me-south-1": "217643126080",
2996
+ "mx-central-1": "637423239942",
2997
+ "sa-east-1": "763104351884",
2998
+ "us-east-1": "763104351884",
2999
+ "us-east-2": "763104351884",
3000
+ "us-gov-east-1": "446045086412",
3001
+ "us-gov-west-1": "442386744353",
3002
+ "us-west-1": "763104351884",
3003
+ "us-west-2": "763104351884"
3004
+ },
3005
+ "repository": "pytorch-training"
3006
+ },
3007
+ "2.7.1": {
3008
+ "py_versions": [
3009
+ "py312"
3010
+ ],
3011
+ "registries": {
3012
+ "af-south-1": "626614931356",
3013
+ "ap-east-1": "871362719292",
3014
+ "ap-east-2": "975050140332",
3015
+ "ap-northeast-1": "763104351884",
3016
+ "ap-northeast-2": "763104351884",
3017
+ "ap-northeast-3": "364406365360",
3018
+ "ap-south-1": "763104351884",
3019
+ "ap-south-2": "772153158452",
3020
+ "ap-southeast-1": "763104351884",
3021
+ "ap-southeast-2": "763104351884",
3022
+ "ap-southeast-3": "907027046896",
3023
+ "ap-southeast-4": "457447274322",
3024
+ "ap-southeast-5": "550225433462",
3025
+ "ap-southeast-6": "633930458069",
3026
+ "ap-southeast-7": "590183813437",
3027
+ "ca-central-1": "763104351884",
3028
+ "ca-west-1": "204538143572",
3029
+ "cn-north-1": "727897471807",
3030
+ "cn-northwest-1": "727897471807",
3031
+ "eu-central-1": "763104351884",
3032
+ "eu-central-2": "380420809688",
3033
+ "eu-north-1": "763104351884",
3034
+ "eu-south-1": "692866216735",
3035
+ "eu-south-2": "503227376785",
3036
+ "eu-west-1": "763104351884",
3037
+ "eu-west-2": "763104351884",
3038
+ "eu-west-3": "763104351884",
3039
+ "il-central-1": "780543022126",
3040
+ "me-central-1": "914824155844",
3041
+ "me-south-1": "217643126080",
3042
+ "mx-central-1": "637423239942",
3043
+ "sa-east-1": "763104351884",
3044
+ "us-east-1": "763104351884",
3045
+ "us-east-2": "763104351884",
3046
+ "us-gov-east-1": "446045086412",
3047
+ "us-gov-west-1": "442386744353",
3048
+ "us-west-1": "763104351884",
3049
+ "us-west-2": "763104351884"
3050
+ },
3051
+ "repository": "pytorch-training"
3052
+ },
3053
+ "2.8.0": {
3054
+ "py_versions": [
3055
+ "py312"
3056
+ ],
3057
+ "registries": {
3058
+ "af-south-1": "626614931356",
3059
+ "ap-east-1": "871362719292",
3060
+ "ap-east-2": "975050140332",
3061
+ "ap-northeast-1": "763104351884",
3062
+ "ap-northeast-2": "763104351884",
3063
+ "ap-northeast-3": "364406365360",
3064
+ "ap-south-1": "763104351884",
3065
+ "ap-south-2": "772153158452",
3066
+ "ap-southeast-1": "763104351884",
3067
+ "ap-southeast-2": "763104351884",
3068
+ "ap-southeast-3": "907027046896",
3069
+ "ap-southeast-4": "457447274322",
3070
+ "ap-southeast-5": "550225433462",
3071
+ "ap-southeast-6": "633930458069",
3072
+ "ap-southeast-7": "590183813437",
3073
+ "ca-central-1": "763104351884",
3074
+ "ca-west-1": "204538143572",
3075
+ "cn-north-1": "727897471807",
3076
+ "cn-northwest-1": "727897471807",
3077
+ "eu-central-1": "763104351884",
3078
+ "eu-central-2": "380420809688",
3079
+ "eu-north-1": "763104351884",
3080
+ "eu-south-1": "692866216735",
3081
+ "eu-south-2": "503227376785",
3082
+ "eu-west-1": "763104351884",
3083
+ "eu-west-2": "763104351884",
3084
+ "eu-west-3": "763104351884",
3085
+ "il-central-1": "780543022126",
3086
+ "me-central-1": "914824155844",
3087
+ "me-south-1": "217643126080",
3088
+ "mx-central-1": "637423239942",
3089
+ "sa-east-1": "763104351884",
3090
+ "us-east-1": "763104351884",
3091
+ "us-east-2": "763104351884",
3092
+ "us-gov-east-1": "446045086412",
3093
+ "us-gov-west-1": "442386744353",
3094
+ "us-west-1": "763104351884",
3095
+ "us-west-2": "763104351884"
3096
+ },
3097
+ "repository": "pytorch-training"
3098
+ }
3099
+ }
3100
+ }
3101
+ }