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,1335 @@
1
+ {
2
+ "training": {
3
+ "processors": [
4
+ "cpu",
5
+ "gpu"
6
+ ],
7
+ "version_aliases": {
8
+ "0.3": "0.3.2",
9
+ "0.4": "0.4.3",
10
+ "0.5": "0.5.2",
11
+ "0.6": "0.6.2",
12
+ "0.7": "0.7.0",
13
+ "0.8": "0.8.2",
14
+ "1.0": "1.0.0",
15
+ "1.1": "1.1.1",
16
+ "1.2": "1.2.0",
17
+ "1.3": "1.3.0"
18
+ },
19
+ "versions": {
20
+ "0.3.1": {
21
+ "registries": {
22
+ "af-south-1": "626614931356",
23
+ "il-central-1": "780543022126",
24
+ "ap-east-1": "871362719292",
25
+ "ap-northeast-1": "763104351884",
26
+ "ap-northeast-2": "763104351884",
27
+ "ap-northeast-3": "364406365360",
28
+ "ap-south-1": "763104351884",
29
+ "ap-south-2": "772153158452",
30
+ "ap-southeast-1": "763104351884",
31
+ "ap-southeast-2": "763104351884",
32
+ "ap-southeast-3": "907027046896",
33
+ "ap-southeast-4": "457447274322",
34
+ "ca-central-1": "763104351884",
35
+ "eu-central-1": "763104351884",
36
+ "eu-central-2": "380420809688",
37
+ "eu-north-1": "763104351884",
38
+ "eu-west-1": "763104351884",
39
+ "eu-west-2": "763104351884",
40
+ "eu-west-3": "763104351884",
41
+ "eu-south-1": "692866216735",
42
+ "eu-south-2": "503227376785",
43
+ "me-south-1": "217643126080",
44
+ "me-central-1": "914824155844",
45
+ "sa-east-1": "763104351884",
46
+ "us-east-1": "763104351884",
47
+ "us-east-2": "763104351884",
48
+ "us-gov-east-1": "446045086412",
49
+ "us-gov-west-1": "442386744353",
50
+ "us-iso-east-1": "886529160074",
51
+ "us-isob-east-1": "094389454867",
52
+ "us-west-1": "763104351884",
53
+ "us-west-2": "763104351884",
54
+ "ca-west-1": "204538143572"
55
+ },
56
+ "repository": "autogluon-training",
57
+ "py_versions": [
58
+ "py37"
59
+ ]
60
+ },
61
+ "0.3.2": {
62
+ "registries": {
63
+ "af-south-1": "626614931356",
64
+ "il-central-1": "780543022126",
65
+ "ap-east-1": "871362719292",
66
+ "ap-northeast-1": "763104351884",
67
+ "ap-northeast-2": "763104351884",
68
+ "ap-northeast-3": "364406365360",
69
+ "ap-south-1": "763104351884",
70
+ "ap-south-2": "772153158452",
71
+ "ap-southeast-1": "763104351884",
72
+ "ap-southeast-2": "763104351884",
73
+ "ap-southeast-3": "907027046896",
74
+ "ap-southeast-4": "457447274322",
75
+ "ca-central-1": "763104351884",
76
+ "eu-central-1": "763104351884",
77
+ "eu-central-2": "380420809688",
78
+ "eu-north-1": "763104351884",
79
+ "eu-west-1": "763104351884",
80
+ "eu-west-2": "763104351884",
81
+ "eu-west-3": "763104351884",
82
+ "eu-south-1": "692866216735",
83
+ "eu-south-2": "503227376785",
84
+ "me-south-1": "217643126080",
85
+ "me-central-1": "914824155844",
86
+ "sa-east-1": "763104351884",
87
+ "us-east-1": "763104351884",
88
+ "us-east-2": "763104351884",
89
+ "us-gov-east-1": "446045086412",
90
+ "us-gov-west-1": "442386744353",
91
+ "us-iso-east-1": "886529160074",
92
+ "us-isob-east-1": "094389454867",
93
+ "us-west-1": "763104351884",
94
+ "us-west-2": "763104351884",
95
+ "ca-west-1": "204538143572"
96
+ },
97
+ "repository": "autogluon-training",
98
+ "py_versions": [
99
+ "py38"
100
+ ]
101
+ },
102
+ "0.4.0": {
103
+ "registries": {
104
+ "af-south-1": "626614931356",
105
+ "il-central-1": "780543022126",
106
+ "ap-east-1": "871362719292",
107
+ "ap-northeast-1": "763104351884",
108
+ "ap-northeast-2": "763104351884",
109
+ "ap-northeast-3": "364406365360",
110
+ "ap-south-1": "763104351884",
111
+ "ap-south-2": "772153158452",
112
+ "ap-southeast-1": "763104351884",
113
+ "ap-southeast-2": "763104351884",
114
+ "ap-southeast-3": "907027046896",
115
+ "ap-southeast-4": "457447274322",
116
+ "ca-central-1": "763104351884",
117
+ "eu-central-1": "763104351884",
118
+ "eu-central-2": "380420809688",
119
+ "eu-north-1": "763104351884",
120
+ "eu-west-1": "763104351884",
121
+ "eu-west-2": "763104351884",
122
+ "eu-west-3": "763104351884",
123
+ "eu-south-1": "692866216735",
124
+ "eu-south-2": "503227376785",
125
+ "me-south-1": "217643126080",
126
+ "me-central-1": "914824155844",
127
+ "sa-east-1": "763104351884",
128
+ "us-east-1": "763104351884",
129
+ "us-east-2": "763104351884",
130
+ "us-gov-east-1": "446045086412",
131
+ "us-gov-west-1": "442386744353",
132
+ "us-iso-east-1": "886529160074",
133
+ "us-isob-east-1": "094389454867",
134
+ "us-west-1": "763104351884",
135
+ "us-west-2": "763104351884",
136
+ "ca-west-1": "204538143572"
137
+ },
138
+ "repository": "autogluon-training",
139
+ "processors": [
140
+ "cpu",
141
+ "gpu"
142
+ ],
143
+ "py_versions": [
144
+ "py38"
145
+ ]
146
+ },
147
+ "0.4.2": {
148
+ "registries": {
149
+ "af-south-1": "626614931356",
150
+ "il-central-1": "780543022126",
151
+ "ap-east-1": "871362719292",
152
+ "ap-northeast-1": "763104351884",
153
+ "ap-northeast-2": "763104351884",
154
+ "ap-northeast-3": "364406365360",
155
+ "ap-south-1": "763104351884",
156
+ "ap-south-2": "772153158452",
157
+ "ap-southeast-1": "763104351884",
158
+ "ap-southeast-2": "763104351884",
159
+ "ap-southeast-3": "907027046896",
160
+ "ap-southeast-4": "457447274322",
161
+ "ca-central-1": "763104351884",
162
+ "eu-central-1": "763104351884",
163
+ "eu-central-2": "380420809688",
164
+ "eu-north-1": "763104351884",
165
+ "eu-west-1": "763104351884",
166
+ "eu-west-2": "763104351884",
167
+ "eu-west-3": "763104351884",
168
+ "eu-south-1": "692866216735",
169
+ "eu-south-2": "503227376785",
170
+ "me-south-1": "217643126080",
171
+ "me-central-1": "914824155844",
172
+ "sa-east-1": "763104351884",
173
+ "us-east-1": "763104351884",
174
+ "us-east-2": "763104351884",
175
+ "us-gov-east-1": "446045086412",
176
+ "us-gov-west-1": "442386744353",
177
+ "us-iso-east-1": "886529160074",
178
+ "us-isob-east-1": "094389454867",
179
+ "us-west-1": "763104351884",
180
+ "us-west-2": "763104351884",
181
+ "ca-west-1": "204538143572"
182
+ },
183
+ "repository": "autogluon-training",
184
+ "processors": [
185
+ "cpu",
186
+ "gpu"
187
+ ],
188
+ "py_versions": [
189
+ "py38"
190
+ ]
191
+ },
192
+ "0.4.3": {
193
+ "registries": {
194
+ "af-south-1": "626614931356",
195
+ "il-central-1": "780543022126",
196
+ "ap-east-1": "871362719292",
197
+ "ap-northeast-1": "763104351884",
198
+ "ap-northeast-2": "763104351884",
199
+ "ap-northeast-3": "364406365360",
200
+ "ap-south-1": "763104351884",
201
+ "ap-south-2": "772153158452",
202
+ "ap-southeast-1": "763104351884",
203
+ "ap-southeast-2": "763104351884",
204
+ "ap-southeast-3": "907027046896",
205
+ "ap-southeast-4": "457447274322",
206
+ "ca-central-1": "763104351884",
207
+ "eu-central-1": "763104351884",
208
+ "eu-central-2": "380420809688",
209
+ "eu-north-1": "763104351884",
210
+ "eu-west-1": "763104351884",
211
+ "eu-west-2": "763104351884",
212
+ "eu-west-3": "763104351884",
213
+ "eu-south-1": "692866216735",
214
+ "eu-south-2": "503227376785",
215
+ "me-south-1": "217643126080",
216
+ "me-central-1": "914824155844",
217
+ "sa-east-1": "763104351884",
218
+ "us-east-1": "763104351884",
219
+ "us-east-2": "763104351884",
220
+ "us-gov-east-1": "446045086412",
221
+ "us-gov-west-1": "442386744353",
222
+ "us-iso-east-1": "886529160074",
223
+ "us-isob-east-1": "094389454867",
224
+ "us-west-1": "763104351884",
225
+ "us-west-2": "763104351884",
226
+ "ca-west-1": "204538143572"
227
+ },
228
+ "repository": "autogluon-training",
229
+ "processors": [
230
+ "cpu",
231
+ "gpu"
232
+ ],
233
+ "py_versions": [
234
+ "py38"
235
+ ]
236
+ },
237
+ "0.5.2": {
238
+ "registries": {
239
+ "af-south-1": "626614931356",
240
+ "il-central-1": "780543022126",
241
+ "ap-east-1": "871362719292",
242
+ "ap-northeast-1": "763104351884",
243
+ "ap-northeast-2": "763104351884",
244
+ "ap-northeast-3": "364406365360",
245
+ "ap-south-1": "763104351884",
246
+ "ap-south-2": "772153158452",
247
+ "ap-southeast-1": "763104351884",
248
+ "ap-southeast-2": "763104351884",
249
+ "ap-southeast-3": "907027046896",
250
+ "ap-southeast-4": "457447274322",
251
+ "ca-central-1": "763104351884",
252
+ "eu-central-1": "763104351884",
253
+ "eu-central-2": "380420809688",
254
+ "eu-north-1": "763104351884",
255
+ "eu-west-1": "763104351884",
256
+ "eu-west-2": "763104351884",
257
+ "eu-west-3": "763104351884",
258
+ "eu-south-1": "692866216735",
259
+ "eu-south-2": "503227376785",
260
+ "me-south-1": "217643126080",
261
+ "me-central-1": "914824155844",
262
+ "sa-east-1": "763104351884",
263
+ "us-east-1": "763104351884",
264
+ "us-east-2": "763104351884",
265
+ "us-gov-east-1": "446045086412",
266
+ "us-gov-west-1": "442386744353",
267
+ "us-iso-east-1": "886529160074",
268
+ "us-isob-east-1": "094389454867",
269
+ "us-west-1": "763104351884",
270
+ "us-west-2": "763104351884",
271
+ "ca-west-1": "204538143572"
272
+ },
273
+ "repository": "autogluon-training",
274
+ "processors": [
275
+ "cpu",
276
+ "gpu"
277
+ ],
278
+ "py_versions": [
279
+ "py38"
280
+ ]
281
+ },
282
+ "0.6.1": {
283
+ "registries": {
284
+ "af-south-1": "626614931356",
285
+ "il-central-1": "780543022126",
286
+ "ap-east-1": "871362719292",
287
+ "ap-northeast-1": "763104351884",
288
+ "ap-northeast-2": "763104351884",
289
+ "ap-northeast-3": "364406365360",
290
+ "ap-south-1": "763104351884",
291
+ "ap-southeast-1": "763104351884",
292
+ "ap-southeast-2": "763104351884",
293
+ "ap-southeast-3": "907027046896",
294
+ "ap-southeast-4": "457447274322",
295
+ "ca-central-1": "763104351884",
296
+ "eu-central-1": "763104351884",
297
+ "eu-north-1": "763104351884",
298
+ "eu-west-1": "763104351884",
299
+ "eu-west-2": "763104351884",
300
+ "eu-west-3": "763104351884",
301
+ "eu-south-1": "692866216735",
302
+ "me-south-1": "217643126080",
303
+ "sa-east-1": "763104351884",
304
+ "us-east-1": "763104351884",
305
+ "us-east-2": "763104351884",
306
+ "us-gov-east-1": "446045086412",
307
+ "us-gov-west-1": "442386744353",
308
+ "us-iso-east-1": "886529160074",
309
+ "us-isob-east-1": "094389454867",
310
+ "us-west-1": "763104351884",
311
+ "us-west-2": "763104351884",
312
+ "ca-west-1": "204538143572"
313
+ },
314
+ "repository": "autogluon-training",
315
+ "processors": [
316
+ "cpu",
317
+ "gpu"
318
+ ],
319
+ "py_versions": [
320
+ "py38"
321
+ ]
322
+ },
323
+ "0.6.2": {
324
+ "registries": {
325
+ "af-south-1": "626614931356",
326
+ "il-central-1": "780543022126",
327
+ "ap-east-1": "871362719292",
328
+ "ap-northeast-1": "763104351884",
329
+ "ap-northeast-2": "763104351884",
330
+ "ap-northeast-3": "364406365360",
331
+ "ap-south-1": "763104351884",
332
+ "ap-southeast-1": "763104351884",
333
+ "ap-southeast-2": "763104351884",
334
+ "ap-southeast-3": "907027046896",
335
+ "ap-southeast-4": "457447274322",
336
+ "ca-central-1": "763104351884",
337
+ "eu-central-1": "763104351884",
338
+ "eu-north-1": "763104351884",
339
+ "eu-west-1": "763104351884",
340
+ "eu-west-2": "763104351884",
341
+ "eu-west-3": "763104351884",
342
+ "eu-south-1": "692866216735",
343
+ "me-south-1": "217643126080",
344
+ "sa-east-1": "763104351884",
345
+ "us-east-1": "763104351884",
346
+ "us-east-2": "763104351884",
347
+ "us-gov-east-1": "446045086412",
348
+ "us-gov-west-1": "442386744353",
349
+ "us-iso-east-1": "886529160074",
350
+ "us-isob-east-1": "094389454867",
351
+ "us-west-1": "763104351884",
352
+ "us-west-2": "763104351884",
353
+ "ca-west-1": "204538143572"
354
+ },
355
+ "repository": "autogluon-training",
356
+ "processors": [
357
+ "cpu",
358
+ "gpu"
359
+ ],
360
+ "py_versions": [
361
+ "py38"
362
+ ]
363
+ },
364
+ "0.7.0": {
365
+ "registries": {
366
+ "af-south-1": "626614931356",
367
+ "il-central-1": "780543022126",
368
+ "ap-east-1": "871362719292",
369
+ "ap-northeast-1": "763104351884",
370
+ "ap-northeast-2": "763104351884",
371
+ "ap-northeast-3": "364406365360",
372
+ "ap-south-1": "763104351884",
373
+ "ap-southeast-1": "763104351884",
374
+ "ap-southeast-2": "763104351884",
375
+ "ap-southeast-3": "907027046896",
376
+ "ap-southeast-4": "457447274322",
377
+ "ca-central-1": "763104351884",
378
+ "eu-central-1": "763104351884",
379
+ "eu-north-1": "763104351884",
380
+ "eu-west-1": "763104351884",
381
+ "eu-west-2": "763104351884",
382
+ "eu-west-3": "763104351884",
383
+ "eu-south-1": "692866216735",
384
+ "me-south-1": "217643126080",
385
+ "sa-east-1": "763104351884",
386
+ "us-east-1": "763104351884",
387
+ "us-east-2": "763104351884",
388
+ "us-gov-east-1": "446045086412",
389
+ "us-gov-west-1": "442386744353",
390
+ "us-iso-east-1": "886529160074",
391
+ "us-isob-east-1": "094389454867",
392
+ "us-west-1": "763104351884",
393
+ "us-west-2": "763104351884",
394
+ "ca-west-1": "204538143572"
395
+ },
396
+ "repository": "autogluon-training",
397
+ "processors": [
398
+ "cpu",
399
+ "gpu"
400
+ ],
401
+ "py_versions": [
402
+ "py39"
403
+ ]
404
+ },
405
+ "0.8.2": {
406
+ "registries": {
407
+ "af-south-1": "626614931356",
408
+ "il-central-1": "780543022126",
409
+ "ap-east-1": "871362719292",
410
+ "ap-northeast-1": "763104351884",
411
+ "ap-northeast-2": "763104351884",
412
+ "ap-northeast-3": "364406365360",
413
+ "ap-south-1": "763104351884",
414
+ "ap-southeast-1": "763104351884",
415
+ "ap-southeast-2": "763104351884",
416
+ "ap-southeast-3": "907027046896",
417
+ "ap-southeast-4": "457447274322",
418
+ "ca-central-1": "763104351884",
419
+ "eu-central-1": "763104351884",
420
+ "eu-north-1": "763104351884",
421
+ "eu-west-1": "763104351884",
422
+ "eu-west-2": "763104351884",
423
+ "eu-west-3": "763104351884",
424
+ "eu-south-1": "692866216735",
425
+ "me-south-1": "217643126080",
426
+ "sa-east-1": "763104351884",
427
+ "us-east-1": "763104351884",
428
+ "us-east-2": "763104351884",
429
+ "us-gov-east-1": "446045086412",
430
+ "us-gov-west-1": "442386744353",
431
+ "us-iso-east-1": "886529160074",
432
+ "us-isob-east-1": "094389454867",
433
+ "us-west-1": "763104351884",
434
+ "us-west-2": "763104351884",
435
+ "ca-west-1": "204538143572"
436
+ },
437
+ "repository": "autogluon-training",
438
+ "processors": [
439
+ "cpu",
440
+ "gpu"
441
+ ],
442
+ "py_versions": [
443
+ "py39"
444
+ ]
445
+ },
446
+ "1.0.0": {
447
+ "registries": {
448
+ "af-south-1": "626614931356",
449
+ "il-central-1": "780543022126",
450
+ "ap-east-1": "871362719292",
451
+ "ap-northeast-1": "763104351884",
452
+ "ap-northeast-2": "763104351884",
453
+ "ap-northeast-3": "364406365360",
454
+ "ap-south-1": "763104351884",
455
+ "ap-southeast-1": "763104351884",
456
+ "ap-southeast-2": "763104351884",
457
+ "ap-southeast-3": "907027046896",
458
+ "ap-southeast-4": "457447274322",
459
+ "ca-central-1": "763104351884",
460
+ "eu-central-1": "763104351884",
461
+ "eu-north-1": "763104351884",
462
+ "eu-west-1": "763104351884",
463
+ "eu-west-2": "763104351884",
464
+ "eu-west-3": "763104351884",
465
+ "eu-south-1": "692866216735",
466
+ "me-south-1": "217643126080",
467
+ "sa-east-1": "763104351884",
468
+ "us-east-1": "763104351884",
469
+ "us-east-2": "763104351884",
470
+ "us-gov-east-1": "446045086412",
471
+ "us-gov-west-1": "442386744353",
472
+ "us-iso-east-1": "886529160074",
473
+ "us-isob-east-1": "094389454867",
474
+ "us-west-1": "763104351884",
475
+ "us-west-2": "763104351884",
476
+ "ca-west-1": "204538143572"
477
+ },
478
+ "repository": "autogluon-training",
479
+ "processors": [
480
+ "cpu",
481
+ "gpu"
482
+ ],
483
+ "py_versions": [
484
+ "py310"
485
+ ]
486
+ },
487
+ "1.1.0": {
488
+ "registries": {
489
+ "af-south-1": "626614931356",
490
+ "il-central-1": "780543022126",
491
+ "ap-east-1": "871362719292",
492
+ "ap-northeast-1": "763104351884",
493
+ "ap-northeast-2": "763104351884",
494
+ "ap-northeast-3": "364406365360",
495
+ "ap-south-1": "763104351884",
496
+ "ap-southeast-1": "763104351884",
497
+ "ap-southeast-2": "763104351884",
498
+ "ap-southeast-3": "907027046896",
499
+ "ap-southeast-4": "457447274322",
500
+ "ca-central-1": "763104351884",
501
+ "eu-central-1": "763104351884",
502
+ "eu-north-1": "763104351884",
503
+ "eu-west-1": "763104351884",
504
+ "eu-west-2": "763104351884",
505
+ "eu-west-3": "763104351884",
506
+ "eu-south-1": "692866216735",
507
+ "me-south-1": "217643126080",
508
+ "sa-east-1": "763104351884",
509
+ "us-east-1": "763104351884",
510
+ "us-east-2": "763104351884",
511
+ "us-gov-east-1": "446045086412",
512
+ "us-gov-west-1": "442386744353",
513
+ "us-iso-east-1": "886529160074",
514
+ "us-isob-east-1": "094389454867",
515
+ "us-west-1": "763104351884",
516
+ "us-west-2": "763104351884",
517
+ "ca-west-1": "204538143572"
518
+ },
519
+ "repository": "autogluon-training",
520
+ "processors": [
521
+ "cpu",
522
+ "gpu"
523
+ ],
524
+ "py_versions": [
525
+ "py310"
526
+ ]
527
+ },
528
+ "1.1.1": {
529
+ "registries": {
530
+ "af-south-1": "626614931356",
531
+ "il-central-1": "780543022126",
532
+ "ap-east-1": "871362719292",
533
+ "ap-northeast-1": "763104351884",
534
+ "ap-northeast-2": "763104351884",
535
+ "ap-northeast-3": "364406365360",
536
+ "ap-south-1": "763104351884",
537
+ "ap-southeast-1": "763104351884",
538
+ "ap-southeast-2": "763104351884",
539
+ "ap-southeast-3": "907027046896",
540
+ "ap-southeast-4": "457447274322",
541
+ "ca-central-1": "763104351884",
542
+ "eu-central-1": "763104351884",
543
+ "eu-north-1": "763104351884",
544
+ "eu-west-1": "763104351884",
545
+ "eu-west-2": "763104351884",
546
+ "eu-west-3": "763104351884",
547
+ "eu-south-1": "692866216735",
548
+ "me-south-1": "217643126080",
549
+ "sa-east-1": "763104351884",
550
+ "us-east-1": "763104351884",
551
+ "us-east-2": "763104351884",
552
+ "us-gov-east-1": "446045086412",
553
+ "us-gov-west-1": "442386744353",
554
+ "us-iso-east-1": "886529160074",
555
+ "us-isob-east-1": "094389454867",
556
+ "us-west-1": "763104351884",
557
+ "us-west-2": "763104351884",
558
+ "ca-west-1": "204538143572"
559
+ },
560
+ "repository": "autogluon-training",
561
+ "processors": [
562
+ "cpu",
563
+ "gpu"
564
+ ],
565
+ "py_versions": [
566
+ "py311"
567
+ ]
568
+ },
569
+ "1.2.0": {
570
+ "registries": {
571
+ "af-south-1": "626614931356",
572
+ "il-central-1": "780543022126",
573
+ "ap-east-1": "871362719292",
574
+ "ap-northeast-1": "763104351884",
575
+ "ap-northeast-2": "763104351884",
576
+ "ap-northeast-3": "364406365360",
577
+ "ap-south-1": "763104351884",
578
+ "ap-southeast-1": "763104351884",
579
+ "ap-southeast-2": "763104351884",
580
+ "ap-southeast-3": "907027046896",
581
+ "ap-southeast-4": "457447274322",
582
+ "ca-central-1": "763104351884",
583
+ "eu-central-1": "763104351884",
584
+ "eu-north-1": "763104351884",
585
+ "eu-west-1": "763104351884",
586
+ "eu-west-2": "763104351884",
587
+ "eu-west-3": "763104351884",
588
+ "eu-south-1": "692866216735",
589
+ "me-south-1": "217643126080",
590
+ "sa-east-1": "763104351884",
591
+ "us-east-1": "763104351884",
592
+ "us-east-2": "763104351884",
593
+ "us-gov-east-1": "446045086412",
594
+ "us-gov-west-1": "442386744353",
595
+ "us-iso-east-1": "886529160074",
596
+ "us-isob-east-1": "094389454867",
597
+ "us-west-1": "763104351884",
598
+ "us-west-2": "763104351884",
599
+ "ca-west-1": "204538143572"
600
+ },
601
+ "repository": "autogluon-training",
602
+ "processors": [
603
+ "cpu",
604
+ "gpu"
605
+ ],
606
+ "py_versions": [
607
+ "py311"
608
+ ]
609
+ },
610
+ "1.3.0": {
611
+ "registries": {
612
+ "af-south-1": "626614931356",
613
+ "il-central-1": "780543022126",
614
+ "ap-east-1": "871362719292",
615
+ "ap-northeast-1": "763104351884",
616
+ "ap-northeast-2": "763104351884",
617
+ "ap-northeast-3": "364406365360",
618
+ "ap-south-1": "763104351884",
619
+ "ap-southeast-1": "763104351884",
620
+ "ap-southeast-2": "763104351884",
621
+ "ap-southeast-3": "907027046896",
622
+ "ap-southeast-4": "457447274322",
623
+ "ca-central-1": "763104351884",
624
+ "eu-central-1": "763104351884",
625
+ "eu-north-1": "763104351884",
626
+ "eu-west-1": "763104351884",
627
+ "eu-west-2": "763104351884",
628
+ "eu-west-3": "763104351884",
629
+ "eu-south-1": "692866216735",
630
+ "me-south-1": "217643126080",
631
+ "sa-east-1": "763104351884",
632
+ "us-east-1": "763104351884",
633
+ "us-east-2": "763104351884",
634
+ "us-gov-east-1": "446045086412",
635
+ "us-gov-west-1": "442386744353",
636
+ "us-iso-east-1": "886529160074",
637
+ "us-isob-east-1": "094389454867",
638
+ "us-west-1": "763104351884",
639
+ "us-west-2": "763104351884",
640
+ "ca-west-1": "204538143572"
641
+ },
642
+ "repository": "autogluon-training",
643
+ "processors": [
644
+ "cpu",
645
+ "gpu"
646
+ ],
647
+ "py_versions": [
648
+ "py311"
649
+ ]
650
+ }
651
+ }
652
+ },
653
+ "inference": {
654
+ "version_aliases": {
655
+ "0.3": "0.3.2",
656
+ "0.4": "0.4.3",
657
+ "0.5": "0.5.2",
658
+ "0.6": "0.6.2",
659
+ "0.7": "0.7.0",
660
+ "0.8": "0.8.2",
661
+ "1.0": "1.0.0",
662
+ "1.1": "1.1.1",
663
+ "1.2": "1.2.0",
664
+ "1.3": "1.3.0"
665
+ },
666
+ "versions": {
667
+ "0.3.1": {
668
+ "registries": {
669
+ "af-south-1": "626614931356",
670
+ "il-central-1": "780543022126",
671
+ "ap-east-1": "871362719292",
672
+ "ap-northeast-1": "763104351884",
673
+ "ap-northeast-2": "763104351884",
674
+ "ap-northeast-3": "364406365360",
675
+ "ap-south-1": "763104351884",
676
+ "ap-south-2": "772153158452",
677
+ "ap-southeast-1": "763104351884",
678
+ "ap-southeast-2": "763104351884",
679
+ "ap-southeast-3": "907027046896",
680
+ "ap-southeast-4": "457447274322",
681
+ "ca-central-1": "763104351884",
682
+ "cn-north-1": "727897471807",
683
+ "cn-northwest-1": "727897471807",
684
+ "eu-central-1": "763104351884",
685
+ "eu-central-2": "380420809688",
686
+ "eu-north-1": "763104351884",
687
+ "eu-west-1": "763104351884",
688
+ "eu-west-2": "763104351884",
689
+ "eu-west-3": "763104351884",
690
+ "eu-south-1": "692866216735",
691
+ "eu-south-2": "503227376785",
692
+ "me-south-1": "217643126080",
693
+ "me-central-1": "914824155844",
694
+ "sa-east-1": "763104351884",
695
+ "us-east-1": "763104351884",
696
+ "us-east-2": "763104351884",
697
+ "us-gov-east-1": "446045086412",
698
+ "us-gov-west-1": "442386744353",
699
+ "us-iso-east-1": "886529160074",
700
+ "us-isob-east-1": "094389454867",
701
+ "us-west-1": "763104351884",
702
+ "us-west-2": "763104351884",
703
+ "ca-west-1": "204538143572"
704
+ },
705
+ "repository": "autogluon-inference",
706
+ "processors": [
707
+ "cpu"
708
+ ],
709
+ "py_versions": [
710
+ "py37"
711
+ ]
712
+ },
713
+ "0.3.2": {
714
+ "registries": {
715
+ "af-south-1": "626614931356",
716
+ "il-central-1": "780543022126",
717
+ "ap-east-1": "871362719292",
718
+ "ap-northeast-1": "763104351884",
719
+ "ap-northeast-2": "763104351884",
720
+ "ap-northeast-3": "364406365360",
721
+ "ap-south-1": "763104351884",
722
+ "ap-south-2": "772153158452",
723
+ "ap-southeast-1": "763104351884",
724
+ "ap-southeast-2": "763104351884",
725
+ "ap-southeast-3": "907027046896",
726
+ "ap-southeast-4": "457447274322",
727
+ "ca-central-1": "763104351884",
728
+ "cn-north-1": "727897471807",
729
+ "cn-northwest-1": "727897471807",
730
+ "eu-central-1": "763104351884",
731
+ "eu-central-2": "380420809688",
732
+ "eu-north-1": "763104351884",
733
+ "eu-west-1": "763104351884",
734
+ "eu-west-2": "763104351884",
735
+ "eu-west-3": "763104351884",
736
+ "eu-south-1": "692866216735",
737
+ "eu-south-2": "503227376785",
738
+ "me-south-1": "217643126080",
739
+ "me-central-1": "914824155844",
740
+ "sa-east-1": "763104351884",
741
+ "us-east-1": "763104351884",
742
+ "us-east-2": "763104351884",
743
+ "us-gov-east-1": "446045086412",
744
+ "us-gov-west-1": "442386744353",
745
+ "us-iso-east-1": "886529160074",
746
+ "us-isob-east-1": "094389454867",
747
+ "us-west-1": "763104351884",
748
+ "us-west-2": "763104351884",
749
+ "ca-west-1": "204538143572"
750
+ },
751
+ "repository": "autogluon-inference",
752
+ "processors": [
753
+ "cpu"
754
+ ],
755
+ "py_versions": [
756
+ "py38"
757
+ ]
758
+ },
759
+ "0.4.0": {
760
+ "registries": {
761
+ "af-south-1": "626614931356",
762
+ "il-central-1": "780543022126",
763
+ "ap-east-1": "871362719292",
764
+ "ap-northeast-1": "763104351884",
765
+ "ap-northeast-2": "763104351884",
766
+ "ap-northeast-3": "364406365360",
767
+ "ap-south-1": "763104351884",
768
+ "ap-south-2": "772153158452",
769
+ "ap-southeast-1": "763104351884",
770
+ "ap-southeast-2": "763104351884",
771
+ "ap-southeast-3": "907027046896",
772
+ "ap-southeast-4": "457447274322",
773
+ "ca-central-1": "763104351884",
774
+ "cn-north-1": "727897471807",
775
+ "cn-northwest-1": "727897471807",
776
+ "eu-central-1": "763104351884",
777
+ "eu-central-2": "380420809688",
778
+ "eu-north-1": "763104351884",
779
+ "eu-west-1": "763104351884",
780
+ "eu-west-2": "763104351884",
781
+ "eu-west-3": "763104351884",
782
+ "eu-south-1": "692866216735",
783
+ "eu-south-2": "503227376785",
784
+ "me-south-1": "217643126080",
785
+ "me-central-1": "914824155844",
786
+ "sa-east-1": "763104351884",
787
+ "us-east-1": "763104351884",
788
+ "us-east-2": "763104351884",
789
+ "us-gov-east-1": "446045086412",
790
+ "us-gov-west-1": "442386744353",
791
+ "us-iso-east-1": "886529160074",
792
+ "us-isob-east-1": "094389454867",
793
+ "us-west-1": "763104351884",
794
+ "us-west-2": "763104351884",
795
+ "ca-west-1": "204538143572"
796
+ },
797
+ "repository": "autogluon-inference",
798
+ "processors": [
799
+ "cpu"
800
+ ],
801
+ "py_versions": [
802
+ "py38"
803
+ ]
804
+ },
805
+ "0.4.2": {
806
+ "registries": {
807
+ "af-south-1": "626614931356",
808
+ "il-central-1": "780543022126",
809
+ "ap-east-1": "871362719292",
810
+ "ap-northeast-1": "763104351884",
811
+ "ap-northeast-2": "763104351884",
812
+ "ap-northeast-3": "364406365360",
813
+ "ap-south-1": "763104351884",
814
+ "ap-south-2": "772153158452",
815
+ "ap-southeast-1": "763104351884",
816
+ "ap-southeast-2": "763104351884",
817
+ "ap-southeast-3": "907027046896",
818
+ "ap-southeast-4": "457447274322",
819
+ "ca-central-1": "763104351884",
820
+ "cn-north-1": "727897471807",
821
+ "cn-northwest-1": "727897471807",
822
+ "eu-central-1": "763104351884",
823
+ "eu-central-2": "380420809688",
824
+ "eu-north-1": "763104351884",
825
+ "eu-west-1": "763104351884",
826
+ "eu-west-2": "763104351884",
827
+ "eu-west-3": "763104351884",
828
+ "eu-south-1": "692866216735",
829
+ "eu-south-2": "503227376785",
830
+ "me-south-1": "217643126080",
831
+ "me-central-1": "914824155844",
832
+ "sa-east-1": "763104351884",
833
+ "us-east-1": "763104351884",
834
+ "us-east-2": "763104351884",
835
+ "us-gov-east-1": "446045086412",
836
+ "us-gov-west-1": "442386744353",
837
+ "us-iso-east-1": "886529160074",
838
+ "us-isob-east-1": "094389454867",
839
+ "us-west-1": "763104351884",
840
+ "us-west-2": "763104351884",
841
+ "ca-west-1": "204538143572"
842
+ },
843
+ "repository": "autogluon-inference",
844
+ "processors": [
845
+ "cpu",
846
+ "gpu"
847
+ ],
848
+ "py_versions": [
849
+ "py38"
850
+ ]
851
+ },
852
+ "0.4.3": {
853
+ "registries": {
854
+ "af-south-1": "626614931356",
855
+ "il-central-1": "780543022126",
856
+ "ap-east-1": "871362719292",
857
+ "ap-northeast-1": "763104351884",
858
+ "ap-northeast-2": "763104351884",
859
+ "ap-northeast-3": "364406365360",
860
+ "ap-south-1": "763104351884",
861
+ "ap-south-2": "772153158452",
862
+ "ap-southeast-1": "763104351884",
863
+ "ap-southeast-2": "763104351884",
864
+ "ap-southeast-3": "907027046896",
865
+ "ap-southeast-4": "457447274322",
866
+ "ca-central-1": "763104351884",
867
+ "cn-north-1": "727897471807",
868
+ "cn-northwest-1": "727897471807",
869
+ "eu-central-1": "763104351884",
870
+ "eu-central-2": "380420809688",
871
+ "eu-north-1": "763104351884",
872
+ "eu-west-1": "763104351884",
873
+ "eu-west-2": "763104351884",
874
+ "eu-west-3": "763104351884",
875
+ "eu-south-1": "692866216735",
876
+ "eu-south-2": "503227376785",
877
+ "me-south-1": "217643126080",
878
+ "me-central-1": "914824155844",
879
+ "sa-east-1": "763104351884",
880
+ "us-east-1": "763104351884",
881
+ "us-east-2": "763104351884",
882
+ "us-gov-east-1": "446045086412",
883
+ "us-gov-west-1": "442386744353",
884
+ "us-iso-east-1": "886529160074",
885
+ "us-isob-east-1": "094389454867",
886
+ "us-west-1": "763104351884",
887
+ "us-west-2": "763104351884",
888
+ "ca-west-1": "204538143572"
889
+ },
890
+ "repository": "autogluon-inference",
891
+ "processors": [
892
+ "cpu",
893
+ "gpu"
894
+ ],
895
+ "py_versions": [
896
+ "py38"
897
+ ]
898
+ },
899
+ "0.5.2": {
900
+ "registries": {
901
+ "af-south-1": "626614931356",
902
+ "il-central-1": "780543022126",
903
+ "ap-east-1": "871362719292",
904
+ "ap-northeast-1": "763104351884",
905
+ "ap-northeast-2": "763104351884",
906
+ "ap-northeast-3": "364406365360",
907
+ "ap-south-1": "763104351884",
908
+ "ap-south-2": "772153158452",
909
+ "ap-southeast-1": "763104351884",
910
+ "ap-southeast-2": "763104351884",
911
+ "ap-southeast-3": "907027046896",
912
+ "ap-southeast-4": "457447274322",
913
+ "ca-central-1": "763104351884",
914
+ "cn-north-1": "727897471807",
915
+ "cn-northwest-1": "727897471807",
916
+ "eu-central-1": "763104351884",
917
+ "eu-central-2": "380420809688",
918
+ "eu-north-1": "763104351884",
919
+ "eu-west-1": "763104351884",
920
+ "eu-west-2": "763104351884",
921
+ "eu-west-3": "763104351884",
922
+ "eu-south-1": "692866216735",
923
+ "eu-south-2": "503227376785",
924
+ "me-south-1": "217643126080",
925
+ "me-central-1": "914824155844",
926
+ "sa-east-1": "763104351884",
927
+ "us-east-1": "763104351884",
928
+ "us-east-2": "763104351884",
929
+ "us-gov-east-1": "446045086412",
930
+ "us-gov-west-1": "442386744353",
931
+ "us-iso-east-1": "886529160074",
932
+ "us-isob-east-1": "094389454867",
933
+ "us-west-1": "763104351884",
934
+ "us-west-2": "763104351884",
935
+ "ca-west-1": "204538143572"
936
+ },
937
+ "repository": "autogluon-inference",
938
+ "processors": [
939
+ "cpu",
940
+ "gpu"
941
+ ],
942
+ "py_versions": [
943
+ "py38"
944
+ ]
945
+ },
946
+ "0.6.1": {
947
+ "registries": {
948
+ "af-south-1": "626614931356",
949
+ "il-central-1": "780543022126",
950
+ "ap-east-1": "871362719292",
951
+ "ap-northeast-1": "763104351884",
952
+ "ap-northeast-2": "763104351884",
953
+ "ap-northeast-3": "364406365360",
954
+ "ap-south-1": "763104351884",
955
+ "ap-southeast-1": "763104351884",
956
+ "ap-southeast-2": "763104351884",
957
+ "ap-southeast-3": "907027046896",
958
+ "ap-southeast-4": "457447274322",
959
+ "ca-central-1": "763104351884",
960
+ "cn-north-1": "727897471807",
961
+ "cn-northwest-1": "727897471807",
962
+ "eu-central-1": "763104351884",
963
+ "eu-north-1": "763104351884",
964
+ "eu-west-1": "763104351884",
965
+ "eu-west-2": "763104351884",
966
+ "eu-west-3": "763104351884",
967
+ "eu-south-1": "692866216735",
968
+ "me-south-1": "217643126080",
969
+ "sa-east-1": "763104351884",
970
+ "us-east-1": "763104351884",
971
+ "us-east-2": "763104351884",
972
+ "us-gov-east-1": "446045086412",
973
+ "us-gov-west-1": "442386744353",
974
+ "us-iso-east-1": "886529160074",
975
+ "us-isob-east-1": "094389454867",
976
+ "us-west-1": "763104351884",
977
+ "us-west-2": "763104351884",
978
+ "ca-west-1": "204538143572"
979
+ },
980
+ "repository": "autogluon-inference",
981
+ "processors": [
982
+ "cpu",
983
+ "gpu"
984
+ ],
985
+ "py_versions": [
986
+ "py38"
987
+ ]
988
+ },
989
+ "0.6.2": {
990
+ "registries": {
991
+ "af-south-1": "626614931356",
992
+ "il-central-1": "780543022126",
993
+ "ap-east-1": "871362719292",
994
+ "ap-northeast-1": "763104351884",
995
+ "ap-northeast-2": "763104351884",
996
+ "ap-northeast-3": "364406365360",
997
+ "ap-south-1": "763104351884",
998
+ "ap-southeast-1": "763104351884",
999
+ "ap-southeast-2": "763104351884",
1000
+ "ap-southeast-3": "907027046896",
1001
+ "ap-southeast-4": "457447274322",
1002
+ "ca-central-1": "763104351884",
1003
+ "cn-north-1": "727897471807",
1004
+ "cn-northwest-1": "727897471807",
1005
+ "eu-central-1": "763104351884",
1006
+ "eu-north-1": "763104351884",
1007
+ "eu-west-1": "763104351884",
1008
+ "eu-west-2": "763104351884",
1009
+ "eu-west-3": "763104351884",
1010
+ "eu-south-1": "692866216735",
1011
+ "me-south-1": "217643126080",
1012
+ "sa-east-1": "763104351884",
1013
+ "us-east-1": "763104351884",
1014
+ "us-east-2": "763104351884",
1015
+ "us-gov-east-1": "446045086412",
1016
+ "us-gov-west-1": "442386744353",
1017
+ "us-iso-east-1": "886529160074",
1018
+ "us-isob-east-1": "094389454867",
1019
+ "us-west-1": "763104351884",
1020
+ "us-west-2": "763104351884",
1021
+ "ca-west-1": "204538143572"
1022
+ },
1023
+ "repository": "autogluon-inference",
1024
+ "processors": [
1025
+ "cpu",
1026
+ "gpu"
1027
+ ],
1028
+ "py_versions": [
1029
+ "py38"
1030
+ ]
1031
+ },
1032
+ "0.7.0": {
1033
+ "registries": {
1034
+ "af-south-1": "626614931356",
1035
+ "il-central-1": "780543022126",
1036
+ "ap-east-1": "871362719292",
1037
+ "ap-northeast-1": "763104351884",
1038
+ "ap-northeast-2": "763104351884",
1039
+ "ap-northeast-3": "364406365360",
1040
+ "ap-south-1": "763104351884",
1041
+ "ap-southeast-1": "763104351884",
1042
+ "ap-southeast-2": "763104351884",
1043
+ "ap-southeast-3": "907027046896",
1044
+ "ap-southeast-4": "457447274322",
1045
+ "ca-central-1": "763104351884",
1046
+ "cn-north-1": "727897471807",
1047
+ "cn-northwest-1": "727897471807",
1048
+ "eu-central-1": "763104351884",
1049
+ "eu-north-1": "763104351884",
1050
+ "eu-west-1": "763104351884",
1051
+ "eu-west-2": "763104351884",
1052
+ "eu-west-3": "763104351884",
1053
+ "eu-south-1": "692866216735",
1054
+ "me-south-1": "217643126080",
1055
+ "sa-east-1": "763104351884",
1056
+ "us-east-1": "763104351884",
1057
+ "us-east-2": "763104351884",
1058
+ "us-gov-east-1": "446045086412",
1059
+ "us-gov-west-1": "442386744353",
1060
+ "us-iso-east-1": "886529160074",
1061
+ "us-isob-east-1": "094389454867",
1062
+ "us-west-1": "763104351884",
1063
+ "us-west-2": "763104351884",
1064
+ "ca-west-1": "204538143572"
1065
+ },
1066
+ "repository": "autogluon-inference",
1067
+ "processors": [
1068
+ "cpu",
1069
+ "gpu"
1070
+ ],
1071
+ "py_versions": [
1072
+ "py39"
1073
+ ]
1074
+ },
1075
+ "0.8.2": {
1076
+ "registries": {
1077
+ "af-south-1": "626614931356",
1078
+ "il-central-1": "780543022126",
1079
+ "ap-east-1": "871362719292",
1080
+ "ap-northeast-1": "763104351884",
1081
+ "ap-northeast-2": "763104351884",
1082
+ "ap-northeast-3": "364406365360",
1083
+ "ap-south-1": "763104351884",
1084
+ "ap-southeast-1": "763104351884",
1085
+ "ap-southeast-2": "763104351884",
1086
+ "ap-southeast-3": "907027046896",
1087
+ "ap-southeast-4": "457447274322",
1088
+ "ca-central-1": "763104351884",
1089
+ "cn-north-1": "727897471807",
1090
+ "cn-northwest-1": "727897471807",
1091
+ "eu-central-1": "763104351884",
1092
+ "eu-north-1": "763104351884",
1093
+ "eu-west-1": "763104351884",
1094
+ "eu-west-2": "763104351884",
1095
+ "eu-west-3": "763104351884",
1096
+ "eu-south-1": "692866216735",
1097
+ "me-south-1": "217643126080",
1098
+ "sa-east-1": "763104351884",
1099
+ "us-east-1": "763104351884",
1100
+ "us-east-2": "763104351884",
1101
+ "us-gov-east-1": "446045086412",
1102
+ "us-gov-west-1": "442386744353",
1103
+ "us-iso-east-1": "886529160074",
1104
+ "us-isob-east-1": "094389454867",
1105
+ "us-west-1": "763104351884",
1106
+ "us-west-2": "763104351884",
1107
+ "ca-west-1": "204538143572"
1108
+ },
1109
+ "repository": "autogluon-inference",
1110
+ "processors": [
1111
+ "cpu",
1112
+ "gpu"
1113
+ ],
1114
+ "py_versions": [
1115
+ "py39"
1116
+ ]
1117
+ },
1118
+ "1.0.0": {
1119
+ "registries": {
1120
+ "af-south-1": "626614931356",
1121
+ "il-central-1": "780543022126",
1122
+ "ap-east-1": "871362719292",
1123
+ "ap-northeast-1": "763104351884",
1124
+ "ap-northeast-2": "763104351884",
1125
+ "ap-northeast-3": "364406365360",
1126
+ "ap-south-1": "763104351884",
1127
+ "ap-southeast-1": "763104351884",
1128
+ "ap-southeast-2": "763104351884",
1129
+ "ap-southeast-3": "907027046896",
1130
+ "ap-southeast-4": "457447274322",
1131
+ "ca-central-1": "763104351884",
1132
+ "cn-north-1": "727897471807",
1133
+ "cn-northwest-1": "727897471807",
1134
+ "eu-central-1": "763104351884",
1135
+ "eu-north-1": "763104351884",
1136
+ "eu-west-1": "763104351884",
1137
+ "eu-west-2": "763104351884",
1138
+ "eu-west-3": "763104351884",
1139
+ "eu-south-1": "692866216735",
1140
+ "me-south-1": "217643126080",
1141
+ "sa-east-1": "763104351884",
1142
+ "us-east-1": "763104351884",
1143
+ "us-east-2": "763104351884",
1144
+ "us-gov-east-1": "446045086412",
1145
+ "us-gov-west-1": "442386744353",
1146
+ "us-iso-east-1": "886529160074",
1147
+ "us-isob-east-1": "094389454867",
1148
+ "us-west-1": "763104351884",
1149
+ "us-west-2": "763104351884",
1150
+ "ca-west-1": "204538143572"
1151
+ },
1152
+ "repository": "autogluon-inference",
1153
+ "processors": [
1154
+ "cpu",
1155
+ "gpu"
1156
+ ],
1157
+ "py_versions": [
1158
+ "py310"
1159
+ ]
1160
+ },
1161
+ "1.1.0": {
1162
+ "registries": {
1163
+ "af-south-1": "626614931356",
1164
+ "il-central-1": "780543022126",
1165
+ "ap-east-1": "871362719292",
1166
+ "ap-northeast-1": "763104351884",
1167
+ "ap-northeast-2": "763104351884",
1168
+ "ap-northeast-3": "364406365360",
1169
+ "ap-south-1": "763104351884",
1170
+ "ap-southeast-1": "763104351884",
1171
+ "ap-southeast-2": "763104351884",
1172
+ "ap-southeast-3": "907027046896",
1173
+ "ap-southeast-4": "457447274322",
1174
+ "ca-central-1": "763104351884",
1175
+ "cn-north-1": "727897471807",
1176
+ "cn-northwest-1": "727897471807",
1177
+ "eu-central-1": "763104351884",
1178
+ "eu-north-1": "763104351884",
1179
+ "eu-west-1": "763104351884",
1180
+ "eu-west-2": "763104351884",
1181
+ "eu-west-3": "763104351884",
1182
+ "eu-south-1": "692866216735",
1183
+ "me-south-1": "217643126080",
1184
+ "sa-east-1": "763104351884",
1185
+ "us-east-1": "763104351884",
1186
+ "us-east-2": "763104351884",
1187
+ "us-gov-east-1": "446045086412",
1188
+ "us-gov-west-1": "442386744353",
1189
+ "us-iso-east-1": "886529160074",
1190
+ "us-isob-east-1": "094389454867",
1191
+ "us-west-1": "763104351884",
1192
+ "us-west-2": "763104351884",
1193
+ "ca-west-1": "204538143572"
1194
+ },
1195
+ "repository": "autogluon-inference",
1196
+ "processors": [
1197
+ "cpu",
1198
+ "gpu"
1199
+ ],
1200
+ "py_versions": [
1201
+ "py310"
1202
+ ]
1203
+ },
1204
+ "1.1.1": {
1205
+ "registries": {
1206
+ "af-south-1": "626614931356",
1207
+ "il-central-1": "780543022126",
1208
+ "ap-east-1": "871362719292",
1209
+ "ap-northeast-1": "763104351884",
1210
+ "ap-northeast-2": "763104351884",
1211
+ "ap-northeast-3": "364406365360",
1212
+ "ap-south-1": "763104351884",
1213
+ "ap-southeast-1": "763104351884",
1214
+ "ap-southeast-2": "763104351884",
1215
+ "ap-southeast-3": "907027046896",
1216
+ "ap-southeast-4": "457447274322",
1217
+ "ca-central-1": "763104351884",
1218
+ "cn-north-1": "727897471807",
1219
+ "cn-northwest-1": "727897471807",
1220
+ "eu-central-1": "763104351884",
1221
+ "eu-north-1": "763104351884",
1222
+ "eu-west-1": "763104351884",
1223
+ "eu-west-2": "763104351884",
1224
+ "eu-west-3": "763104351884",
1225
+ "eu-south-1": "692866216735",
1226
+ "me-south-1": "217643126080",
1227
+ "sa-east-1": "763104351884",
1228
+ "us-east-1": "763104351884",
1229
+ "us-east-2": "763104351884",
1230
+ "us-gov-east-1": "446045086412",
1231
+ "us-gov-west-1": "442386744353",
1232
+ "us-iso-east-1": "886529160074",
1233
+ "us-isob-east-1": "094389454867",
1234
+ "us-west-1": "763104351884",
1235
+ "us-west-2": "763104351884",
1236
+ "ca-west-1": "204538143572"
1237
+ },
1238
+ "repository": "autogluon-inference",
1239
+ "processors": [
1240
+ "cpu",
1241
+ "gpu"
1242
+ ],
1243
+ "py_versions": [
1244
+ "py311"
1245
+ ]
1246
+ },
1247
+ "1.2.0": {
1248
+ "registries": {
1249
+ "af-south-1": "626614931356",
1250
+ "il-central-1": "780543022126",
1251
+ "ap-east-1": "871362719292",
1252
+ "ap-northeast-1": "763104351884",
1253
+ "ap-northeast-2": "763104351884",
1254
+ "ap-northeast-3": "364406365360",
1255
+ "ap-south-1": "763104351884",
1256
+ "ap-southeast-1": "763104351884",
1257
+ "ap-southeast-2": "763104351884",
1258
+ "ap-southeast-3": "907027046896",
1259
+ "ap-southeast-4": "457447274322",
1260
+ "ca-central-1": "763104351884",
1261
+ "cn-north-1": "727897471807",
1262
+ "cn-northwest-1": "727897471807",
1263
+ "eu-central-1": "763104351884",
1264
+ "eu-north-1": "763104351884",
1265
+ "eu-west-1": "763104351884",
1266
+ "eu-west-2": "763104351884",
1267
+ "eu-west-3": "763104351884",
1268
+ "eu-south-1": "692866216735",
1269
+ "me-south-1": "217643126080",
1270
+ "sa-east-1": "763104351884",
1271
+ "us-east-1": "763104351884",
1272
+ "us-east-2": "763104351884",
1273
+ "us-gov-east-1": "446045086412",
1274
+ "us-gov-west-1": "442386744353",
1275
+ "us-iso-east-1": "886529160074",
1276
+ "us-isob-east-1": "094389454867",
1277
+ "us-west-1": "763104351884",
1278
+ "us-west-2": "763104351884",
1279
+ "ca-west-1": "204538143572"
1280
+ },
1281
+ "repository": "autogluon-inference",
1282
+ "processors": [
1283
+ "cpu",
1284
+ "gpu"
1285
+ ],
1286
+ "py_versions": [
1287
+ "py311"
1288
+ ]
1289
+ },
1290
+ "1.3.0": {
1291
+ "registries": {
1292
+ "af-south-1": "626614931356",
1293
+ "il-central-1": "780543022126",
1294
+ "ap-east-1": "871362719292",
1295
+ "ap-northeast-1": "763104351884",
1296
+ "ap-northeast-2": "763104351884",
1297
+ "ap-northeast-3": "364406365360",
1298
+ "ap-south-1": "763104351884",
1299
+ "ap-southeast-1": "763104351884",
1300
+ "ap-southeast-2": "763104351884",
1301
+ "ap-southeast-3": "907027046896",
1302
+ "ap-southeast-4": "457447274322",
1303
+ "ca-central-1": "763104351884",
1304
+ "cn-north-1": "727897471807",
1305
+ "cn-northwest-1": "727897471807",
1306
+ "eu-central-1": "763104351884",
1307
+ "eu-north-1": "763104351884",
1308
+ "eu-west-1": "763104351884",
1309
+ "eu-west-2": "763104351884",
1310
+ "eu-west-3": "763104351884",
1311
+ "eu-south-1": "692866216735",
1312
+ "me-south-1": "217643126080",
1313
+ "sa-east-1": "763104351884",
1314
+ "us-east-1": "763104351884",
1315
+ "us-east-2": "763104351884",
1316
+ "us-gov-east-1": "446045086412",
1317
+ "us-gov-west-1": "442386744353",
1318
+ "us-iso-east-1": "886529160074",
1319
+ "us-isob-east-1": "094389454867",
1320
+ "us-west-1": "763104351884",
1321
+ "us-west-2": "763104351884",
1322
+ "ca-west-1": "204538143572"
1323
+ },
1324
+ "repository": "autogluon-inference",
1325
+ "processors": [
1326
+ "cpu",
1327
+ "gpu"
1328
+ ],
1329
+ "py_versions": [
1330
+ "py311"
1331
+ ]
1332
+ }
1333
+ }
1334
+ }
1335
+ }