sagemaker-core 1.0.62__py3-none-any.whl → 2.3.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 (358) hide show
  1. sagemaker/__init__.py +2 -0
  2. sagemaker/core/__init__.py +16 -0
  3. sagemaker/core/_studio.py +116 -0
  4. sagemaker/core/_version.py +11 -0
  5. sagemaker/core/accept_types.py +131 -0
  6. sagemaker/core/analytics.py +744 -0
  7. sagemaker/core/apiutils/__init__.py +13 -0
  8. sagemaker/core/apiutils/_base_types.py +228 -0
  9. sagemaker/core/apiutils/_boto_functions.py +130 -0
  10. sagemaker/core/apiutils/_utils.py +34 -0
  11. sagemaker/core/base_deserializers.py +35 -0
  12. sagemaker/core/base_serializers.py +35 -0
  13. sagemaker/core/clarify/__init__.py +2898 -0
  14. sagemaker/core/collection.py +467 -0
  15. sagemaker/core/common_utils.py +2399 -0
  16. sagemaker/core/compute_resource_requirements/__init__.py +18 -0
  17. sagemaker/core/compute_resource_requirements/resource_requirements.py +94 -0
  18. sagemaker/core/config/__init__.py +181 -0
  19. sagemaker/core/config/config.py +238 -0
  20. sagemaker/core/config/config_manager.py +595 -0
  21. sagemaker/core/config/config_schema.py +1220 -0
  22. sagemaker/core/config/config_utils.py +297 -0
  23. {sagemaker_core/main → sagemaker/core}/config_schema.py +408 -3
  24. sagemaker/core/constants.py +73 -0
  25. sagemaker/core/content_types.py +137 -0
  26. sagemaker/core/debugger/__init__.py +39 -0
  27. sagemaker/core/debugger/debugger.py +945 -0
  28. sagemaker/core/debugger/framework_profile.py +292 -0
  29. sagemaker/core/debugger/metrics_config.py +468 -0
  30. sagemaker/core/debugger/profiler.py +42 -0
  31. sagemaker/core/debugger/profiler_config.py +190 -0
  32. sagemaker/core/debugger/profiler_constants.py +40 -0
  33. sagemaker/core/debugger/utils.py +148 -0
  34. sagemaker/core/deprecations.py +254 -0
  35. sagemaker/core/deserializers/__init__.py +10 -0
  36. sagemaker/core/deserializers/base.py +424 -0
  37. sagemaker/core/deserializers/implementations.py +157 -0
  38. sagemaker/core/drift_check_baselines.py +106 -0
  39. sagemaker/core/enums.py +51 -0
  40. sagemaker/core/environment_variables.py +101 -0
  41. sagemaker/core/exceptions.py +108 -0
  42. sagemaker/core/experiments/__init__.py +53 -0
  43. sagemaker/core/experiments/_api_types.py +251 -0
  44. sagemaker/core/experiments/_environment.py +124 -0
  45. sagemaker/core/experiments/_helper.py +294 -0
  46. sagemaker/core/experiments/_metrics.py +333 -0
  47. sagemaker/core/experiments/_run_context.py +58 -0
  48. sagemaker/core/experiments/_utils.py +216 -0
  49. sagemaker/core/experiments/experiment.py +247 -0
  50. sagemaker/core/experiments/run.py +970 -0
  51. sagemaker/core/experiments/trial.py +296 -0
  52. sagemaker/core/experiments/trial_component.py +387 -0
  53. sagemaker/core/explainer/__init__.py +24 -0
  54. sagemaker/core/explainer/clarify_explainer_config.py +298 -0
  55. sagemaker/core/explainer/explainer_config.py +44 -0
  56. sagemaker/core/fw_utils.py +1220 -0
  57. sagemaker/core/git_utils.py +415 -0
  58. sagemaker/core/helper/pipeline_variable.py +82 -0
  59. sagemaker/core/helper/session_helper.py +2977 -0
  60. sagemaker/core/hyperparameters.py +172 -0
  61. sagemaker/core/image_retriever/__init__.py +3 -0
  62. sagemaker/core/image_retriever/image_retriever.py +640 -0
  63. sagemaker/core/image_retriever/image_retriever_utils.py +509 -0
  64. sagemaker/core/image_retriever/test.py +7 -0
  65. sagemaker/core/image_uri_config/autogluon.json +1335 -0
  66. sagemaker/core/image_uri_config/blazingtext.json +50 -0
  67. sagemaker/core/image_uri_config/chainer.json +104 -0
  68. sagemaker/core/image_uri_config/clarify.json +39 -0
  69. sagemaker/core/image_uri_config/coach-mxnet.json +70 -0
  70. sagemaker/core/image_uri_config/coach-tensorflow.json +186 -0
  71. sagemaker/core/image_uri_config/data-wrangler.json +91 -0
  72. sagemaker/core/image_uri_config/debugger.json +34 -0
  73. sagemaker/core/image_uri_config/detailed-profiler.json +18 -0
  74. sagemaker/core/image_uri_config/djl-deepspeed.json +385 -0
  75. sagemaker/core/image_uri_config/djl-fastertransformer.json +167 -0
  76. sagemaker/core/image_uri_config/djl-lmi.json +136 -0
  77. sagemaker/core/image_uri_config/djl-neuronx.json +258 -0
  78. sagemaker/core/image_uri_config/djl-tensorrtllm.json +262 -0
  79. sagemaker/core/image_uri_config/factorization-machines.json +50 -0
  80. sagemaker/core/image_uri_config/forecasting-deepar.json +50 -0
  81. sagemaker/core/image_uri_config/huggingface-llm-neuronx.json +770 -0
  82. sagemaker/core/image_uri_config/huggingface-llm.json +1267 -0
  83. sagemaker/core/image_uri_config/huggingface-neuron.json +52 -0
  84. sagemaker/core/image_uri_config/huggingface-neuronx.json +686 -0
  85. sagemaker/core/image_uri_config/huggingface-tei-cpu.json +298 -0
  86. sagemaker/core/image_uri_config/huggingface-tei.json +298 -0
  87. sagemaker/core/image_uri_config/huggingface-training-compiler.json +195 -0
  88. sagemaker/core/image_uri_config/huggingface-vllm-neuronx.json +38 -0
  89. sagemaker/core/image_uri_config/huggingface.json +2287 -0
  90. sagemaker/core/image_uri_config/hyperpod-recipes-neuron.json +52 -0
  91. sagemaker/core/image_uri_config/image-classification-neo.json +43 -0
  92. sagemaker/core/image_uri_config/image-classification.json +50 -0
  93. sagemaker/core/image_uri_config/inferentia-mxnet.json +88 -0
  94. sagemaker/core/image_uri_config/inferentia-pytorch.json +127 -0
  95. sagemaker/core/image_uri_config/inferentia-tensorflow.json +88 -0
  96. sagemaker/core/image_uri_config/instance_gpu_info.json +782 -0
  97. sagemaker/core/image_uri_config/ipinsights.json +50 -0
  98. sagemaker/core/image_uri_config/kmeans.json +50 -0
  99. sagemaker/core/image_uri_config/knn.json +50 -0
  100. sagemaker/core/image_uri_config/lda.json +26 -0
  101. sagemaker/core/image_uri_config/linear-learner.json +50 -0
  102. sagemaker/core/image_uri_config/model-monitor.json +42 -0
  103. sagemaker/core/image_uri_config/mxnet.json +1154 -0
  104. sagemaker/core/image_uri_config/neo-mxnet.json +64 -0
  105. sagemaker/core/image_uri_config/neo-pytorch.json +341 -0
  106. sagemaker/core/image_uri_config/neo-tensorflow.json +109 -0
  107. sagemaker/core/image_uri_config/ntm.json +50 -0
  108. sagemaker/core/image_uri_config/object-detection.json +50 -0
  109. sagemaker/core/image_uri_config/object2vec.json +50 -0
  110. sagemaker/core/image_uri_config/pca.json +50 -0
  111. sagemaker/core/image_uri_config/pytorch-neuron.json +43 -0
  112. sagemaker/core/image_uri_config/pytorch-smp.json +218 -0
  113. sagemaker/core/image_uri_config/pytorch-training-compiler.json +80 -0
  114. sagemaker/core/image_uri_config/pytorch.json +3101 -0
  115. sagemaker/core/image_uri_config/randomcutforest.json +50 -0
  116. sagemaker/core/image_uri_config/ray-pytorch.json +46 -0
  117. sagemaker/core/image_uri_config/ray-tensorflow.json +194 -0
  118. sagemaker/core/image_uri_config/sagemaker-base-python.json +46 -0
  119. sagemaker/core/image_uri_config/sagemaker-distribution.json +37 -0
  120. sagemaker/core/image_uri_config/sagemaker-geospatial.json +13 -0
  121. sagemaker/core/image_uri_config/sagemaker-tritonserver.json +252 -0
  122. sagemaker/core/image_uri_config/semantic-segmentation.json +50 -0
  123. sagemaker/core/image_uri_config/seq2seq.json +50 -0
  124. sagemaker/core/image_uri_config/sklearn.json +494 -0
  125. sagemaker/core/image_uri_config/spark.json +280 -0
  126. sagemaker/core/image_uri_config/sparkml-serving.json +97 -0
  127. sagemaker/core/image_uri_config/stabilityai.json +53 -0
  128. sagemaker/core/image_uri_config/tensorflow.json +5086 -0
  129. sagemaker/core/image_uri_config/vw.json +25 -0
  130. sagemaker/core/image_uri_config/xgboost-neo.json +43 -0
  131. sagemaker/core/image_uri_config/xgboost.json +972 -0
  132. sagemaker/core/image_uris.py +816 -0
  133. sagemaker/core/inference_config.py +144 -0
  134. sagemaker/core/inference_recommender/__init__.py +18 -0
  135. sagemaker/core/inference_recommender/inference_recommender_mixin.py +622 -0
  136. sagemaker/core/inputs.py +366 -0
  137. sagemaker/core/instance_group.py +61 -0
  138. sagemaker/core/instance_types.py +164 -0
  139. sagemaker/core/instance_types_gpu_info.py +43 -0
  140. sagemaker/core/interactive_apps/__init__.py +41 -0
  141. sagemaker/core/interactive_apps/base_interactive_app.py +204 -0
  142. sagemaker/core/interactive_apps/detail_profiler_app.py +139 -0
  143. sagemaker/core/interactive_apps/tensorboard.py +149 -0
  144. sagemaker/core/iterators.py +197 -0
  145. sagemaker/core/job.py +380 -0
  146. sagemaker/core/jumpstart/__init__.py +156 -0
  147. sagemaker/core/jumpstart/accessors.py +390 -0
  148. sagemaker/core/jumpstart/artifacts/__init__.py +69 -0
  149. sagemaker/core/jumpstart/artifacts/environment_variables.py +252 -0
  150. sagemaker/core/jumpstart/artifacts/hyperparameters.py +120 -0
  151. sagemaker/core/jumpstart/artifacts/image_uris.py +139 -0
  152. sagemaker/core/jumpstart/artifacts/incremental_training.py +87 -0
  153. sagemaker/core/jumpstart/artifacts/instance_types.py +223 -0
  154. sagemaker/core/jumpstart/artifacts/kwargs.py +289 -0
  155. sagemaker/core/jumpstart/artifacts/metric_definitions.py +117 -0
  156. sagemaker/core/jumpstart/artifacts/model_packages.py +202 -0
  157. sagemaker/core/jumpstart/artifacts/model_uris.py +252 -0
  158. sagemaker/core/jumpstart/artifacts/payloads.py +96 -0
  159. sagemaker/core/jumpstart/artifacts/predictors.py +540 -0
  160. sagemaker/core/jumpstart/artifacts/resource_names.py +86 -0
  161. sagemaker/core/jumpstart/artifacts/resource_requirements.py +162 -0
  162. sagemaker/core/jumpstart/artifacts/script_uris.py +172 -0
  163. sagemaker/core/jumpstart/cache.py +663 -0
  164. sagemaker/core/jumpstart/configs.py +50 -0
  165. sagemaker/core/jumpstart/constants.py +198 -0
  166. sagemaker/core/jumpstart/deserializers.py +81 -0
  167. sagemaker/core/jumpstart/document.py +76 -0
  168. sagemaker/core/jumpstart/enums.py +168 -0
  169. sagemaker/core/jumpstart/exceptions.py +236 -0
  170. sagemaker/core/jumpstart/factory/utils.py +833 -0
  171. sagemaker/core/jumpstart/filters.py +597 -0
  172. sagemaker/core/jumpstart/hub/constants.py +16 -0
  173. sagemaker/core/jumpstart/hub/hub.py +291 -0
  174. sagemaker/core/jumpstart/hub/interfaces.py +936 -0
  175. sagemaker/core/jumpstart/hub/parser_utils.py +70 -0
  176. sagemaker/core/jumpstart/hub/parsers.py +288 -0
  177. sagemaker/core/jumpstart/hub/types.py +35 -0
  178. sagemaker/core/jumpstart/hub/utils.py +260 -0
  179. sagemaker/core/jumpstart/models.py +501 -0
  180. sagemaker/core/jumpstart/notebook_utils.py +575 -0
  181. sagemaker/core/jumpstart/parameters.py +20 -0
  182. sagemaker/core/jumpstart/payload_utils.py +239 -0
  183. sagemaker/core/jumpstart/region_config.json +171 -0
  184. sagemaker/core/jumpstart/search.py +171 -0
  185. sagemaker/core/jumpstart/serializers.py +81 -0
  186. sagemaker/core/jumpstart/session_utils.py +234 -0
  187. sagemaker/core/jumpstart/types.py +3044 -0
  188. sagemaker/core/jumpstart/utils.py +1731 -0
  189. sagemaker/core/jumpstart/validators.py +257 -0
  190. sagemaker/core/lambda_helper.py +312 -0
  191. sagemaker/core/lineage/__init__.py +42 -0
  192. sagemaker/core/lineage/_api_types.py +239 -0
  193. sagemaker/core/lineage/_utils.py +49 -0
  194. sagemaker/core/lineage/action.py +345 -0
  195. sagemaker/core/lineage/artifact.py +646 -0
  196. sagemaker/core/lineage/association.py +190 -0
  197. sagemaker/core/lineage/context.py +505 -0
  198. sagemaker/core/lineage/lineage_trial_component.py +191 -0
  199. sagemaker/core/lineage/query.py +732 -0
  200. sagemaker/core/lineage/visualizer.py +346 -0
  201. sagemaker/core/local/__init__.py +18 -0
  202. sagemaker/core/local/data.py +423 -0
  203. sagemaker/core/local/entities.py +678 -0
  204. sagemaker/core/local/exceptions.py +17 -0
  205. sagemaker/core/local/image.py +1243 -0
  206. sagemaker/core/local/local_session.py +739 -0
  207. sagemaker/core/local/utils.py +246 -0
  208. sagemaker/core/logs.py +181 -0
  209. sagemaker/core/metadata_properties.py +56 -0
  210. sagemaker/core/metric_definitions.py +91 -0
  211. sagemaker/core/mlflow/__init__.py +38 -0
  212. sagemaker/core/mlflow/forward_sagemaker_metrics.py +44 -0
  213. sagemaker/core/model_card/__init__.py +26 -0
  214. sagemaker/core/model_life_cycle.py +51 -0
  215. sagemaker/core/model_metrics.py +160 -0
  216. sagemaker/core/model_monitor/__init__.py +66 -0
  217. sagemaker/core/model_monitor/clarify_model_monitoring.py +1497 -0
  218. sagemaker/core/model_monitor/cron_expression_generator.py +82 -0
  219. sagemaker/core/model_monitor/data_capture_config.py +115 -0
  220. sagemaker/core/model_monitor/data_quality_monitoring_config.py +66 -0
  221. sagemaker/core/model_monitor/dataset_format.py +102 -0
  222. sagemaker/core/model_monitor/model_monitoring.py +4266 -0
  223. sagemaker/core/model_monitor/monitoring_alert.py +76 -0
  224. sagemaker/core/model_monitor/monitoring_files.py +506 -0
  225. sagemaker/core/model_monitor/utils.py +793 -0
  226. sagemaker/core/model_registry.py +480 -0
  227. sagemaker/core/model_uris.py +97 -0
  228. sagemaker/core/modules/__init__.py +19 -0
  229. sagemaker/core/modules/configs.py +239 -0
  230. sagemaker/core/modules/constants.py +37 -0
  231. sagemaker/core/modules/distributed.py +182 -0
  232. sagemaker/core/modules/local_core/local_container.py +605 -0
  233. sagemaker/core/modules/templates.py +83 -0
  234. sagemaker/core/modules/train/__init__.py +14 -0
  235. sagemaker/core/modules/train/container_drivers/__init__.py +14 -0
  236. sagemaker/core/modules/train/container_drivers/common/__init__.py +14 -0
  237. sagemaker/core/modules/train/container_drivers/common/utils.py +205 -0
  238. sagemaker/core/modules/train/container_drivers/distributed_drivers/__init__.py +14 -0
  239. sagemaker/core/modules/train/container_drivers/distributed_drivers/basic_script_driver.py +81 -0
  240. sagemaker/core/modules/train/container_drivers/distributed_drivers/mpi_driver.py +123 -0
  241. sagemaker/core/modules/train/container_drivers/distributed_drivers/mpi_utils.py +302 -0
  242. sagemaker/core/modules/train/container_drivers/distributed_drivers/torchrun_driver.py +129 -0
  243. sagemaker/core/modules/train/container_drivers/scripts/__init__.py +14 -0
  244. sagemaker/core/modules/train/container_drivers/scripts/environment.py +305 -0
  245. sagemaker/core/modules/train/sm_recipes/__init__.py +0 -0
  246. sagemaker/core/modules/train/sm_recipes/utils.py +330 -0
  247. sagemaker/core/modules/types.py +19 -0
  248. sagemaker/core/modules/utils.py +194 -0
  249. sagemaker/core/network.py +185 -0
  250. sagemaker/core/parameter.py +173 -0
  251. sagemaker/core/payloads.py +185 -0
  252. sagemaker/core/processing.py +1599 -0
  253. sagemaker/core/remote_function/__init__.py +19 -0
  254. sagemaker/core/remote_function/checkpoint_location.py +47 -0
  255. sagemaker/core/remote_function/client.py +1310 -0
  256. sagemaker/core/remote_function/core/__init__.py +0 -0
  257. sagemaker/core/remote_function/core/_custom_dispatch_table.py +72 -0
  258. sagemaker/core/remote_function/core/pipeline_variables.py +347 -0
  259. sagemaker/core/remote_function/core/serialization.py +410 -0
  260. sagemaker/core/remote_function/core/stored_function.py +223 -0
  261. sagemaker/core/remote_function/custom_file_filter.py +128 -0
  262. sagemaker/core/remote_function/errors.py +102 -0
  263. sagemaker/core/remote_function/invoke_function.py +167 -0
  264. sagemaker/core/remote_function/job.py +2121 -0
  265. sagemaker/core/remote_function/logging_config.py +38 -0
  266. sagemaker/core/remote_function/runtime_environment/__init__.py +14 -0
  267. sagemaker/core/remote_function/runtime_environment/bootstrap_runtime_environment.py +605 -0
  268. sagemaker/core/remote_function/runtime_environment/mpi_utils_remote.py +252 -0
  269. sagemaker/core/remote_function/runtime_environment/runtime_environment_manager.py +554 -0
  270. sagemaker/core/remote_function/runtime_environment/spark_app.py +18 -0
  271. sagemaker/core/remote_function/spark_config.py +149 -0
  272. sagemaker/core/resource_requirements.py +168 -0
  273. {sagemaker_core/main → sagemaker/core}/resources.py +19098 -10895
  274. sagemaker/core/s3/__init__.py +41 -0
  275. sagemaker/core/s3/client.py +367 -0
  276. sagemaker/core/s3/utils.py +175 -0
  277. sagemaker/core/script_uris.py +93 -0
  278. sagemaker/core/serializers/__init__.py +11 -0
  279. sagemaker/core/serializers/base.py +510 -0
  280. sagemaker/core/serializers/implementations.py +159 -0
  281. sagemaker/core/serializers/utils.py +223 -0
  282. sagemaker/core/serverless_inference_config.py +63 -0
  283. sagemaker/core/session_settings.py +55 -0
  284. sagemaker/core/shapes/__init__.py +3 -0
  285. sagemaker/core/shapes/model_card_shapes.py +159 -0
  286. {sagemaker_core/main → sagemaker/core/shapes}/shapes.py +5810 -1806
  287. sagemaker/core/spark/__init__.py +16 -0
  288. sagemaker/core/spark/defaults.py +16 -0
  289. sagemaker/core/spark/processing.py +1380 -0
  290. sagemaker/core/telemetry/__init__.py +23 -0
  291. sagemaker/core/telemetry/constants.py +82 -0
  292. sagemaker/core/telemetry/telemetry_logging.py +285 -0
  293. sagemaker/core/tools/__init__.py +1 -0
  294. {sagemaker_core → sagemaker/core}/tools/codegen.py +4 -4
  295. {sagemaker_core → sagemaker/core}/tools/constants.py +23 -15
  296. {sagemaker_core → sagemaker/core}/tools/data_extractor.py +1 -1
  297. {sagemaker_core → sagemaker/core}/tools/method.py +1 -1
  298. sagemaker/core/tools/model_card/generate_model_card_from_schema.py +562 -0
  299. {sagemaker_core → sagemaker/core}/tools/resources_codegen.py +165 -98
  300. {sagemaker_core → sagemaker/core}/tools/resources_extractor.py +5 -13
  301. {sagemaker_core → sagemaker/core}/tools/shapes_codegen.py +16 -17
  302. {sagemaker_core → sagemaker/core}/tools/shapes_extractor.py +29 -67
  303. {sagemaker_core → sagemaker/core}/tools/templates.py +39 -17
  304. sagemaker/core/training/__init__.py +14 -0
  305. sagemaker/core/training/configs.py +345 -0
  306. sagemaker/core/training/constants.py +37 -0
  307. sagemaker/core/training/utils.py +77 -0
  308. sagemaker/core/training_compiler/__init__.py +16 -0
  309. sagemaker/core/training_compiler/config.py +197 -0
  310. sagemaker/core/training_compiler_config.py +197 -0
  311. sagemaker/core/transformer.py +793 -0
  312. sagemaker/core/user_agent.py +76 -0
  313. sagemaker/core/utilities/__init__.py +24 -0
  314. sagemaker/core/utilities/cache.py +169 -0
  315. sagemaker/core/utilities/search_expression.py +133 -0
  316. sagemaker/core/utils/__init__.py +48 -0
  317. sagemaker/core/utils/code_injection/__init__.py +0 -0
  318. {sagemaker_core/main → sagemaker/core/utils}/code_injection/codec.py +2 -2
  319. {sagemaker_core/main → sagemaker/core/utils}/code_injection/shape_dag.py +5979 -176
  320. {sagemaker_core/main → sagemaker/core/utils}/exceptions.py +8 -8
  321. sagemaker_core/main/default_configs_helper.py → sagemaker/core/utils/intelligent_defaults_helper.py +5 -6
  322. {sagemaker_core/main → sagemaker/core/utils}/logs.py +1 -2
  323. {sagemaker_core/main → sagemaker/core/utils}/utils.py +27 -22
  324. sagemaker/core/workflow/__init__.py +152 -0
  325. sagemaker/core/workflow/conditions.py +313 -0
  326. sagemaker/core/workflow/entities.py +58 -0
  327. sagemaker/core/workflow/execution_variables.py +89 -0
  328. sagemaker/core/workflow/functions.py +193 -0
  329. sagemaker/core/workflow/parameters.py +222 -0
  330. sagemaker/core/workflow/pipeline_context.py +394 -0
  331. sagemaker/core/workflow/pipeline_definition_config.py +31 -0
  332. sagemaker/core/workflow/properties.py +285 -0
  333. sagemaker/core/workflow/step_outputs.py +65 -0
  334. sagemaker/core/workflow/utilities.py +514 -0
  335. sagemaker/lineage/__init__.py +33 -0
  336. sagemaker/lineage/action.py +28 -0
  337. sagemaker/lineage/artifact.py +28 -0
  338. sagemaker/lineage/context.py +28 -0
  339. sagemaker/lineage/lineage_trial_component.py +28 -0
  340. {sagemaker_core-1.0.62.dist-info → sagemaker_core-2.3.1.dist-info}/METADATA +28 -9
  341. sagemaker_core-2.3.1.dist-info/RECORD +351 -0
  342. sagemaker_core-2.3.1.dist-info/top_level.txt +1 -0
  343. sagemaker_core/_version.py +0 -3
  344. sagemaker_core/helper/session_helper.py +0 -769
  345. sagemaker_core/resources/__init__.py +0 -1
  346. sagemaker_core/shapes/__init__.py +0 -1
  347. sagemaker_core/tools/__init__.py +0 -1
  348. sagemaker_core-1.0.62.dist-info/RECORD +0 -35
  349. sagemaker_core-1.0.62.dist-info/top_level.txt +0 -1
  350. {sagemaker_core → sagemaker/core/helper}/__init__.py +0 -0
  351. {sagemaker_core/helper → sagemaker/core/jumpstart/factory}/__init__.py +0 -0
  352. {sagemaker_core/main → sagemaker/core/jumpstart/hub}/__init__.py +0 -0
  353. {sagemaker_core/main/code_injection → sagemaker/core/modules/local_core}/__init__.py +0 -0
  354. {sagemaker_core/main → sagemaker/core/utils}/code_injection/base.py +0 -0
  355. {sagemaker_core/main → sagemaker/core/utils}/code_injection/constants.py +0 -0
  356. {sagemaker_core/main → sagemaker/core/utils}/user_agent.py +0 -0
  357. {sagemaker_core-1.0.62.dist-info → sagemaker_core-2.3.1.dist-info}/WHEEL +0 -0
  358. {sagemaker_core-1.0.62.dist-info → sagemaker_core-2.3.1.dist-info}/licenses/LICENSE +0 -0
