sagemaker-core 1.0.62__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 (362) 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 +408 -3
  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/constants.py +16 -0
  176. sagemaker/core/jumpstart/hub/hub.py +291 -0
  177. sagemaker/core/jumpstart/hub/interfaces.py +936 -0
  178. sagemaker/core/jumpstart/hub/parser_utils.py +70 -0
  179. sagemaker/core/jumpstart/hub/parsers.py +288 -0
  180. sagemaker/core/jumpstart/hub/types.py +35 -0
  181. sagemaker/core/jumpstart/hub/utils.py +260 -0
  182. sagemaker/core/jumpstart/models.py +499 -0
  183. sagemaker/core/jumpstart/notebook_utils.py +575 -0
  184. sagemaker/core/jumpstart/parameters.py +20 -0
  185. sagemaker/core/jumpstart/payload_utils.py +239 -0
  186. sagemaker/core/jumpstart/region_config.json +163 -0
  187. sagemaker/core/jumpstart/search.py +171 -0
  188. sagemaker/core/jumpstart/serializers.py +81 -0
  189. sagemaker/core/jumpstart/session_utils.py +234 -0
  190. sagemaker/core/jumpstart/types.py +3044 -0
  191. sagemaker/core/jumpstart/utils.py +1731 -0
  192. sagemaker/core/jumpstart/validators.py +257 -0
  193. sagemaker/core/lambda_helper.py +312 -0
  194. sagemaker/core/lineage/__init__.py +42 -0
  195. sagemaker/core/lineage/_api_types.py +239 -0
  196. sagemaker/core/lineage/_utils.py +49 -0
  197. sagemaker/core/lineage/action.py +345 -0
  198. sagemaker/core/lineage/artifact.py +646 -0
  199. sagemaker/core/lineage/association.py +190 -0
  200. sagemaker/core/lineage/context.py +505 -0
  201. sagemaker/core/lineage/lineage_trial_component.py +191 -0
  202. sagemaker/core/lineage/query.py +732 -0
  203. sagemaker/core/lineage/visualizer.py +346 -0
  204. sagemaker/core/local/__init__.py +18 -0
  205. sagemaker/core/local/data.py +413 -0
  206. sagemaker/core/local/entities.py +678 -0
  207. sagemaker/core/local/exceptions.py +17 -0
  208. sagemaker/core/local/image.py +1243 -0
  209. sagemaker/core/local/local_session.py +739 -0
  210. sagemaker/core/local/utils.py +245 -0
  211. sagemaker/core/logs.py +181 -0
  212. sagemaker/core/metadata_properties.py +56 -0
  213. sagemaker/core/metric_definitions.py +91 -0
  214. sagemaker/core/mlflow/__init__.py +38 -0
  215. sagemaker/core/mlflow/forward_sagemaker_metrics.py +44 -0
  216. sagemaker/core/model_card/__init__.py +26 -0
  217. sagemaker/core/model_life_cycle.py +51 -0
  218. sagemaker/core/model_metrics.py +160 -0
  219. sagemaker/core/model_monitor/__init__.py +66 -0
  220. sagemaker/core/model_monitor/clarify_model_monitoring.py +1495 -0
  221. sagemaker/core/model_monitor/cron_expression_generator.py +82 -0
  222. sagemaker/core/model_monitor/data_capture_config.py +115 -0
  223. sagemaker/core/model_monitor/data_quality_monitoring_config.py +66 -0
  224. sagemaker/core/model_monitor/dataset_format.py +102 -0
  225. sagemaker/core/model_monitor/model_monitoring.py +4266 -0
  226. sagemaker/core/model_monitor/monitoring_alert.py +76 -0
  227. sagemaker/core/model_monitor/monitoring_files.py +506 -0
  228. sagemaker/core/model_monitor/utils.py +793 -0
  229. sagemaker/core/model_registry.py +480 -0
  230. sagemaker/core/model_uris.py +97 -0
  231. sagemaker/core/modules/__init__.py +19 -0
  232. sagemaker/core/modules/configs.py +226 -0
  233. sagemaker/core/modules/constants.py +37 -0
  234. sagemaker/core/modules/distributed.py +182 -0
  235. sagemaker/core/modules/local_core/__init__.py +0 -0
  236. sagemaker/core/modules/local_core/local_container.py +605 -0
  237. sagemaker/core/modules/templates.py +83 -0
  238. sagemaker/core/modules/train/__init__.py +14 -0
  239. sagemaker/core/modules/train/container_drivers/__init__.py +14 -0
  240. sagemaker/core/modules/train/container_drivers/common/__init__.py +14 -0
  241. sagemaker/core/modules/train/container_drivers/common/utils.py +213 -0
  242. sagemaker/core/modules/train/container_drivers/distributed_drivers/__init__.py +14 -0
  243. sagemaker/core/modules/train/container_drivers/distributed_drivers/basic_script_driver.py +81 -0
  244. sagemaker/core/modules/train/container_drivers/distributed_drivers/mpi_driver.py +123 -0
  245. sagemaker/core/modules/train/container_drivers/distributed_drivers/mpi_utils.py +302 -0
  246. sagemaker/core/modules/train/container_drivers/distributed_drivers/torchrun_driver.py +129 -0
  247. sagemaker/core/modules/train/container_drivers/scripts/__init__.py +14 -0
  248. sagemaker/core/modules/train/container_drivers/scripts/environment.py +305 -0
  249. sagemaker/core/modules/train/sm_recipes/__init__.py +0 -0
  250. sagemaker/core/modules/train/sm_recipes/utils.py +330 -0
  251. sagemaker/core/modules/types.py +19 -0
  252. sagemaker/core/modules/utils.py +194 -0
  253. sagemaker/core/network.py +185 -0
  254. sagemaker/core/parameter.py +173 -0
  255. sagemaker/core/payloads.py +185 -0
  256. sagemaker/core/processing.py +1597 -0
  257. sagemaker/core/remote_function/__init__.py +19 -0
  258. sagemaker/core/remote_function/checkpoint_location.py +47 -0
  259. sagemaker/core/remote_function/client.py +1285 -0
  260. sagemaker/core/remote_function/core/__init__.py +0 -0
  261. sagemaker/core/remote_function/core/_custom_dispatch_table.py +72 -0
  262. sagemaker/core/remote_function/core/pipeline_variables.py +353 -0
  263. sagemaker/core/remote_function/core/serialization.py +422 -0
  264. sagemaker/core/remote_function/core/stored_function.py +226 -0
  265. sagemaker/core/remote_function/custom_file_filter.py +128 -0
  266. sagemaker/core/remote_function/errors.py +104 -0
  267. sagemaker/core/remote_function/invoke_function.py +172 -0
  268. sagemaker/core/remote_function/job.py +2140 -0
  269. sagemaker/core/remote_function/logging_config.py +38 -0
  270. sagemaker/core/remote_function/runtime_environment/__init__.py +14 -0
  271. sagemaker/core/remote_function/runtime_environment/bootstrap_runtime_environment.py +605 -0
  272. sagemaker/core/remote_function/runtime_environment/mpi_utils_remote.py +252 -0
  273. sagemaker/core/remote_function/runtime_environment/runtime_environment_manager.py +554 -0
  274. sagemaker/core/remote_function/runtime_environment/spark_app.py +18 -0
  275. sagemaker/core/remote_function/spark_config.py +149 -0
  276. sagemaker/core/resource_requirements.py +168 -0
  277. {sagemaker_core/main → sagemaker/core}/resources.py +19098 -10895
  278. sagemaker/core/s3/__init__.py +41 -0
  279. sagemaker/core/s3/client.py +367 -0
  280. sagemaker/core/s3/utils.py +175 -0
  281. sagemaker/core/script_uris.py +93 -0
  282. sagemaker/core/serializers/__init__.py +11 -0
  283. sagemaker/core/serializers/base.py +510 -0
  284. sagemaker/core/serializers/implementations.py +159 -0
  285. sagemaker/core/serializers/utils.py +223 -0
  286. sagemaker/core/serverless_inference_config.py +63 -0
  287. sagemaker/core/session_settings.py +55 -0
  288. sagemaker/core/shapes/__init__.py +3 -0
  289. sagemaker/core/shapes/model_card_shapes.py +159 -0
  290. {sagemaker_core/main → sagemaker/core/shapes}/shapes.py +5810 -1806
  291. sagemaker/core/spark/__init__.py +16 -0
  292. sagemaker/core/spark/defaults.py +16 -0
  293. sagemaker/core/spark/processing.py +1380 -0
  294. sagemaker/core/telemetry/__init__.py +23 -0
  295. sagemaker/core/telemetry/constants.py +84 -0
  296. sagemaker/core/telemetry/telemetry_logging.py +284 -0
  297. sagemaker/core/tools/__init__.py +1 -0
  298. {sagemaker_core → sagemaker/core}/tools/codegen.py +4 -4
  299. {sagemaker_core → sagemaker/core}/tools/constants.py +23 -15
  300. {sagemaker_core → sagemaker/core}/tools/data_extractor.py +1 -1
  301. {sagemaker_core → sagemaker/core}/tools/method.py +1 -1
  302. sagemaker/core/tools/model_card/generate_model_card_from_schema.py +562 -0
  303. {sagemaker_core → sagemaker/core}/tools/resources_codegen.py +165 -98
  304. {sagemaker_core → sagemaker/core}/tools/resources_extractor.py +5 -13
  305. {sagemaker_core → sagemaker/core}/tools/shapes_codegen.py +16 -17
  306. {sagemaker_core → sagemaker/core}/tools/shapes_extractor.py +29 -67
  307. {sagemaker_core → sagemaker/core}/tools/templates.py +39 -17
  308. sagemaker/core/training/__init__.py +14 -0
  309. sagemaker/core/training/configs.py +333 -0
  310. sagemaker/core/training/constants.py +37 -0
  311. sagemaker/core/training/utils.py +77 -0
  312. sagemaker/core/training_compiler/__init__.py +16 -0
  313. sagemaker/core/training_compiler/config.py +197 -0
  314. sagemaker/core/training_compiler_config.py +197 -0
  315. sagemaker/core/transformer.py +793 -0
  316. sagemaker/core/user_agent.py +76 -0
  317. sagemaker/core/utilities/__init__.py +24 -0
  318. sagemaker/core/utilities/cache.py +169 -0
  319. sagemaker/core/utilities/search_expression.py +133 -0
  320. sagemaker/core/utils/__init__.py +48 -0
  321. sagemaker/core/utils/code_injection/__init__.py +0 -0
  322. {sagemaker_core/main → sagemaker/core/utils}/code_injection/codec.py +2 -2
  323. {sagemaker_core/main → sagemaker/core/utils}/code_injection/shape_dag.py +5979 -176
  324. {sagemaker_core/main → sagemaker/core/utils}/exceptions.py +8 -8
  325. sagemaker_core/main/default_configs_helper.py → sagemaker/core/utils/intelligent_defaults_helper.py +5 -6
  326. {sagemaker_core/main → sagemaker/core/utils}/logs.py +1 -2
  327. {sagemaker_core/main → sagemaker/core/utils}/utils.py +27 -22
  328. sagemaker/core/workflow/__init__.py +152 -0
  329. sagemaker/core/workflow/conditions.py +313 -0
  330. sagemaker/core/workflow/entities.py +58 -0
  331. sagemaker/core/workflow/execution_variables.py +89 -0
  332. sagemaker/core/workflow/functions.py +193 -0
  333. sagemaker/core/workflow/parameters.py +222 -0
  334. sagemaker/core/workflow/pipeline_context.py +394 -0
  335. sagemaker/core/workflow/pipeline_definition_config.py +31 -0
  336. sagemaker/core/workflow/properties.py +285 -0
  337. sagemaker/core/workflow/step_outputs.py +65 -0
  338. sagemaker/core/workflow/utilities.py +507 -0
  339. sagemaker/lineage/__init__.py +33 -0
  340. sagemaker/lineage/action.py +28 -0
  341. sagemaker/lineage/artifact.py +28 -0
  342. sagemaker/lineage/context.py +28 -0
  343. sagemaker/lineage/lineage_trial_component.py +28 -0
  344. {sagemaker_core-1.0.62.dist-info → sagemaker_core-2.1.1.dist-info}/METADATA +28 -9
  345. sagemaker_core-2.1.1.dist-info/RECORD +355 -0
  346. sagemaker_core-2.1.1.dist-info/top_level.txt +1 -0
  347. sagemaker_core/_version.py +0 -3
  348. sagemaker_core/helper/session_helper.py +0 -769
  349. sagemaker_core/resources/__init__.py +0 -1
  350. sagemaker_core/shapes/__init__.py +0 -1
  351. sagemaker_core/tools/__init__.py +0 -1
  352. sagemaker_core-1.0.62.dist-info/RECORD +0 -35
  353. sagemaker_core-1.0.62.dist-info/top_level.txt +0 -1
  354. {sagemaker_core → sagemaker/core/helper}/__init__.py +0 -0
  355. {sagemaker_core/helper → sagemaker/core/huggingface/training_compiler}/__init__.py +0 -0
  356. {sagemaker_core/main → sagemaker/core/jumpstart/factory}/__init__.py +0 -0
  357. {sagemaker_core/main/code_injection → sagemaker/core/jumpstart/hub}/__init__.py +0 -0
  358. {sagemaker_core/main → sagemaker/core/utils}/code_injection/base.py +0 -0
  359. {sagemaker_core/main → sagemaker/core/utils}/code_injection/constants.py +0 -0
  360. {sagemaker_core/main → sagemaker/core/utils}/user_agent.py +0 -0
  361. {sagemaker_core-1.0.62.dist-info → sagemaker_core-2.1.1.dist-info}/WHEEL +0 -0
  362. {sagemaker_core-1.0.62.dist-info → sagemaker_core-2.1.1.dist-info}/licenses/LICENSE +0 -0