@@ -0,0 +1,1267 @@
1
+ {
2
+ "inference": {
3
+ "processors": [
4
+ "gpu"
5
+ ],
6
+ "version_aliases": {
7
+ "0.6": "0.6.0",
8
+ "0.8": "0.8.2",
9
+ "0.9": "0.9.3",
10
+ "1.0": "1.0.3",
11
+ "1.1": "1.1.0",
12
+ "1.2": "1.2.0",
13
+ "1.3": "1.3.3",
14
+ "1.4": "1.4.5",
15
+ "2.0": "2.4.0",
16
+ "2.3": "2.3.1",
17
+ "3.0": "3.0.1",
18
+ "3.2": "3.2.3",
19
+ "3.1": "3.1.1",
20
+ "3.3": "3.3.6"
21
+ },
22
+ "versions": {
23
+ "0.6.0": {
24
+ "py_versions": [
25
+ "py39"
26
+ ],
27
+ "registries": {
28
+ "af-south-1": "626614931356",
29
+ "ap-east-1": "871362719292",
30
+ "ap-east-2": "975050140332",
31
+ "ap-northeast-1": "763104351884",
32
+ "ap-northeast-2": "763104351884",
33
+ "ap-northeast-3": "364406365360",
34
+ "ap-south-1": "763104351884",
35
+ "ap-south-2": "772153158452",
36
+ "ap-southeast-1": "763104351884",
37
+ "ap-southeast-2": "763104351884",
38
+ "ap-southeast-3": "907027046896",
39
+ "ap-southeast-4": "457447274322",
40
+ "ap-southeast-5": "550225433462",
41
+ "ap-southeast-6": "633930458069",
42
+ "ap-southeast-7": "590183813437",
43
+ "ca-central-1": "763104351884",
44
+ "ca-west-1": "204538143572",
45
+ "cn-north-1": "727897471807",
46
+ "cn-northwest-1": "727897471807",
47
+ "eu-central-1": "763104351884",
48
+ "eu-central-2": "380420809688",
49
+ "eu-north-1": "763104351884",
50
+ "eu-south-1": "692866216735",
51
+ "eu-south-2": "503227376785",
52
+ "eu-west-1": "763104351884",
53
+ "eu-west-2": "763104351884",
54
+ "eu-west-3": "763104351884",
55
+ "il-central-1": "780543022126",
56
+ "me-central-1": "914824155844",
57
+ "me-south-1": "217643126080",
58
+ "mx-central-1": "637423239942",
59
+ "sa-east-1": "763104351884",
60
+ "us-east-1": "763104351884",
61
+ "us-east-2": "763104351884",
62
+ "us-gov-east-1": "446045086412",
63
+ "us-gov-west-1": "442386744353",
64
+ "us-iso-east-1": "886529160074",
65
+ "us-isob-east-1": "094389454867",
66
+ "us-isof-east-1": "303241398832",
67
+ "us-isof-south-1": "454834333376",
68
+ "us-west-1": "763104351884",
69
+ "us-west-2": "763104351884"
70
+ },
71
+ "tag_prefix": "2.0.0-tgi0.6.0",
72
+ "repository": "huggingface-pytorch-tgi-inference",
73
+ "container_version": {
74
+ "gpu": "cu118-ubuntu20.04"
75
+ }
76
+ },
77
+ "0.8.2": {
78
+ "py_versions": [
79
+ "py39"
80
+ ],
81
+ "registries": {
82
+ "af-south-1": "626614931356",
83
+ "ap-east-1": "871362719292",
84
+ "ap-east-2": "975050140332",
85
+ "ap-northeast-1": "763104351884",
86
+ "ap-northeast-2": "763104351884",
87
+ "ap-northeast-3": "364406365360",
88
+ "ap-south-1": "763104351884",
89
+ "ap-south-2": "772153158452",
90
+ "ap-southeast-1": "763104351884",
91
+ "ap-southeast-2": "763104351884",
92
+ "ap-southeast-3": "907027046896",
93
+ "ap-southeast-4": "457447274322",
94
+ "ap-southeast-5": "550225433462",
95
+ "ap-southeast-6": "633930458069",
96
+ "ap-southeast-7": "590183813437",
97
+ "ca-central-1": "763104351884",
98
+ "ca-west-1": "204538143572",
99
+ "cn-north-1": "727897471807",
100
+ "cn-northwest-1": "727897471807",
101
+ "eu-central-1": "763104351884",
102
+ "eu-central-2": "380420809688",
103
+ "eu-north-1": "763104351884",
104
+ "eu-south-1": "692866216735",
105
+ "eu-south-2": "503227376785",
106
+ "eu-west-1": "763104351884",
107
+ "eu-west-2": "763104351884",
108
+ "eu-west-3": "763104351884",
109
+ "il-central-1": "780543022126",
110
+ "me-central-1": "914824155844",
111
+ "me-south-1": "217643126080",
112
+ "mx-central-1": "637423239942",
113
+ "sa-east-1": "763104351884",
114
+ "us-east-1": "763104351884",
115
+ "us-east-2": "763104351884",
116
+ "us-gov-east-1": "446045086412",
117
+ "us-gov-west-1": "442386744353",
118
+ "us-iso-east-1": "886529160074",
119
+ "us-isob-east-1": "094389454867",
120
+ "us-isof-east-1": "303241398832",
121
+ "us-isof-south-1": "454834333376",
122
+ "us-west-1": "763104351884",
123
+ "us-west-2": "763104351884"
124
+ },
125
+ "tag_prefix": "2.0.0-tgi0.8.2",
126
+ "repository": "huggingface-pytorch-tgi-inference",
127
+ "container_version": {
128
+ "gpu": "cu118-ubuntu20.04"
129
+ }
130
+ },
131
+ "0.9.3": {
132
+ "py_versions": [
133
+ "py39"
134
+ ],
135
+ "registries": {
136
+ "af-south-1": "626614931356",
137
+ "ap-east-1": "871362719292",
138
+ "ap-east-2": "975050140332",
139
+ "ap-northeast-1": "763104351884",
140
+ "ap-northeast-2": "763104351884",
141
+ "ap-northeast-3": "364406365360",
142
+ "ap-south-1": "763104351884",
143
+ "ap-south-2": "772153158452",
144
+ "ap-southeast-1": "763104351884",
145
+ "ap-southeast-2": "763104351884",
146
+ "ap-southeast-3": "907027046896",
147
+ "ap-southeast-4": "457447274322",
148
+ "ap-southeast-5": "550225433462",
149
+ "ap-southeast-6": "633930458069",
150
+ "ap-southeast-7": "590183813437",
151
+ "ca-central-1": "763104351884",
152
+ "ca-west-1": "204538143572",
153
+ "cn-north-1": "727897471807",
154
+ "cn-northwest-1": "727897471807",
155
+ "eu-central-1": "763104351884",
156
+ "eu-central-2": "380420809688",
157
+ "eu-north-1": "763104351884",
158
+ "eu-south-1": "692866216735",
159
+ "eu-south-2": "503227376785",
160
+ "eu-west-1": "763104351884",
161
+ "eu-west-2": "763104351884",
162
+ "eu-west-3": "763104351884",
163
+ "il-central-1": "780543022126",
164
+ "me-central-1": "914824155844",
165
+ "me-south-1": "217643126080",
166
+ "mx-central-1": "637423239942",
167
+ "sa-east-1": "763104351884",
168
+ "us-east-1": "763104351884",
169
+ "us-east-2": "763104351884",
170
+ "us-gov-east-1": "446045086412",
171
+ "us-gov-west-1": "442386744353",
172
+ "us-iso-east-1": "886529160074",
173
+ "us-isob-east-1": "094389454867",
174
+ "us-isof-east-1": "303241398832",
175
+ "us-isof-south-1": "454834333376",
176
+ "us-west-1": "763104351884",
177
+ "us-west-2": "763104351884"
178
+ },
179
+ "tag_prefix": "2.0.1-tgi0.9.3",
180
+ "repository": "huggingface-pytorch-tgi-inference",
181
+ "container_version": {
182
+ "gpu": "cu118-ubuntu20.04"
183
+ }
184
+ },
185
+ "1.0.3": {
186
+ "py_versions": [
187
+ "py39"
188
+ ],
189
+ "registries": {
190
+ "af-south-1": "626614931356",
191
+ "ap-east-1": "871362719292",
192
+ "ap-east-2": "975050140332",
193
+ "ap-northeast-1": "763104351884",
194
+ "ap-northeast-2": "763104351884",
195
+ "ap-northeast-3": "364406365360",
196
+ "ap-south-1": "763104351884",
197
+ "ap-south-2": "772153158452",
198
+ "ap-southeast-1": "763104351884",
199
+ "ap-southeast-2": "763104351884",
200
+ "ap-southeast-3": "907027046896",
201
+ "ap-southeast-4": "457447274322",
202
+ "ap-southeast-5": "550225433462",
203
+ "ap-southeast-6": "633930458069",
204
+ "ap-southeast-7": "590183813437",
205
+ "ca-central-1": "763104351884",
206
+ "ca-west-1": "204538143572",
207
+ "cn-north-1": "727897471807",
208
+ "cn-northwest-1": "727897471807",
209
+ "eu-central-1": "763104351884",
210
+ "eu-central-2": "380420809688",
211
+ "eu-north-1": "763104351884",
212
+ "eu-south-1": "692866216735",
213
+ "eu-south-2": "503227376785",
214
+ "eu-west-1": "763104351884",
215
+ "eu-west-2": "763104351884",
216
+ "eu-west-3": "763104351884",
217
+ "il-central-1": "780543022126",
218
+ "me-central-1": "914824155844",
219
+ "me-south-1": "217643126080",
220
+ "mx-central-1": "637423239942",
221
+ "sa-east-1": "763104351884",
222
+ "us-east-1": "763104351884",
223
+ "us-east-2": "763104351884",
224
+ "us-gov-east-1": "446045086412",
225
+ "us-gov-west-1": "442386744353",
226
+ "us-iso-east-1": "886529160074",
227
+ "us-isob-east-1": "094389454867",
228
+ "us-isof-east-1": "303241398832",
229
+ "us-isof-south-1": "454834333376",
230
+ "us-west-1": "763104351884",
231
+ "us-west-2": "763104351884"
232
+ },
233
+ "tag_prefix": "2.0.1-tgi1.0.3",
234
+ "repository": "huggingface-pytorch-tgi-inference",
235
+ "container_version": {
236
+ "gpu": "cu118-ubuntu20.04"
237
+ }
238
+ },
239
+ "1.1.0": {
240
+ "py_versions": [
241
+ "py39"
242
+ ],
243
+ "registries": {
244
+ "af-south-1": "626614931356",
245
+ "ap-east-1": "871362719292",
246
+ "ap-east-2": "975050140332",
247
+ "ap-northeast-1": "763104351884",
248
+ "ap-northeast-2": "763104351884",
249
+ "ap-northeast-3": "364406365360",
250
+ "ap-south-1": "763104351884",
251
+ "ap-south-2": "772153158452",
252
+ "ap-southeast-1": "763104351884",
253
+ "ap-southeast-2": "763104351884",
254
+ "ap-southeast-3": "907027046896",
255
+ "ap-southeast-4": "457447274322",
256
+ "ap-southeast-5": "550225433462",
257
+ "ap-southeast-6": "633930458069",
258
+ "ap-southeast-7": "590183813437",
259
+ "ca-central-1": "763104351884",
260
+ "ca-west-1": "204538143572",
261
+ "cn-north-1": "727897471807",
262
+ "cn-northwest-1": "727897471807",
263
+ "eu-central-1": "763104351884",
264
+ "eu-central-2": "380420809688",
265
+ "eu-north-1": "763104351884",
266
+ "eu-south-1": "692866216735",
267
+ "eu-south-2": "503227376785",
268
+ "eu-west-1": "763104351884",
269
+ "eu-west-2": "763104351884",
270
+ "eu-west-3": "763104351884",
271
+ "il-central-1": "780543022126",
272
+ "me-central-1": "914824155844",
273
+ "me-south-1": "217643126080",
274
+ "mx-central-1": "637423239942",
275
+ "sa-east-1": "763104351884",
276
+ "us-east-1": "763104351884",
277
+ "us-east-2": "763104351884",
278
+ "us-gov-east-1": "446045086412",
279
+ "us-gov-west-1": "442386744353",
280
+ "us-iso-east-1": "886529160074",
281
+ "us-isob-east-1": "094389454867",
282
+ "us-isof-east-1": "303241398832",
283
+ "us-isof-south-1": "454834333376",
284
+ "us-west-1": "763104351884",
285
+ "us-west-2": "763104351884"
286
+ },
287
+ "tag_prefix": "2.0.1-tgi1.1.0",
288
+ "repository": "huggingface-pytorch-tgi-inference",
289
+ "container_version": {
290
+ "gpu": "cu118-ubuntu20.04"
291
+ }
292
+ },
293
+ "1.2.0": {
294
+ "py_versions": [
295
+ "py310"
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-isof-east-1": "303241398832",
337
+ "us-isof-south-1": "454834333376",
338
+ "us-west-1": "763104351884",
339
+ "us-west-2": "763104351884"
340
+ },
341
+ "tag_prefix": "2.1.1-tgi1.2.0",
342
+ "repository": "huggingface-pytorch-tgi-inference",
343
+ "container_version": {
344
+ "gpu": "cu121-ubuntu20.04"
345
+ }
346
+ },
347
+ "1.3.1": {
348
+ "py_versions": [
349
+ "py310"
350
+ ],
351
+ "registries": {
352
+ "af-south-1": "626614931356",
353
+ "ap-east-1": "871362719292",
354
+ "ap-east-2": "975050140332",
355
+ "ap-northeast-1": "763104351884",
356
+ "ap-northeast-2": "763104351884",
357
+ "ap-northeast-3": "364406365360",
358
+ "ap-south-1": "763104351884",
359
+ "ap-south-2": "772153158452",
360
+ "ap-southeast-1": "763104351884",
361
+ "ap-southeast-2": "763104351884",
362
+ "ap-southeast-3": "907027046896",
363
+ "ap-southeast-4": "457447274322",
364
+ "ap-southeast-5": "550225433462",
365
+ "ap-southeast-6": "633930458069",
366
+ "ap-southeast-7": "590183813437",
367
+ "ca-central-1": "763104351884",
368
+ "ca-west-1": "204538143572",
369
+ "cn-north-1": "727897471807",
370
+ "cn-northwest-1": "727897471807",
371
+ "eu-central-1": "763104351884",
372
+ "eu-central-2": "380420809688",
373
+ "eu-north-1": "763104351884",
374
+ "eu-south-1": "692866216735",
375
+ "eu-south-2": "503227376785",
376
+ "eu-west-1": "763104351884",
377
+ "eu-west-2": "763104351884",
378
+ "eu-west-3": "763104351884",
379
+ "il-central-1": "780543022126",
380
+ "me-central-1": "914824155844",
381
+ "me-south-1": "217643126080",
382
+ "mx-central-1": "637423239942",
383
+ "sa-east-1": "763104351884",
384
+ "us-east-1": "763104351884",
385
+ "us-east-2": "763104351884",
386
+ "us-gov-east-1": "446045086412",
387
+ "us-gov-west-1": "442386744353",
388
+ "us-iso-east-1": "886529160074",
389
+ "us-isob-east-1": "094389454867",
390
+ "us-isof-east-1": "303241398832",
391
+ "us-isof-south-1": "454834333376",
392
+ "us-west-1": "763104351884",
393
+ "us-west-2": "763104351884"
394
+ },
395
+ "tag_prefix": "2.1.1-tgi1.3.1",
396
+ "repository": "huggingface-pytorch-tgi-inference",
397
+ "container_version": {
398
+ "gpu": "cu121-ubuntu20.04"
399
+ }
400
+ },
401
+ "1.3.3": {
402
+ "py_versions": [
403
+ "py310"
404
+ ],
405
+ "registries": {
406
+ "af-south-1": "626614931356",
407
+ "ap-east-1": "871362719292",
408
+ "ap-east-2": "975050140332",
409
+ "ap-northeast-1": "763104351884",
410
+ "ap-northeast-2": "763104351884",
411
+ "ap-northeast-3": "364406365360",
412
+ "ap-south-1": "763104351884",
413
+ "ap-south-2": "772153158452",
414
+ "ap-southeast-1": "763104351884",
415
+ "ap-southeast-2": "763104351884",
416
+ "ap-southeast-3": "907027046896",
417
+ "ap-southeast-4": "457447274322",
418
+ "ap-southeast-5": "550225433462",
419
+ "ap-southeast-6": "633930458069",
420
+ "ap-southeast-7": "590183813437",
421
+ "ca-central-1": "763104351884",
422
+ "ca-west-1": "204538143572",
423
+ "cn-north-1": "727897471807",
424
+ "cn-northwest-1": "727897471807",
425
+ "eu-central-1": "763104351884",
426
+ "eu-central-2": "380420809688",
427
+ "eu-north-1": "763104351884",
428
+ "eu-south-1": "692866216735",
429
+ "eu-south-2": "503227376785",
430
+ "eu-west-1": "763104351884",
431
+ "eu-west-2": "763104351884",
432
+ "eu-west-3": "763104351884",
433
+ "il-central-1": "780543022126",
434
+ "me-central-1": "914824155844",
435
+ "me-south-1": "217643126080",
436
+ "mx-central-1": "637423239942",
437
+ "sa-east-1": "763104351884",
438
+ "us-east-1": "763104351884",
439
+ "us-east-2": "763104351884",
440
+ "us-gov-east-1": "446045086412",
441
+ "us-gov-west-1": "442386744353",
442
+ "us-iso-east-1": "886529160074",
443
+ "us-isob-east-1": "094389454867",
444
+ "us-isof-east-1": "303241398832",
445
+ "us-isof-south-1": "454834333376",
446
+ "us-west-1": "763104351884",
447
+ "us-west-2": "763104351884"
448
+ },
449
+ "tag_prefix": "2.1.1-tgi1.3.3",
450
+ "repository": "huggingface-pytorch-tgi-inference",
451
+ "container_version": {
452
+ "gpu": "cu121-ubuntu20.04"
453
+ }
454
+ },
455
+ "1.4.0": {
456
+ "py_versions": [
457
+ "py310"
458
+ ],
459
+ "registries": {
460
+ "af-south-1": "626614931356",
461
+ "ap-east-1": "871362719292",
462
+ "ap-east-2": "975050140332",
463
+ "ap-northeast-1": "763104351884",
464
+ "ap-northeast-2": "763104351884",
465
+ "ap-northeast-3": "364406365360",
466
+ "ap-south-1": "763104351884",
467
+ "ap-south-2": "772153158452",
468
+ "ap-southeast-1": "763104351884",
469
+ "ap-southeast-2": "763104351884",
470
+ "ap-southeast-3": "907027046896",
471
+ "ap-southeast-4": "457447274322",
472
+ "ap-southeast-5": "550225433462",
473
+ "ap-southeast-6": "633930458069",
474
+ "ap-southeast-7": "590183813437",
475
+ "ca-central-1": "763104351884",
476
+ "ca-west-1": "204538143572",
477
+ "cn-north-1": "727897471807",
478
+ "cn-northwest-1": "727897471807",
479
+ "eu-central-1": "763104351884",
480
+ "eu-central-2": "380420809688",
481
+ "eu-north-1": "763104351884",
482
+ "eu-south-1": "692866216735",
483
+ "eu-south-2": "503227376785",
484
+ "eu-west-1": "763104351884",
485
+ "eu-west-2": "763104351884",
486
+ "eu-west-3": "763104351884",
487
+ "il-central-1": "780543022126",
488
+ "me-central-1": "914824155844",
489
+ "me-south-1": "217643126080",
490
+ "mx-central-1": "637423239942",
491
+ "sa-east-1": "763104351884",
492
+ "us-east-1": "763104351884",
493
+ "us-east-2": "763104351884",
494
+ "us-gov-east-1": "446045086412",
495
+ "us-gov-west-1": "442386744353",
496
+ "us-iso-east-1": "886529160074",
497
+ "us-isob-east-1": "094389454867",
498
+ "us-isof-east-1": "303241398832",
499
+ "us-isof-south-1": "454834333376",
500
+ "us-west-1": "763104351884",
501
+ "us-west-2": "763104351884"
502
+ },
503
+ "tag_prefix": "2.1.1-tgi1.4.0",
504
+ "repository": "huggingface-pytorch-tgi-inference",
505
+ "container_version": {
506
+ "gpu": "cu121-ubuntu20.04"
507
+ }
508
+ },
509
+ "1.4.2": {
510
+ "py_versions": [
511
+ "py310"
512
+ ],
513
+ "registries": {
514
+ "af-south-1": "626614931356",
515
+ "ap-east-1": "871362719292",
516
+ "ap-east-2": "975050140332",
517
+ "ap-northeast-1": "763104351884",
518
+ "ap-northeast-2": "763104351884",
519
+ "ap-northeast-3": "364406365360",
520
+ "ap-south-1": "763104351884",
521
+ "ap-south-2": "772153158452",
522
+ "ap-southeast-1": "763104351884",
523
+ "ap-southeast-2": "763104351884",
524
+ "ap-southeast-3": "907027046896",
525
+ "ap-southeast-4": "457447274322",
526
+ "ap-southeast-5": "550225433462",
527
+ "ap-southeast-6": "633930458069",
528
+ "ap-southeast-7": "590183813437",
529
+ "ca-central-1": "763104351884",
530
+ "ca-west-1": "204538143572",
531
+ "cn-north-1": "727897471807",
532
+ "cn-northwest-1": "727897471807",
533
+ "eu-central-1": "763104351884",
534
+ "eu-central-2": "380420809688",
535
+ "eu-north-1": "763104351884",
536
+ "eu-south-1": "692866216735",
537
+ "eu-south-2": "503227376785",
538
+ "eu-west-1": "763104351884",
539
+ "eu-west-2": "763104351884",
540
+ "eu-west-3": "763104351884",
541
+ "il-central-1": "780543022126",
542
+ "me-central-1": "914824155844",
543
+ "me-south-1": "217643126080",
544
+ "mx-central-1": "637423239942",
545
+ "sa-east-1": "763104351884",
546
+ "us-east-1": "763104351884",
547
+ "us-east-2": "763104351884",
548
+ "us-gov-east-1": "446045086412",
549
+ "us-gov-west-1": "442386744353",
550
+ "us-iso-east-1": "886529160074",
551
+ "us-isob-east-1": "094389454867",
552
+ "us-isof-east-1": "303241398832",
553
+ "us-isof-south-1": "454834333376",
554
+ "us-west-1": "763104351884",
555
+ "us-west-2": "763104351884"
556
+ },
557
+ "tag_prefix": "2.1.1-tgi1.4.2",
558
+ "repository": "huggingface-pytorch-tgi-inference",
559
+ "container_version": {
560
+ "gpu": "cu121-ubuntu22.04"
561
+ }
562
+ },
563
+ "1.4.5": {
564
+ "py_versions": [
565
+ "py310"
566
+ ],
567
+ "registries": {
568
+ "af-south-1": "626614931356",
569
+ "ap-east-1": "871362719292",
570
+ "ap-east-2": "975050140332",
571
+ "ap-northeast-1": "763104351884",
572
+ "ap-northeast-2": "763104351884",
573
+ "ap-northeast-3": "364406365360",
574
+ "ap-south-1": "763104351884",
575
+ "ap-south-2": "772153158452",
576
+ "ap-southeast-1": "763104351884",
577
+ "ap-southeast-2": "763104351884",
578
+ "ap-southeast-3": "907027046896",
579
+ "ap-southeast-4": "457447274322",
580
+ "ap-southeast-5": "550225433462",
581
+ "ap-southeast-6": "633930458069",
582
+ "ap-southeast-7": "590183813437",
583
+ "ca-central-1": "763104351884",
584
+ "ca-west-1": "204538143572",
585
+ "cn-north-1": "727897471807",
586
+ "cn-northwest-1": "727897471807",
587
+ "eu-central-1": "763104351884",
588
+ "eu-central-2": "380420809688",
589
+ "eu-north-1": "763104351884",
590
+ "eu-south-1": "692866216735",
591
+ "eu-south-2": "503227376785",
592
+ "eu-west-1": "763104351884",
593
+ "eu-west-2": "763104351884",
594
+ "eu-west-3": "763104351884",
595
+ "il-central-1": "780543022126",
596
+ "me-central-1": "914824155844",
597
+ "me-south-1": "217643126080",
598
+ "mx-central-1": "637423239942",
599
+ "sa-east-1": "763104351884",
600
+ "us-east-1": "763104351884",
601
+ "us-east-2": "763104351884",
602
+ "us-gov-east-1": "446045086412",
603
+ "us-gov-west-1": "442386744353",
604
+ "us-iso-east-1": "886529160074",
605
+ "us-isob-east-1": "094389454867",
606
+ "us-isof-east-1": "303241398832",
607
+ "us-isof-south-1": "454834333376",
608
+ "us-west-1": "763104351884",
609
+ "us-west-2": "763104351884"
610
+ },
611
+ "tag_prefix": "2.1.1-tgi1.4.5",
612
+ "repository": "huggingface-pytorch-tgi-inference",
613
+ "container_version": {
614
+ "gpu": "cu121-ubuntu22.04"
615
+ }
616
+ },
617
+ "2.0.0": {
618
+ "py_versions": [
619
+ "py310"
620
+ ],
621
+ "registries": {
622
+ "af-south-1": "626614931356",
623
+ "ap-east-1": "871362719292",
624
+ "ap-east-2": "975050140332",
625
+ "ap-northeast-1": "763104351884",
626
+ "ap-northeast-2": "763104351884",
627
+ "ap-northeast-3": "364406365360",
628
+ "ap-south-1": "763104351884",
629
+ "ap-south-2": "772153158452",
630
+ "ap-southeast-1": "763104351884",
631
+ "ap-southeast-2": "763104351884",
632
+ "ap-southeast-3": "907027046896",
633
+ "ap-southeast-4": "457447274322",
634
+ "ap-southeast-5": "550225433462",
635
+ "ap-southeast-6": "633930458069",
636
+ "ap-southeast-7": "590183813437",
637
+ "ca-central-1": "763104351884",
638
+ "ca-west-1": "204538143572",
639
+ "cn-north-1": "727897471807",
640
+ "cn-northwest-1": "727897471807",
641
+ "eu-central-1": "763104351884",
642
+ "eu-central-2": "380420809688",
643
+ "eu-north-1": "763104351884",
644
+ "eu-south-1": "692866216735",
645
+ "eu-south-2": "503227376785",
646
+ "eu-west-1": "763104351884",
647
+ "eu-west-2": "763104351884",
648
+ "eu-west-3": "763104351884",
649
+ "il-central-1": "780543022126",
650
+ "me-central-1": "914824155844",
651
+ "me-south-1": "217643126080",
652
+ "mx-central-1": "637423239942",
653
+ "sa-east-1": "763104351884",
654
+ "us-east-1": "763104351884",
655
+ "us-east-2": "763104351884",
656
+ "us-gov-east-1": "446045086412",
657
+ "us-gov-west-1": "442386744353",
658
+ "us-iso-east-1": "886529160074",
659
+ "us-isob-east-1": "094389454867",
660
+ "us-isof-east-1": "303241398832",
661
+ "us-isof-south-1": "454834333376",
662
+ "us-west-1": "763104351884",
663
+ "us-west-2": "763104351884"
664
+ },
665
+ "tag_prefix": "2.1.1-tgi2.0.0",
666
+ "repository": "huggingface-pytorch-tgi-inference",
667
+ "container_version": {
668
+ "gpu": "cu121-ubuntu22.04"
669
+ }
670
+ },
671
+ "2.0.1": {
672
+ "py_versions": [
673
+ "py310"
674
+ ],
675
+ "registries": {
676
+ "af-south-1": "626614931356",
677
+ "ap-east-1": "871362719292",
678
+ "ap-east-2": "975050140332",
679
+ "ap-northeast-1": "763104351884",
680
+ "ap-northeast-2": "763104351884",
681
+ "ap-northeast-3": "364406365360",
682
+ "ap-south-1": "763104351884",
683
+ "ap-south-2": "772153158452",
684
+ "ap-southeast-1": "763104351884",
685
+ "ap-southeast-2": "763104351884",
686
+ "ap-southeast-3": "907027046896",
687
+ "ap-southeast-4": "457447274322",
688
+ "ap-southeast-5": "550225433462",
689
+ "ap-southeast-6": "633930458069",
690
+ "ap-southeast-7": "590183813437",
691
+ "ca-central-1": "763104351884",
692
+ "ca-west-1": "204538143572",
693
+ "cn-north-1": "727897471807",
694
+ "cn-northwest-1": "727897471807",
695
+ "eu-central-1": "763104351884",
696
+ "eu-central-2": "380420809688",
697
+ "eu-north-1": "763104351884",
698
+ "eu-south-1": "692866216735",
699
+ "eu-south-2": "503227376785",
700
+ "eu-west-1": "763104351884",
701
+ "eu-west-2": "763104351884",
702
+ "eu-west-3": "763104351884",
703
+ "il-central-1": "780543022126",
704
+ "me-central-1": "914824155844",
705
+ "me-south-1": "217643126080",
706
+ "mx-central-1": "637423239942",
707
+ "sa-east-1": "763104351884",
708
+ "us-east-1": "763104351884",
709
+ "us-east-2": "763104351884",
710
+ "us-gov-east-1": "446045086412",
711
+ "us-gov-west-1": "442386744353",
712
+ "us-iso-east-1": "886529160074",
713
+ "us-isob-east-1": "094389454867",
714
+ "us-isof-east-1": "303241398832",
715
+ "us-isof-south-1": "454834333376",
716
+ "us-west-1": "763104351884",
717
+ "us-west-2": "763104351884"
718
+ },
719
+ "tag_prefix": "2.1.1-tgi2.0.1",
720
+ "repository": "huggingface-pytorch-tgi-inference",
721
+ "container_version": {
722
+ "gpu": "cu121-ubuntu22.04"
723
+ }
724
+ },
725
+ "2.0.2": {
726
+ "py_versions": [
727
+ "py310"
728
+ ],
729
+ "registries": {
730
+ "af-south-1": "626614931356",
731
+ "ap-east-1": "871362719292",
732
+ "ap-east-2": "975050140332",
733
+ "ap-northeast-1": "763104351884",
734
+ "ap-northeast-2": "763104351884",
735
+ "ap-northeast-3": "364406365360",
736
+ "ap-south-1": "763104351884",
737
+ "ap-south-2": "772153158452",
738
+ "ap-southeast-1": "763104351884",
739
+ "ap-southeast-2": "763104351884",
740
+ "ap-southeast-3": "907027046896",
741
+ "ap-southeast-4": "457447274322",
742
+ "ap-southeast-5": "550225433462",
743
+ "ap-southeast-6": "633930458069",
744
+ "ap-southeast-7": "590183813437",
745
+ "ca-central-1": "763104351884",
746
+ "ca-west-1": "204538143572",
747
+ "cn-north-1": "727897471807",
748
+ "cn-northwest-1": "727897471807",
749
+ "eu-central-1": "763104351884",
750
+ "eu-central-2": "380420809688",
751
+ "eu-north-1": "763104351884",
752
+ "eu-south-1": "692866216735",
753
+ "eu-south-2": "503227376785",
754
+ "eu-west-1": "763104351884",
755
+ "eu-west-2": "763104351884",
756
+ "eu-west-3": "763104351884",
757
+ "il-central-1": "780543022126",
758
+ "me-central-1": "914824155844",
759
+ "me-south-1": "217643126080",
760
+ "mx-central-1": "637423239942",
761
+ "sa-east-1": "763104351884",
762
+ "us-east-1": "763104351884",
763
+ "us-east-2": "763104351884",
764
+ "us-gov-east-1": "446045086412",
765
+ "us-gov-west-1": "442386744353",
766
+ "us-iso-east-1": "886529160074",
767
+ "us-isob-east-1": "094389454867",
768
+ "us-isof-east-1": "303241398832",
769
+ "us-isof-south-1": "454834333376",
770
+ "us-west-1": "763104351884",
771
+ "us-west-2": "763104351884"
772
+ },
773
+ "tag_prefix": "2.3.0-tgi2.0.2",
774
+ "repository": "huggingface-pytorch-tgi-inference",
775
+ "container_version": {
776
+ "gpu": "cu121-ubuntu22.04"
777
+ }
778
+ },
779
+ "2.2.0": {
780
+ "py_versions": [
781
+ "py310"
782
+ ],
783
+ "registries": {
784
+ "af-south-1": "626614931356",
785
+ "ap-east-1": "871362719292",
786
+ "ap-east-2": "975050140332",
787
+ "ap-northeast-1": "763104351884",
788
+ "ap-northeast-2": "763104351884",
789
+ "ap-northeast-3": "364406365360",
790
+ "ap-south-1": "763104351884",
791
+ "ap-south-2": "772153158452",
792
+ "ap-southeast-1": "763104351884",
793
+ "ap-southeast-2": "763104351884",
794
+ "ap-southeast-3": "907027046896",
795
+ "ap-southeast-4": "457447274322",
796
+ "ap-southeast-5": "550225433462",
797
+ "ap-southeast-6": "633930458069",
798
+ "ap-southeast-7": "590183813437",
799
+ "ca-central-1": "763104351884",
800
+ "ca-west-1": "204538143572",
801
+ "cn-north-1": "727897471807",
802
+ "cn-northwest-1": "727897471807",
803
+ "eu-central-1": "763104351884",
804
+ "eu-central-2": "380420809688",
805
+ "eu-north-1": "763104351884",
806
+ "eu-south-1": "692866216735",
807
+ "eu-south-2": "503227376785",
808
+ "eu-west-1": "763104351884",
809
+ "eu-west-2": "763104351884",
810
+ "eu-west-3": "763104351884",
811
+ "il-central-1": "780543022126",
812
+ "me-central-1": "914824155844",
813
+ "me-south-1": "217643126080",
814
+ "mx-central-1": "637423239942",
815
+ "sa-east-1": "763104351884",
816
+ "us-east-1": "763104351884",
817
+ "us-east-2": "763104351884",
818
+ "us-gov-east-1": "446045086412",
819
+ "us-gov-west-1": "442386744353",
820
+ "us-iso-east-1": "886529160074",
821
+ "us-isob-east-1": "094389454867",
822
+ "us-isof-east-1": "303241398832",
823
+ "us-isof-south-1": "454834333376",
824
+ "us-west-1": "763104351884",
825
+ "us-west-2": "763104351884"
826
+ },
827
+ "tag_prefix": "2.3.0-tgi2.2.0",
828
+ "repository": "huggingface-pytorch-tgi-inference",
829
+ "container_version": {
830
+ "gpu": "cu121-ubuntu22.04-v2.0"
831
+ }
832
+ },
833
+ "2.3.1": {
834
+ "py_versions": [
835
+ "py311"
836
+ ],
837
+ "registries": {
838
+ "af-south-1": "626614931356",
839
+ "ap-east-1": "871362719292",
840
+ "ap-east-2": "975050140332",
841
+ "ap-northeast-1": "763104351884",
842
+ "ap-northeast-2": "763104351884",
843
+ "ap-northeast-3": "364406365360",
844
+ "ap-south-1": "763104351884",
845
+ "ap-south-2": "772153158452",
846
+ "ap-southeast-1": "763104351884",
847
+ "ap-southeast-2": "763104351884",
848
+ "ap-southeast-3": "907027046896",
849
+ "ap-southeast-4": "457447274322",
850
+ "ap-southeast-5": "550225433462",
851
+ "ap-southeast-6": "633930458069",
852
+ "ap-southeast-7": "590183813437",
853
+ "ca-central-1": "763104351884",
854
+ "ca-west-1": "204538143572",
855
+ "cn-north-1": "727897471807",
856
+ "cn-northwest-1": "727897471807",
857
+ "eu-central-1": "763104351884",
858
+ "eu-central-2": "380420809688",
859
+ "eu-north-1": "763104351884",
860
+ "eu-south-1": "692866216735",
861
+ "eu-south-2": "503227376785",
862
+ "eu-west-1": "763104351884",
863
+ "eu-west-2": "763104351884",
864
+ "eu-west-3": "763104351884",
865
+ "il-central-1": "780543022126",
866
+ "me-central-1": "914824155844",
867
+ "me-south-1": "217643126080",
868
+ "mx-central-1": "637423239942",
869
+ "sa-east-1": "763104351884",
870
+ "us-east-1": "763104351884",
871
+ "us-east-2": "763104351884",
872
+ "us-gov-east-1": "446045086412",
873
+ "us-gov-west-1": "442386744353",
874
+ "us-iso-east-1": "886529160074",
875
+ "us-isob-east-1": "094389454867",
876
+ "us-isof-east-1": "303241398832",
877
+ "us-isof-south-1": "454834333376",
878
+ "us-west-1": "763104351884",
879
+ "us-west-2": "763104351884"
880
+ },
881
+ "tag_prefix": "2.4.0-tgi2.3.1",
882
+ "repository": "huggingface-pytorch-tgi-inference",
883
+ "container_version": {
884
+ "gpu": "cu124-ubuntu22.04"
885
+ }
886
+ },
887
+ "2.4.0": {
888
+ "py_versions": [
889
+ "py311"
890
+ ],
891
+ "registries": {
892
+ "af-south-1": "626614931356",
893
+ "ap-east-1": "871362719292",
894
+ "ap-east-2": "975050140332",
895
+ "ap-northeast-1": "763104351884",
896
+ "ap-northeast-2": "763104351884",
897
+ "ap-northeast-3": "364406365360",
898
+ "ap-south-1": "763104351884",
899
+ "ap-south-2": "772153158452",
900
+ "ap-southeast-1": "763104351884",
901
+ "ap-southeast-2": "763104351884",
902
+ "ap-southeast-3": "907027046896",
903
+ "ap-southeast-4": "457447274322",
904
+ "ap-southeast-5": "550225433462",
905
+ "ap-southeast-6": "633930458069",
906
+ "ap-southeast-7": "590183813437",
907
+ "ca-central-1": "763104351884",
908
+ "ca-west-1": "204538143572",
909
+ "cn-north-1": "727897471807",
910
+ "cn-northwest-1": "727897471807",
911
+ "eu-central-1": "763104351884",
912
+ "eu-central-2": "380420809688",
913
+ "eu-north-1": "763104351884",
914
+ "eu-south-1": "692866216735",
915
+ "eu-south-2": "503227376785",
916
+ "eu-west-1": "763104351884",
917
+ "eu-west-2": "763104351884",
918
+ "eu-west-3": "763104351884",
919
+ "il-central-1": "780543022126",
920
+ "me-central-1": "914824155844",
921
+ "me-south-1": "217643126080",
922
+ "mx-central-1": "637423239942",
923
+ "sa-east-1": "763104351884",
924
+ "us-east-1": "763104351884",
925
+ "us-east-2": "763104351884",
926
+ "us-gov-east-1": "446045086412",
927
+ "us-gov-west-1": "442386744353",
928
+ "us-iso-east-1": "886529160074",
929
+ "us-isob-east-1": "094389454867",
930
+ "us-isof-east-1": "303241398832",
931
+ "us-isof-south-1": "454834333376",
932
+ "us-west-1": "763104351884",
933
+ "us-west-2": "763104351884"
934
+ },
935
+ "tag_prefix": "2.4.0-tgi2.4.0",
936
+ "repository": "huggingface-pytorch-tgi-inference",
937
+ "container_version": {
938
+ "gpu": "cu124-ubuntu22.04-v2.2"
939
+ }
940
+ },
941
+ "3.0.1": {
942
+ "py_versions": [
943
+ "py311"
944
+ ],
945
+ "registries": {
946
+ "af-south-1": "626614931356",
947
+ "ap-east-1": "871362719292",
948
+ "ap-east-2": "975050140332",
949
+ "ap-northeast-1": "763104351884",
950
+ "ap-northeast-2": "763104351884",
951
+ "ap-northeast-3": "364406365360",
952
+ "ap-south-1": "763104351884",
953
+ "ap-south-2": "772153158452",
954
+ "ap-southeast-1": "763104351884",
955
+ "ap-southeast-2": "763104351884",
956
+ "ap-southeast-3": "907027046896",
957
+ "ap-southeast-4": "457447274322",
958
+ "ap-southeast-5": "550225433462",
959
+ "ap-southeast-6": "633930458069",
960
+ "ap-southeast-7": "590183813437",
961
+ "ca-central-1": "763104351884",
962
+ "ca-west-1": "204538143572",
963
+ "cn-north-1": "727897471807",
964
+ "cn-northwest-1": "727897471807",
965
+ "eu-central-1": "763104351884",
966
+ "eu-central-2": "380420809688",
967
+ "eu-north-1": "763104351884",
968
+ "eu-south-1": "692866216735",
969
+ "eu-south-2": "503227376785",
970
+ "eu-west-1": "763104351884",
971
+ "eu-west-2": "763104351884",
972
+ "eu-west-3": "763104351884",
973
+ "il-central-1": "780543022126",
974
+ "me-central-1": "914824155844",
975
+ "me-south-1": "217643126080",
976
+ "mx-central-1": "637423239942",
977
+ "sa-east-1": "763104351884",
978
+ "us-east-1": "763104351884",
979
+ "us-east-2": "763104351884",
980
+ "us-gov-east-1": "446045086412",
981
+ "us-gov-west-1": "442386744353",
982
+ "us-iso-east-1": "886529160074",
983
+ "us-isob-east-1": "094389454867",
984
+ "us-isof-east-1": "303241398832",
985
+ "us-isof-south-1": "454834333376",
986
+ "us-west-1": "763104351884",
987
+ "us-west-2": "763104351884"
988
+ },
989
+ "tag_prefix": "2.4.0-tgi3.0.1",
990
+ "repository": "huggingface-pytorch-tgi-inference",
991
+ "container_version": {
992
+ "gpu": "cu124-ubuntu22.04-v2.1"
993
+ }
994
+ },
995
+ "3.1.1": {
996
+ "py_versions": [
997
+ "py311"
998
+ ],
999
+ "registries": {
1000
+ "af-south-1": "626614931356",
1001
+ "ap-east-1": "871362719292",
1002
+ "ap-east-2": "975050140332",
1003
+ "ap-northeast-1": "763104351884",
1004
+ "ap-northeast-2": "763104351884",
1005
+ "ap-northeast-3": "364406365360",
1006
+ "ap-south-1": "763104351884",
1007
+ "ap-south-2": "772153158452",
1008
+ "ap-southeast-1": "763104351884",
1009
+ "ap-southeast-2": "763104351884",
1010
+ "ap-southeast-3": "907027046896",
1011
+ "ap-southeast-4": "457447274322",
1012
+ "ap-southeast-5": "550225433462",
1013
+ "ap-southeast-6": "633930458069",
1014
+ "ap-southeast-7": "590183813437",
1015
+ "ca-central-1": "763104351884",
1016
+ "ca-west-1": "204538143572",
1017
+ "cn-north-1": "727897471807",
1018
+ "cn-northwest-1": "727897471807",
1019
+ "eu-central-1": "763104351884",
1020
+ "eu-central-2": "380420809688",
1021
+ "eu-north-1": "763104351884",
1022
+ "eu-south-1": "692866216735",
1023
+ "eu-south-2": "503227376785",
1024
+ "eu-west-1": "763104351884",
1025
+ "eu-west-2": "763104351884",
1026
+ "eu-west-3": "763104351884",
1027
+ "il-central-1": "780543022126",
1028
+ "me-central-1": "914824155844",
1029
+ "me-south-1": "217643126080",
1030
+ "mx-central-1": "637423239942",
1031
+ "sa-east-1": "763104351884",
1032
+ "us-east-1": "763104351884",
1033
+ "us-east-2": "763104351884",
1034
+ "us-gov-east-1": "446045086412",
1035
+ "us-gov-west-1": "442386744353",
1036
+ "us-iso-east-1": "886529160074",
1037
+ "us-isob-east-1": "094389454867",
1038
+ "us-isof-east-1": "303241398832",
1039
+ "us-isof-south-1": "454834333376",
1040
+ "us-west-1": "763104351884",
1041
+ "us-west-2": "763104351884"
1042
+ },
1043
+ "tag_prefix": "2.6.0-tgi3.1.1",
1044
+ "repository": "huggingface-pytorch-tgi-inference",
1045
+ "container_version": {
1046
+ "gpu": "cu124-ubuntu22.04"
1047
+ }
1048
+ },
1049
+ "3.2.0": {
1050
+ "py_versions": [
1051
+ "py311"
1052
+ ],
1053
+ "registries": {
1054
+ "af-south-1": "626614931356",
1055
+ "ap-east-1": "871362719292",
1056
+ "ap-east-2": "975050140332",
1057
+ "ap-northeast-1": "763104351884",
1058
+ "ap-northeast-2": "763104351884",
1059
+ "ap-northeast-3": "364406365360",
1060
+ "ap-south-1": "763104351884",
1061
+ "ap-south-2": "772153158452",
1062
+ "ap-southeast-1": "763104351884",
1063
+ "ap-southeast-2": "763104351884",
1064
+ "ap-southeast-3": "907027046896",
1065
+ "ap-southeast-4": "457447274322",
1066
+ "ap-southeast-5": "550225433462",
1067
+ "ap-southeast-6": "633930458069",
1068
+ "ap-southeast-7": "590183813437",
1069
+ "ca-central-1": "763104351884",
1070
+ "ca-west-1": "204538143572",
1071
+ "cn-north-1": "727897471807",
1072
+ "cn-northwest-1": "727897471807",
1073
+ "eu-central-1": "763104351884",
1074
+ "eu-central-2": "380420809688",
1075
+ "eu-north-1": "763104351884",
1076
+ "eu-south-1": "692866216735",
1077
+ "eu-south-2": "503227376785",
1078
+ "eu-west-1": "763104351884",
1079
+ "eu-west-2": "763104351884",
1080
+ "eu-west-3": "763104351884",
1081
+ "il-central-1": "780543022126",
1082
+ "me-central-1": "914824155844",
1083
+ "me-south-1": "217643126080",
1084
+ "mx-central-1": "637423239942",
1085
+ "sa-east-1": "763104351884",
1086
+ "us-east-1": "763104351884",
1087
+ "us-east-2": "763104351884",
1088
+ "us-gov-east-1": "446045086412",
1089
+ "us-gov-west-1": "442386744353",
1090
+ "us-iso-east-1": "886529160074",
1091
+ "us-isob-east-1": "094389454867",
1092
+ "us-isof-east-1": "303241398832",
1093
+ "us-isof-south-1": "454834333376",
1094
+ "us-west-1": "763104351884",
1095
+ "us-west-2": "763104351884"
1096
+ },
1097
+ "tag_prefix": "2.6.0-tgi3.2.0",
1098
+ "repository": "huggingface-pytorch-tgi-inference",
1099
+ "container_version": {
1100
+ "gpu": "cu124-ubuntu22.04"
1101
+ }
1102
+ },
1103
+ "3.2.3": {
1104
+ "py_versions": [
1105
+ "py311"
1106
+ ],
1107
+ "registries": {
1108
+ "af-south-1": "626614931356",
1109
+ "ap-east-1": "871362719292",
1110
+ "ap-east-2": "975050140332",
1111
+ "ap-northeast-1": "763104351884",
1112
+ "ap-northeast-2": "763104351884",
1113
+ "ap-northeast-3": "364406365360",
1114
+ "ap-south-1": "763104351884",
1115
+ "ap-south-2": "772153158452",
1116
+ "ap-southeast-1": "763104351884",
1117
+ "ap-southeast-2": "763104351884",
1118
+ "ap-southeast-3": "907027046896",
1119
+ "ap-southeast-4": "457447274322",
1120
+ "ap-southeast-5": "550225433462",
1121
+ "ap-southeast-6": "633930458069",
1122
+ "ap-southeast-7": "590183813437",
1123
+ "ca-central-1": "763104351884",
1124
+ "ca-west-1": "204538143572",
1125
+ "cn-north-1": "727897471807",
1126
+ "cn-northwest-1": "727897471807",
1127
+ "eu-central-1": "763104351884",
1128
+ "eu-central-2": "380420809688",
1129
+ "eu-north-1": "763104351884",
1130
+ "eu-south-1": "692866216735",
1131
+ "eu-south-2": "503227376785",
1132
+ "eu-west-1": "763104351884",
1133
+ "eu-west-2": "763104351884",
1134
+ "eu-west-3": "763104351884",
1135
+ "il-central-1": "780543022126",
1136
+ "me-central-1": "914824155844",
1137
+ "me-south-1": "217643126080",
1138
+ "mx-central-1": "637423239942",
1139
+ "sa-east-1": "763104351884",
1140
+ "us-east-1": "763104351884",
1141
+ "us-east-2": "763104351884",
1142
+ "us-gov-east-1": "446045086412",
1143
+ "us-gov-west-1": "442386744353",
1144
+ "us-iso-east-1": "886529160074",
1145
+ "us-isob-east-1": "094389454867",
1146
+ "us-isof-east-1": "303241398832",
1147
+ "us-isof-south-1": "454834333376",
1148
+ "us-west-1": "763104351884",
1149
+ "us-west-2": "763104351884"
1150
+ },
1151
+ "tag_prefix": "2.6.0-tgi3.2.3",
1152
+ "repository": "huggingface-pytorch-tgi-inference",
1153
+ "container_version": {
1154
+ "gpu": "cu124-ubuntu22.04"
1155
+ }
1156
+ },
1157
+ "3.3.4": {
1158
+ "py_versions": [
1159
+ "py311"
1160
+ ],
1161
+ "registries": {
1162
+ "af-south-1": "626614931356",
1163
+ "ap-east-1": "871362719292",
1164
+ "ap-east-2": "975050140332",
1165
+ "ap-northeast-1": "763104351884",
1166
+ "ap-northeast-2": "763104351884",
1167
+ "ap-northeast-3": "364406365360",
1168
+ "ap-south-1": "763104351884",
1169
+ "ap-south-2": "772153158452",
1170
+ "ap-southeast-1": "763104351884",
1171
+ "ap-southeast-2": "763104351884",
1172
+ "ap-southeast-3": "907027046896",
1173
+ "ap-southeast-4": "457447274322",
1174
+ "ap-southeast-5": "550225433462",
1175
+ "ap-southeast-6": "633930458069",
1176
+ "ap-southeast-7": "590183813437",
1177
+ "ca-central-1": "763104351884",
1178
+ "ca-west-1": "204538143572",
1179
+ "cn-north-1": "727897471807",
1180
+ "cn-northwest-1": "727897471807",
1181
+ "eu-central-1": "763104351884",
1182
+ "eu-central-2": "380420809688",
1183
+ "eu-north-1": "763104351884",
1184
+ "eu-south-1": "692866216735",
1185
+ "eu-south-2": "503227376785",
1186
+ "eu-west-1": "763104351884",
1187
+ "eu-west-2": "763104351884",
1188
+ "eu-west-3": "763104351884",
1189
+ "il-central-1": "780543022126",
1190
+ "me-central-1": "914824155844",
1191
+ "me-south-1": "217643126080",
1192
+ "mx-central-1": "637423239942",
1193
+ "sa-east-1": "763104351884",
1194
+ "us-east-1": "763104351884",
1195
+ "us-east-2": "763104351884",
1196
+ "us-gov-east-1": "446045086412",
1197
+ "us-gov-west-1": "442386744353",
1198
+ "us-iso-east-1": "886529160074",
1199
+ "us-isob-east-1": "094389454867",
1200
+ "us-isof-east-1": "303241398832",
1201
+ "us-isof-south-1": "454834333376",
1202
+ "us-west-1": "763104351884",
1203
+ "us-west-2": "763104351884"
1204
+ },
1205
+ "tag_prefix": "2.7.0-tgi3.3.4",
1206
+ "repository": "huggingface-pytorch-tgi-inference",
1207
+ "container_version": {
1208
+ "gpu": "cu124-ubuntu22.04"
1209
+ }
1210
+ },
1211
+ "3.3.6": {
1212
+ "py_versions": [
1213
+ "py311"
1214
+ ],
1215
+ "registries": {
1216
+ "af-south-1": "626614931356",
1217
+ "ap-east-1": "871362719292",
1218
+ "ap-east-2": "975050140332",
1219
+ "ap-northeast-1": "763104351884",
1220
+ "ap-northeast-2": "763104351884",
1221
+ "ap-northeast-3": "364406365360",
1222
+ "ap-south-1": "763104351884",
1223
+ "ap-south-2": "772153158452",
1224
+ "ap-southeast-1": "763104351884",
1225
+ "ap-southeast-2": "763104351884",
1226
+ "ap-southeast-3": "907027046896",
1227
+ "ap-southeast-4": "457447274322",
1228
+ "ap-southeast-5": "550225433462",
1229
+ "ap-southeast-6": "633930458069",
1230
+ "ap-southeast-7": "590183813437",
1231
+ "ca-central-1": "763104351884",
1232
+ "ca-west-1": "204538143572",
1233
+ "cn-north-1": "727897471807",
1234
+ "cn-northwest-1": "727897471807",
1235
+ "eu-central-1": "763104351884",
1236
+ "eu-central-2": "380420809688",
1237
+ "eu-north-1": "763104351884",
1238
+ "eu-south-1": "692866216735",
1239
+ "eu-south-2": "503227376785",
1240
+ "eu-west-1": "763104351884",
1241
+ "eu-west-2": "763104351884",
1242
+ "eu-west-3": "763104351884",
1243
+ "il-central-1": "780543022126",
1244
+ "me-central-1": "914824155844",
1245
+ "me-south-1": "217643126080",
1246
+ "mx-central-1": "637423239942",
1247
+ "sa-east-1": "763104351884",
1248
+ "us-east-1": "763104351884",
1249
+ "us-east-2": "763104351884",
1250
+ "us-gov-east-1": "446045086412",
1251
+ "us-gov-west-1": "442386744353",
1252
+ "us-iso-east-1": "886529160074",
1253
+ "us-isob-east-1": "094389454867",
1254
+ "us-isof-east-1": "303241398832",
1255
+ "us-isof-south-1": "454834333376",
1256
+ "us-west-1": "763104351884",
1257
+ "us-west-2": "763104351884"
1258
+ },
1259
+ "tag_prefix": "2.7.0-tgi3.3.6",
1260
+ "repository": "huggingface-pytorch-tgi-inference",
1261
+ "container_version": {
1262
+ "gpu": "cu124-ubuntu22.04"
1263
+ }
1264
+ }
1265
+ }
1266
+ }
1267
+ }