@@ -0,0 +1,888 @@
1
+ {
2
+ "inference": {
3
+ "version_aliases": {
4
+ "latest": "1"
5
+ },
6
+ "versions": {
7
+ "1": {
8
+ "registries": {
9
+ "af-south-1": "455444449433",
10
+ "ap-east-1": "286214385809",
11
+ "ap-northeast-1": "501404015308",
12
+ "ap-northeast-2": "306986355934",
13
+ "ap-northeast-3": "867004704886",
14
+ "ap-south-1": "991648021394",
15
+ "ap-south-2": "628508329040",
16
+ "ap-southeast-1": "475088953585",
17
+ "ap-southeast-2": "544295431143",
18
+ "ap-southeast-3": "951798379941",
19
+ "ap-southeast-4": "106583098589",
20
+ "ca-central-1": "469771592824",
21
+ "cn-north-1": "390948362332",
22
+ "cn-northwest-1": "387376663083",
23
+ "eu-central-1": "813361260812",
24
+ "eu-central-2": "680994064768",
25
+ "eu-north-1": "669576153137",
26
+ "eu-south-1": "257386234256",
27
+ "eu-south-2": "104374241257",
28
+ "eu-west-1": "685385470294",
29
+ "eu-west-2": "644912444149",
30
+ "eu-west-3": "749696950732",
31
+ "me-central-1": "272398656194",
32
+ "me-south-1": "249704162688",
33
+ "sa-east-1": "855470959533",
34
+ "us-east-1": "811284229777",
35
+ "us-east-2": "825641698319",
36
+ "us-gov-east-1": "237065988967",
37
+ "us-gov-west-1": "226302683700",
38
+ "us-iso-east-1": "490574956308",
39
+ "us-isob-east-1": "765400339828",
40
+ "us-west-1": "632365934929",
41
+ "us-west-2": "433757028032"
42
+ },
43
+ "repository": "xgboost"
44
+ },
45
+ "0.90-1": {
46
+ "processors": [
47
+ "cpu"
48
+ ],
49
+ "py_versions": [
50
+ "py3"
51
+ ],
52
+ "registries": {
53
+ "af-south-1": "510948584623",
54
+ "ap-east-1": "651117190479",
55
+ "ap-northeast-1": "354813040037",
56
+ "ap-northeast-2": "366743142698",
57
+ "ap-northeast-3": "867004704886",
58
+ "ap-south-1": "720646828776",
59
+ "ap-south-2": "628508329040",
60
+ "ap-southeast-1": "121021644041",
61
+ "ap-southeast-2": "783357654285",
62
+ "ap-southeast-3": "951798379941",
63
+ "ap-southeast-4": "106583098589",
64
+ "ca-central-1": "341280168497",
65
+ "ca-west-1": "190319476487",
66
+ "cn-north-1": "450853457545",
67
+ "cn-northwest-1": "451049120500",
68
+ "eu-central-1": "492215442770",
69
+ "eu-central-2": "680994064768",
70
+ "eu-north-1": "662702820516",
71
+ "eu-south-1": "978288397137",
72
+ "eu-south-2": "104374241257",
73
+ "eu-west-1": "141502667606",
74
+ "eu-west-2": "764974769150",
75
+ "eu-west-3": "659782779980",
76
+ "il-central-1": "898809789911",
77
+ "me-central-1": "272398656194",
78
+ "me-south-1": "801668240914",
79
+ "sa-east-1": "737474898029",
80
+ "us-east-1": "683313688378",
81
+ "us-east-2": "257758044811",
82
+ "us-gov-east-1": "237065988967",
83
+ "us-gov-west-1": "414596584902",
84
+ "us-iso-east-1": "833128469047",
85
+ "us-isob-east-1": "281123927165",
86
+ "us-isof-east-1": "108575199400",
87
+ "us-isof-south-1": "124985052026",
88
+ "us-west-1": "746614075791",
89
+ "us-west-2": "246618743249"
90
+ },
91
+ "repository": "sagemaker-xgboost"
92
+ },
93
+ "0.90-2": {
94
+ "processors": [
95
+ "cpu"
96
+ ],
97
+ "py_versions": [
98
+ "py3"
99
+ ],
100
+ "registries": {
101
+ "af-south-1": "510948584623",
102
+ "ap-east-1": "651117190479",
103
+ "ap-northeast-1": "354813040037",
104
+ "ap-northeast-2": "366743142698",
105
+ "ap-northeast-3": "867004704886",
106
+ "ap-south-1": "720646828776",
107
+ "ap-south-2": "628508329040",
108
+ "ap-southeast-1": "121021644041",
109
+ "ap-southeast-2": "783357654285",
110
+ "ap-southeast-3": "951798379941",
111
+ "ap-southeast-4": "106583098589",
112
+ "ca-central-1": "341280168497",
113
+ "ca-west-1": "190319476487",
114
+ "cn-north-1": "450853457545",
115
+ "cn-northwest-1": "451049120500",
116
+ "eu-central-1": "492215442770",
117
+ "eu-central-2": "680994064768",
118
+ "eu-north-1": "662702820516",
119
+ "eu-south-1": "978288397137",
120
+ "eu-south-2": "104374241257",
121
+ "eu-west-1": "141502667606",
122
+ "eu-west-2": "764974769150",
123
+ "eu-west-3": "659782779980",
124
+ "il-central-1": "898809789911",
125
+ "me-central-1": "272398656194",
126
+ "me-south-1": "801668240914",
127
+ "sa-east-1": "737474898029",
128
+ "us-east-1": "683313688378",
129
+ "us-east-2": "257758044811",
130
+ "us-gov-east-1": "237065988967",
131
+ "us-gov-west-1": "414596584902",
132
+ "us-iso-east-1": "833128469047",
133
+ "us-isob-east-1": "281123927165",
134
+ "us-isof-east-1": "108575199400",
135
+ "us-isof-south-1": "124985052026",
136
+ "us-west-1": "746614075791",
137
+ "us-west-2": "246618743249"
138
+ },
139
+ "repository": "sagemaker-xgboost"
140
+ },
141
+ "1.0-1": {
142
+ "processors": [
143
+ "cpu"
144
+ ],
145
+ "py_versions": [
146
+ "py3"
147
+ ],
148
+ "registries": {
149
+ "af-south-1": "510948584623",
150
+ "ap-east-1": "651117190479",
151
+ "ap-northeast-1": "354813040037",
152
+ "ap-northeast-2": "366743142698",
153
+ "ap-northeast-3": "867004704886",
154
+ "ap-south-1": "720646828776",
155
+ "ap-south-2": "628508329040",
156
+ "ap-southeast-1": "121021644041",
157
+ "ap-southeast-2": "783357654285",
158
+ "ap-southeast-3": "951798379941",
159
+ "ap-southeast-4": "106583098589",
160
+ "ca-central-1": "341280168497",
161
+ "ca-west-1": "190319476487",
162
+ "cn-north-1": "450853457545",
163
+ "cn-northwest-1": "451049120500",
164
+ "eu-central-1": "492215442770",
165
+ "eu-central-2": "680994064768",
166
+ "eu-north-1": "662702820516",
167
+ "eu-south-1": "978288397137",
168
+ "eu-south-2": "104374241257",
169
+ "eu-west-1": "141502667606",
170
+ "eu-west-2": "764974769150",
171
+ "eu-west-3": "659782779980",
172
+ "il-central-1": "898809789911",
173
+ "me-central-1": "272398656194",
174
+ "me-south-1": "801668240914",
175
+ "sa-east-1": "737474898029",
176
+ "us-east-1": "683313688378",
177
+ "us-east-2": "257758044811",
178
+ "us-gov-east-1": "237065988967",
179
+ "us-gov-west-1": "414596584902",
180
+ "us-iso-east-1": "833128469047",
181
+ "us-isob-east-1": "281123927165",
182
+ "us-isof-east-1": "108575199400",
183
+ "us-isof-south-1": "124985052026",
184
+ "us-west-1": "746614075791",
185
+ "us-west-2": "246618743249"
186
+ },
187
+ "repository": "sagemaker-xgboost"
188
+ },
189
+ "1.2-1": {
190
+ "registries": {
191
+ "af-south-1": "510948584623",
192
+ "ap-east-1": "651117190479",
193
+ "ap-northeast-1": "354813040037",
194
+ "ap-northeast-2": "366743142698",
195
+ "ap-northeast-3": "867004704886",
196
+ "ap-south-1": "720646828776",
197
+ "ap-south-2": "628508329040",
198
+ "ap-southeast-1": "121021644041",
199
+ "ap-southeast-2": "783357654285",
200
+ "ap-southeast-3": "951798379941",
201
+ "ap-southeast-4": "106583098589",
202
+ "ca-central-1": "341280168497",
203
+ "ca-west-1": "190319476487",
204
+ "cn-north-1": "450853457545",
205
+ "cn-northwest-1": "451049120500",
206
+ "eu-central-1": "492215442770",
207
+ "eu-central-2": "680994064768",
208
+ "eu-north-1": "662702820516",
209
+ "eu-south-1": "978288397137",
210
+ "eu-south-2": "104374241257",
211
+ "eu-west-1": "141502667606",
212
+ "eu-west-2": "764974769150",
213
+ "eu-west-3": "659782779980",
214
+ "il-central-1": "898809789911",
215
+ "me-central-1": "272398656194",
216
+ "me-south-1": "801668240914",
217
+ "sa-east-1": "737474898029",
218
+ "us-east-1": "683313688378",
219
+ "us-east-2": "257758044811",
220
+ "us-gov-east-1": "237065988967",
221
+ "us-gov-west-1": "414596584902",
222
+ "us-iso-east-1": "833128469047",
223
+ "us-isob-east-1": "281123927165",
224
+ "us-isof-east-1": "108575199400",
225
+ "us-isof-south-1": "124985052026",
226
+ "us-west-1": "746614075791",
227
+ "us-west-2": "246618743249"
228
+ },
229
+ "repository": "sagemaker-xgboost"
230
+ },
231
+ "1.2-2": {
232
+ "registries": {
233
+ "af-south-1": "510948584623",
234
+ "ap-east-1": "651117190479",
235
+ "ap-northeast-1": "354813040037",
236
+ "ap-northeast-2": "366743142698",
237
+ "ap-northeast-3": "867004704886",
238
+ "ap-south-1": "720646828776",
239
+ "ap-south-2": "628508329040",
240
+ "ap-southeast-1": "121021644041",
241
+ "ap-southeast-2": "783357654285",
242
+ "ap-southeast-3": "951798379941",
243
+ "ap-southeast-4": "106583098589",
244
+ "ca-central-1": "341280168497",
245
+ "ca-west-1": "190319476487",
246
+ "cn-north-1": "450853457545",
247
+ "cn-northwest-1": "451049120500",
248
+ "eu-central-1": "492215442770",
249
+ "eu-central-2": "680994064768",
250
+ "eu-north-1": "662702820516",
251
+ "eu-south-1": "978288397137",
252
+ "eu-south-2": "104374241257",
253
+ "eu-west-1": "141502667606",
254
+ "eu-west-2": "764974769150",
255
+ "eu-west-3": "659782779980",
256
+ "il-central-1": "898809789911",
257
+ "me-central-1": "272398656194",
258
+ "me-south-1": "801668240914",
259
+ "sa-east-1": "737474898029",
260
+ "us-east-1": "683313688378",
261
+ "us-east-2": "257758044811",
262
+ "us-gov-east-1": "237065988967",
263
+ "us-gov-west-1": "414596584902",
264
+ "us-iso-east-1": "833128469047",
265
+ "us-isob-east-1": "281123927165",
266
+ "us-isof-east-1": "108575199400",
267
+ "us-isof-south-1": "124985052026",
268
+ "us-west-1": "746614075791",
269
+ "us-west-2": "246618743249"
270
+ },
271
+ "repository": "sagemaker-xgboost"
272
+ },
273
+ "1.3-1": {
274
+ "registries": {
275
+ "af-south-1": "510948584623",
276
+ "ap-east-1": "651117190479",
277
+ "ap-northeast-1": "354813040037",
278
+ "ap-northeast-2": "366743142698",
279
+ "ap-northeast-3": "867004704886",
280
+ "ap-south-1": "720646828776",
281
+ "ap-south-2": "628508329040",
282
+ "ap-southeast-1": "121021644041",
283
+ "ap-southeast-2": "783357654285",
284
+ "ap-southeast-3": "951798379941",
285
+ "ap-southeast-4": "106583098589",
286
+ "ca-central-1": "341280168497",
287
+ "ca-west-1": "190319476487",
288
+ "cn-north-1": "450853457545",
289
+ "cn-northwest-1": "451049120500",
290
+ "eu-central-1": "492215442770",
291
+ "eu-central-2": "680994064768",
292
+ "eu-north-1": "662702820516",
293
+ "eu-south-1": "978288397137",
294
+ "eu-south-2": "104374241257",
295
+ "eu-west-1": "141502667606",
296
+ "eu-west-2": "764974769150",
297
+ "eu-west-3": "659782779980",
298
+ "il-central-1": "898809789911",
299
+ "me-central-1": "272398656194",
300
+ "me-south-1": "801668240914",
301
+ "sa-east-1": "737474898029",
302
+ "us-east-1": "683313688378",
303
+ "us-east-2": "257758044811",
304
+ "us-gov-east-1": "237065988967",
305
+ "us-gov-west-1": "414596584902",
306
+ "us-iso-east-1": "833128469047",
307
+ "us-isob-east-1": "281123927165",
308
+ "us-isof-east-1": "108575199400",
309
+ "us-isof-south-1": "124985052026",
310
+ "us-west-1": "746614075791",
311
+ "us-west-2": "246618743249"
312
+ },
313
+ "repository": "sagemaker-xgboost"
314
+ },
315
+ "1.5-1": {
316
+ "registries": {
317
+ "af-south-1": "510948584623",
318
+ "ap-east-1": "651117190479",
319
+ "ap-northeast-1": "354813040037",
320
+ "ap-northeast-2": "366743142698",
321
+ "ap-northeast-3": "867004704886",
322
+ "ap-south-1": "720646828776",
323
+ "ap-south-2": "628508329040",
324
+ "ap-southeast-1": "121021644041",
325
+ "ap-southeast-2": "783357654285",
326
+ "ap-southeast-3": "951798379941",
327
+ "ap-southeast-4": "106583098589",
328
+ "ca-central-1": "341280168497",
329
+ "ca-west-1": "190319476487",
330
+ "cn-north-1": "450853457545",
331
+ "cn-northwest-1": "451049120500",
332
+ "eu-central-1": "492215442770",
333
+ "eu-central-2": "680994064768",
334
+ "eu-north-1": "662702820516",
335
+ "eu-south-1": "978288397137",
336
+ "eu-south-2": "104374241257",
337
+ "eu-west-1": "141502667606",
338
+ "eu-west-2": "764974769150",
339
+ "eu-west-3": "659782779980",
340
+ "il-central-1": "898809789911",
341
+ "me-central-1": "272398656194",
342
+ "me-south-1": "801668240914",
343
+ "sa-east-1": "737474898029",
344
+ "us-east-1": "683313688378",
345
+ "us-east-2": "257758044811",
346
+ "us-gov-east-1": "237065988967",
347
+ "us-gov-west-1": "414596584902",
348
+ "us-iso-east-1": "833128469047",
349
+ "us-isob-east-1": "281123927165",
350
+ "us-isof-east-1": "108575199400",
351
+ "us-isof-south-1": "124985052026",
352
+ "us-west-1": "746614075791",
353
+ "us-west-2": "246618743249"
354
+ },
355
+ "repository": "sagemaker-xgboost"
356
+ },
357
+ "1.7-1": {
358
+ "registries": {
359
+ "af-south-1": "510948584623",
360
+ "ap-east-1": "651117190479",
361
+ "ap-northeast-1": "354813040037",
362
+ "ap-northeast-2": "366743142698",
363
+ "ap-northeast-3": "867004704886",
364
+ "ap-south-1": "720646828776",
365
+ "ap-south-2": "628508329040",
366
+ "ap-southeast-1": "121021644041",
367
+ "ap-southeast-2": "783357654285",
368
+ "ap-southeast-3": "951798379941",
369
+ "ap-southeast-4": "106583098589",
370
+ "ca-central-1": "341280168497",
371
+ "ca-west-1": "190319476487",
372
+ "cn-north-1": "450853457545",
373
+ "cn-northwest-1": "451049120500",
374
+ "eu-central-1": "492215442770",
375
+ "eu-central-2": "680994064768",
376
+ "eu-north-1": "662702820516",
377
+ "eu-south-1": "978288397137",
378
+ "eu-south-2": "104374241257",
379
+ "eu-west-1": "141502667606",
380
+ "eu-west-2": "764974769150",
381
+ "eu-west-3": "659782779980",
382
+ "il-central-1": "898809789911",
383
+ "me-central-1": "272398656194",
384
+ "me-south-1": "801668240914",
385
+ "sa-east-1": "737474898029",
386
+ "us-east-1": "683313688378",
387
+ "us-east-2": "257758044811",
388
+ "us-gov-east-1": "237065988967",
389
+ "us-gov-west-1": "414596584902",
390
+ "us-iso-east-1": "833128469047",
391
+ "us-isob-east-1": "281123927165",
392
+ "us-isof-east-1": "108575199400",
393
+ "us-isof-south-1": "124985052026",
394
+ "us-west-1": "746614075791",
395
+ "us-west-2": "246618743249"
396
+ },
397
+ "repository": "sagemaker-xgboost"
398
+ }
399
+ }
400
+ },
401
+ "training": {
402
+ "version_aliases": {
403
+ "latest": "1"
404
+ },
405
+ "versions": {
406
+ "1": {
407
+ "registries": {
408
+ "af-south-1": "455444449433",
409
+ "ap-east-1": "286214385809",
410
+ "ap-northeast-1": "501404015308",
411
+ "ap-northeast-2": "306986355934",
412
+ "ap-northeast-3": "867004704886",
413
+ "ap-south-1": "991648021394",
414
+ "ap-south-2": "628508329040",
415
+ "ap-southeast-1": "475088953585",
416
+ "ap-southeast-2": "544295431143",
417
+ "ap-southeast-3": "951798379941",
418
+ "ap-southeast-4": "106583098589",
419
+ "ca-central-1": "469771592824",
420
+ "cn-north-1": "390948362332",
421
+ "cn-northwest-1": "387376663083",
422
+ "eu-central-1": "813361260812",
423
+ "eu-central-2": "680994064768",
424
+ "eu-north-1": "669576153137",
425
+ "eu-south-1": "257386234256",
426
+ "eu-south-2": "104374241257",
427
+ "eu-west-1": "685385470294",
428
+ "eu-west-2": "644912444149",
429
+ "eu-west-3": "749696950732",
430
+ "me-central-1": "272398656194",
431
+ "me-south-1": "249704162688",
432
+ "sa-east-1": "855470959533",
433
+ "us-east-1": "811284229777",
434
+ "us-east-2": "825641698319",
435
+ "us-gov-east-1": "237065988967",
436
+ "us-gov-west-1": "226302683700",
437
+ "us-iso-east-1": "490574956308",
438
+ "us-isob-east-1": "765400339828",
439
+ "us-west-1": "632365934929",
440
+ "us-west-2": "433757028032"
441
+ },
442
+ "repository": "xgboost"
443
+ },
444
+ "0.90-1": {
445
+ "processors": [
446
+ "cpu"
447
+ ],
448
+ "py_versions": [
449
+ "py3"
450
+ ],
451
+ "registries": {
452
+ "af-south-1": "510948584623",
453
+ "ap-east-1": "651117190479",
454
+ "ap-northeast-1": "354813040037",
455
+ "ap-northeast-2": "366743142698",
456
+ "ap-northeast-3": "867004704886",
457
+ "ap-south-1": "720646828776",
458
+ "ap-south-2": "628508329040",
459
+ "ap-southeast-1": "121021644041",
460
+ "ap-southeast-2": "783357654285",
461
+ "ap-southeast-3": "951798379941",
462
+ "ap-southeast-4": "106583098589",
463
+ "ca-central-1": "341280168497",
464
+ "ca-west-1": "190319476487",
465
+ "cn-north-1": "450853457545",
466
+ "cn-northwest-1": "451049120500",
467
+ "eu-central-1": "492215442770",
468
+ "eu-central-2": "680994064768",
469
+ "eu-north-1": "662702820516",
470
+ "eu-south-1": "978288397137",
471
+ "eu-south-2": "104374241257",
472
+ "eu-west-1": "141502667606",
473
+ "eu-west-2": "764974769150",
474
+ "eu-west-3": "659782779980",
475
+ "il-central-1": "898809789911",
476
+ "me-central-1": "272398656194",
477
+ "me-south-1": "801668240914",
478
+ "sa-east-1": "737474898029",
479
+ "us-east-1": "683313688378",
480
+ "us-east-2": "257758044811",
481
+ "us-gov-east-1": "237065988967",
482
+ "us-gov-west-1": "414596584902",
483
+ "us-iso-east-1": "833128469047",
484
+ "us-isob-east-1": "281123927165",
485
+ "us-isof-east-1": "108575199400",
486
+ "us-isof-south-1": "124985052026",
487
+ "us-west-1": "746614075791",
488
+ "us-west-2": "246618743249"
489
+ },
490
+ "repository": "sagemaker-xgboost"
491
+ },
492
+ "0.90-2": {
493
+ "processors": [
494
+ "cpu"
495
+ ],
496
+ "py_versions": [
497
+ "py3"
498
+ ],
499
+ "registries": {
500
+ "af-south-1": "510948584623",
501
+ "ap-east-1": "651117190479",
502
+ "ap-northeast-1": "354813040037",
503
+ "ap-northeast-2": "366743142698",
504
+ "ap-northeast-3": "867004704886",
505
+ "ap-south-1": "720646828776",
506
+ "ap-south-2": "628508329040",
507
+ "ap-southeast-1": "121021644041",
508
+ "ap-southeast-2": "783357654285",
509
+ "ap-southeast-3": "951798379941",
510
+ "ap-southeast-4": "106583098589",
511
+ "ca-central-1": "341280168497",
512
+ "ca-west-1": "190319476487",
513
+ "cn-north-1": "450853457545",
514
+ "cn-northwest-1": "451049120500",
515
+ "eu-central-1": "492215442770",
516
+ "eu-central-2": "680994064768",
517
+ "eu-north-1": "662702820516",
518
+ "eu-south-1": "978288397137",
519
+ "eu-south-2": "104374241257",
520
+ "eu-west-1": "141502667606",
521
+ "eu-west-2": "764974769150",
522
+ "eu-west-3": "659782779980",
523
+ "il-central-1": "898809789911",
524
+ "me-central-1": "272398656194",
525
+ "me-south-1": "801668240914",
526
+ "sa-east-1": "737474898029",
527
+ "us-east-1": "683313688378",
528
+ "us-east-2": "257758044811",
529
+ "us-gov-east-1": "237065988967",
530
+ "us-gov-west-1": "414596584902",
531
+ "us-iso-east-1": "833128469047",
532
+ "us-isob-east-1": "281123927165",
533
+ "us-isof-east-1": "108575199400",
534
+ "us-isof-south-1": "124985052026",
535
+ "us-west-1": "746614075791",
536
+ "us-west-2": "246618743249"
537
+ },
538
+ "repository": "sagemaker-xgboost"
539
+ },
540
+ "1.0-1": {
541
+ "processors": [
542
+ "cpu"
543
+ ],
544
+ "py_versions": [
545
+ "py3"
546
+ ],
547
+ "registries": {
548
+ "af-south-1": "510948584623",
549
+ "ap-east-1": "651117190479",
550
+ "ap-northeast-1": "354813040037",
551
+ "ap-northeast-2": "366743142698",
552
+ "ap-northeast-3": "867004704886",
553
+ "ap-south-1": "720646828776",
554
+ "ap-south-2": "628508329040",
555
+ "ap-southeast-1": "121021644041",
556
+ "ap-southeast-2": "783357654285",
557
+ "ap-southeast-3": "951798379941",
558
+ "ap-southeast-4": "106583098589",
559
+ "ca-central-1": "341280168497",
560
+ "ca-west-1": "190319476487",
561
+ "cn-north-1": "450853457545",
562
+ "cn-northwest-1": "451049120500",
563
+ "eu-central-1": "492215442770",
564
+ "eu-central-2": "680994064768",
565
+ "eu-north-1": "662702820516",
566
+ "eu-south-1": "978288397137",
567
+ "eu-south-2": "104374241257",
568
+ "eu-west-1": "141502667606",
569
+ "eu-west-2": "764974769150",
570
+ "eu-west-3": "659782779980",
571
+ "il-central-1": "898809789911",
572
+ "me-central-1": "272398656194",
573
+ "me-south-1": "801668240914",
574
+ "sa-east-1": "737474898029",
575
+ "us-east-1": "683313688378",
576
+ "us-east-2": "257758044811",
577
+ "us-gov-east-1": "237065988967",
578
+ "us-gov-west-1": "414596584902",
579
+ "us-iso-east-1": "833128469047",
580
+ "us-isob-east-1": "281123927165",
581
+ "us-isof-east-1": "108575199400",
582
+ "us-isof-south-1": "124985052026",
583
+ "us-west-1": "746614075791",
584
+ "us-west-2": "246618743249"
585
+ },
586
+ "repository": "sagemaker-xgboost"
587
+ },
588
+ "1.2-1": {
589
+ "registries": {
590
+ "af-south-1": "510948584623",
591
+ "ap-east-1": "651117190479",
592
+ "ap-northeast-1": "354813040037",
593
+ "ap-northeast-2": "366743142698",
594
+ "ap-northeast-3": "867004704886",
595
+ "ap-south-1": "720646828776",
596
+ "ap-south-2": "628508329040",
597
+ "ap-southeast-1": "121021644041",
598
+ "ap-southeast-2": "783357654285",
599
+ "ap-southeast-3": "951798379941",
600
+ "ap-southeast-4": "106583098589",
601
+ "ca-central-1": "341280168497",
602
+ "ca-west-1": "190319476487",
603
+ "cn-north-1": "450853457545",
604
+ "cn-northwest-1": "451049120500",
605
+ "eu-central-1": "492215442770",
606
+ "eu-central-2": "680994064768",
607
+ "eu-north-1": "662702820516",
608
+ "eu-south-1": "978288397137",
609
+ "eu-south-2": "104374241257",
610
+ "eu-west-1": "141502667606",
611
+ "eu-west-2": "764974769150",
612
+ "eu-west-3": "659782779980",
613
+ "il-central-1": "898809789911",
614
+ "me-central-1": "272398656194",
615
+ "me-south-1": "801668240914",
616
+ "sa-east-1": "737474898029",
617
+ "us-east-1": "683313688378",
618
+ "us-east-2": "257758044811",
619
+ "us-gov-east-1": "237065988967",
620
+ "us-gov-west-1": "414596584902",
621
+ "us-iso-east-1": "833128469047",
622
+ "us-isob-east-1": "281123927165",
623
+ "us-isof-east-1": "108575199400",
624
+ "us-isof-south-1": "124985052026",
625
+ "us-west-1": "746614075791",
626
+ "us-west-2": "246618743249"
627
+ },
628
+ "repository": "sagemaker-xgboost"
629
+ },
630
+ "1.2-2": {
631
+ "registries": {
632
+ "af-south-1": "510948584623",
633
+ "ap-east-1": "651117190479",
634
+ "ap-northeast-1": "354813040037",
635
+ "ap-northeast-2": "366743142698",
636
+ "ap-northeast-3": "867004704886",
637
+ "ap-south-1": "720646828776",
638
+ "ap-south-2": "628508329040",
639
+ "ap-southeast-1": "121021644041",
640
+ "ap-southeast-2": "783357654285",
641
+ "ap-southeast-3": "951798379941",
642
+ "ap-southeast-4": "106583098589",
643
+ "ca-central-1": "341280168497",
644
+ "ca-west-1": "190319476487",
645
+ "cn-north-1": "450853457545",
646
+ "cn-northwest-1": "451049120500",
647
+ "eu-central-1": "492215442770",
648
+ "eu-central-2": "680994064768",
649
+ "eu-north-1": "662702820516",
650
+ "eu-south-1": "978288397137",
651
+ "eu-south-2": "104374241257",
652
+ "eu-west-1": "141502667606",
653
+ "eu-west-2": "764974769150",
654
+ "eu-west-3": "659782779980",
655
+ "il-central-1": "898809789911",
656
+ "me-central-1": "272398656194",
657
+ "me-south-1": "801668240914",
658
+ "sa-east-1": "737474898029",
659
+ "us-east-1": "683313688378",
660
+ "us-east-2": "257758044811",
661
+ "us-gov-east-1": "237065988967",
662
+ "us-gov-west-1": "414596584902",
663
+ "us-iso-east-1": "833128469047",
664
+ "us-isob-east-1": "281123927165",
665
+ "us-isof-east-1": "108575199400",
666
+ "us-isof-south-1": "124985052026",
667
+ "us-west-1": "746614075791",
668
+ "us-west-2": "246618743249"
669
+ },
670
+ "repository": "sagemaker-xgboost"
671
+ },
672
+ "1.3-1": {
673
+ "registries": {
674
+ "af-south-1": "510948584623",
675
+ "ap-east-1": "651117190479",
676
+ "ap-northeast-1": "354813040037",
677
+ "ap-northeast-2": "366743142698",
678
+ "ap-northeast-3": "867004704886",
679
+ "ap-south-1": "720646828776",
680
+ "ap-south-2": "628508329040",
681
+ "ap-southeast-1": "121021644041",
682
+ "ap-southeast-2": "783357654285",
683
+ "ap-southeast-3": "951798379941",
684
+ "ap-southeast-4": "106583098589",
685
+ "ca-central-1": "341280168497",
686
+ "ca-west-1": "190319476487",
687
+ "cn-north-1": "450853457545",
688
+ "cn-northwest-1": "451049120500",
689
+ "eu-central-1": "492215442770",
690
+ "eu-central-2": "680994064768",
691
+ "eu-north-1": "662702820516",
692
+ "eu-south-1": "978288397137",
693
+ "eu-south-2": "104374241257",
694
+ "eu-west-1": "141502667606",
695
+ "eu-west-2": "764974769150",
696
+ "eu-west-3": "659782779980",
697
+ "il-central-1": "898809789911",
698
+ "me-central-1": "272398656194",
699
+ "me-south-1": "801668240914",
700
+ "sa-east-1": "737474898029",
701
+ "us-east-1": "683313688378",
702
+ "us-east-2": "257758044811",
703
+ "us-gov-east-1": "237065988967",
704
+ "us-gov-west-1": "414596584902",
705
+ "us-iso-east-1": "833128469047",
706
+ "us-isob-east-1": "281123927165",
707
+ "us-isof-east-1": "108575199400",
708
+ "us-isof-south-1": "124985052026",
709
+ "us-west-1": "746614075791",
710
+ "us-west-2": "246618743249"
711
+ },
712
+ "repository": "sagemaker-xgboost"
713
+ },
714
+ "1.5-1": {
715
+ "registries": {
716
+ "af-south-1": "510948584623",
717
+ "ap-east-1": "651117190479",
718
+ "ap-northeast-1": "354813040037",
719
+ "ap-northeast-2": "366743142698",
720
+ "ap-northeast-3": "867004704886",
721
+ "ap-south-1": "720646828776",
722
+ "ap-south-2": "628508329040",
723
+ "ap-southeast-1": "121021644041",
724
+ "ap-southeast-2": "783357654285",
725
+ "ap-southeast-3": "951798379941",
726
+ "ap-southeast-4": "106583098589",
727
+ "ca-central-1": "341280168497",
728
+ "ca-west-1": "190319476487",
729
+ "cn-north-1": "450853457545",
730
+ "cn-northwest-1": "451049120500",
731
+ "eu-central-1": "492215442770",
732
+ "eu-central-2": "680994064768",
733
+ "eu-north-1": "662702820516",
734
+ "eu-south-1": "978288397137",
735
+ "eu-south-2": "104374241257",
736
+ "eu-west-1": "141502667606",
737
+ "eu-west-2": "764974769150",
738
+ "eu-west-3": "659782779980",
739
+ "il-central-1": "898809789911",
740
+ "me-central-1": "272398656194",
741
+ "me-south-1": "801668240914",
742
+ "sa-east-1": "737474898029",
743
+ "us-east-1": "683313688378",
744
+ "us-east-2": "257758044811",
745
+ "us-gov-east-1": "237065988967",
746
+ "us-gov-west-1": "414596584902",
747
+ "us-iso-east-1": "833128469047",
748
+ "us-isob-east-1": "281123927165",
749
+ "us-isof-east-1": "108575199400",
750
+ "us-isof-south-1": "124985052026",
751
+ "us-west-1": "746614075791",
752
+ "us-west-2": "246618743249"
753
+ },
754
+ "repository": "sagemaker-xgboost"
755
+ },
756
+ "1.7-1": {
757
+ "registries": {
758
+ "af-south-1": "510948584623",
759
+ "ap-east-1": "651117190479",
760
+ "ap-northeast-1": "354813040037",
761
+ "ap-northeast-2": "366743142698",
762
+ "ap-northeast-3": "867004704886",
763
+ "ap-south-1": "720646828776",
764
+ "ap-south-2": "628508329040",
765
+ "ap-southeast-1": "121021644041",
766
+ "ap-southeast-2": "783357654285",
767
+ "ap-southeast-3": "951798379941",
768
+ "ap-southeast-4": "106583098589",
769
+ "ca-central-1": "341280168497",
770
+ "ca-west-1": "190319476487",
771
+ "cn-north-1": "450853457545",
772
+ "cn-northwest-1": "451049120500",
773
+ "eu-central-1": "492215442770",
774
+ "eu-central-2": "680994064768",
775
+ "eu-north-1": "662702820516",
776
+ "eu-south-1": "978288397137",
777
+ "eu-south-2": "104374241257",
778
+ "eu-west-1": "141502667606",
779
+ "eu-west-2": "764974769150",
780
+ "eu-west-3": "659782779980",
781
+ "il-central-1": "898809789911",
782
+ "me-central-1": "272398656194",
783
+ "me-south-1": "801668240914",
784
+ "sa-east-1": "737474898029",
785
+ "us-east-1": "683313688378",
786
+ "us-east-2": "257758044811",
787
+ "us-gov-east-1": "237065988967",
788
+ "us-gov-west-1": "414596584902",
789
+ "us-iso-east-1": "833128469047",
790
+ "us-isob-east-1": "281123927165",
791
+ "us-isof-east-1": "108575199400",
792
+ "us-isof-south-1": "124985052026",
793
+ "us-west-1": "746614075791",
794
+ "us-west-2": "246618743249"
795
+ },
796
+ "repository": "sagemaker-xgboost"
797
+ }
798
+ }
799
+ },
800
+ "inference_graviton": {
801
+ "versions": {
802
+ "1.3-1": {
803
+ "registries": {
804
+ "af-south-1": "510948584623",
805
+ "ap-east-1": "651117190479",
806
+ "ap-northeast-1": "354813040037",
807
+ "ap-northeast-2": "366743142698",
808
+ "ap-northeast-3": "867004704886",
809
+ "ap-south-1": "720646828776",
810
+ "ap-south-2": "628508329040",
811
+ "ap-southeast-1": "121021644041",
812
+ "ap-southeast-2": "783357654285",
813
+ "ap-southeast-3": "951798379941",
814
+ "ap-southeast-4": "106583098589",
815
+ "ca-central-1": "341280168497",
816
+ "ca-west-1": "190319476487",
817
+ "cn-north-1": "450853457545",
818
+ "cn-northwest-1": "451049120500",
819
+ "eu-central-1": "492215442770",
820
+ "eu-central-2": "680994064768",
821
+ "eu-north-1": "662702820516",
822
+ "eu-south-1": "978288397137",
823
+ "eu-south-2": "104374241257",
824
+ "eu-west-1": "141502667606",
825
+ "eu-west-2": "764974769150",
826
+ "eu-west-3": "659782779980",
827
+ "il-central-1": "898809789911",
828
+ "me-central-1": "272398656194",
829
+ "me-south-1": "801668240914",
830
+ "sa-east-1": "737474898029",
831
+ "us-east-1": "683313688378",
832
+ "us-east-2": "257758044811",
833
+ "us-gov-east-1": "237065988967",
834
+ "us-gov-west-1": "414596584902",
835
+ "us-iso-east-1": "833128469047",
836
+ "us-isob-east-1": "281123927165",
837
+ "us-isof-east-1": "108575199400",
838
+ "us-isof-south-1": "124985052026",
839
+ "us-west-1": "746614075791",
840
+ "us-west-2": "246618743249"
841
+ },
842
+ "repository": "sagemaker-xgboost"
843
+ },
844
+ "1.5-1": {
845
+ "registries": {
846
+ "af-south-1": "510948584623",
847
+ "ap-east-1": "651117190479",
848
+ "ap-northeast-1": "354813040037",
849
+ "ap-northeast-2": "366743142698",
850
+ "ap-northeast-3": "867004704886",
851
+ "ap-south-1": "720646828776",
852
+ "ap-south-2": "628508329040",
853
+ "ap-southeast-1": "121021644041",
854
+ "ap-southeast-2": "783357654285",
855
+ "ap-southeast-3": "951798379941",
856
+ "ap-southeast-4": "106583098589",
857
+ "ca-central-1": "341280168497",
858
+ "ca-west-1": "190319476487",
859
+ "cn-north-1": "450853457545",
860
+ "cn-northwest-1": "451049120500",
861
+ "eu-central-1": "492215442770",
862
+ "eu-central-2": "680994064768",
863
+ "eu-north-1": "662702820516",
864
+ "eu-south-1": "978288397137",
865
+ "eu-south-2": "104374241257",
866
+ "eu-west-1": "141502667606",
867
+ "eu-west-2": "764974769150",
868
+ "eu-west-3": "659782779980",
869
+ "il-central-1": "898809789911",
870
+ "me-central-1": "272398656194",
871
+ "me-south-1": "801668240914",
872
+ "sa-east-1": "737474898029",
873
+ "us-east-1": "683313688378",
874
+ "us-east-2": "257758044811",
875
+ "us-gov-east-1": "237065988967",
876
+ "us-gov-west-1": "414596584902",
877
+ "us-iso-east-1": "833128469047",
878
+ "us-isob-east-1": "281123927165",
879
+ "us-isof-east-1": "108575199400",
880
+ "us-isof-south-1": "124985052026",
881
+ "us-west-1": "746614075791",
882
+ "us-west-2": "246618743249"
883
+ },
884
+ "repository": "sagemaker-xgboost"
885
+ }
886
+ }
887
+ }
888
+ }