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

This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.
Files changed (363) hide show
  1. sagemaker/core/__init__.py +16 -0
  2. sagemaker/core/_studio.py +116 -0
  3. sagemaker/core/_version.py +11 -0
  4. sagemaker/core/accept_types.py +131 -0
  5. sagemaker/core/analytics.py +744 -0
  6. sagemaker/core/apiutils/__init__.py +13 -0
  7. sagemaker/core/apiutils/_base_types.py +228 -0
  8. sagemaker/core/apiutils/_boto_functions.py +130 -0
  9. sagemaker/core/apiutils/_utils.py +34 -0
  10. sagemaker/core/base_deserializers.py +35 -0
  11. sagemaker/core/base_serializers.py +35 -0
  12. sagemaker/core/clarify/__init__.py +2898 -0
  13. sagemaker/core/collection.py +467 -0
  14. sagemaker/core/common_utils.py +2281 -0
  15. sagemaker/core/compute_resource_requirements/__init__.py +18 -0
  16. sagemaker/core/compute_resource_requirements/resource_requirements.py +94 -0
  17. sagemaker/core/config/__init__.py +181 -0
  18. sagemaker/core/config/config.py +238 -0
  19. sagemaker/core/config/config_manager.py +595 -0
  20. sagemaker/core/config/config_schema.py +1220 -0
  21. sagemaker/core/config/config_utils.py +297 -0
  22. {sagemaker_core/main → sagemaker/core}/config_schema.py +410 -4
  23. sagemaker/core/constants.py +73 -0
  24. sagemaker/core/content_types.py +137 -0
  25. sagemaker/core/debugger/__init__.py +39 -0
  26. sagemaker/core/debugger/debugger.py +945 -0
  27. sagemaker/core/debugger/framework_profile.py +292 -0
  28. sagemaker/core/debugger/metrics_config.py +468 -0
  29. sagemaker/core/debugger/profiler.py +42 -0
  30. sagemaker/core/debugger/profiler_config.py +190 -0
  31. sagemaker/core/debugger/profiler_constants.py +40 -0
  32. sagemaker/core/debugger/utils.py +148 -0
  33. sagemaker/core/deprecations.py +254 -0
  34. sagemaker/core/deserializers/__init__.py +10 -0
  35. sagemaker/core/deserializers/base.py +424 -0
  36. sagemaker/core/deserializers/implementations.py +157 -0
  37. sagemaker/core/drift_check_baselines.py +106 -0
  38. sagemaker/core/enums.py +51 -0
  39. sagemaker/core/environment_variables.py +101 -0
  40. sagemaker/core/exceptions.py +108 -0
  41. sagemaker/core/experiments/__init__.py +53 -0
  42. sagemaker/core/experiments/_api_types.py +251 -0
  43. sagemaker/core/experiments/_environment.py +124 -0
  44. sagemaker/core/experiments/_helper.py +294 -0
  45. sagemaker/core/experiments/_metrics.py +333 -0
  46. sagemaker/core/experiments/_run_context.py +58 -0
  47. sagemaker/core/experiments/_utils.py +216 -0
  48. sagemaker/core/experiments/experiment.py +244 -0
  49. sagemaker/core/experiments/run.py +970 -0
  50. sagemaker/core/experiments/trial.py +296 -0
  51. sagemaker/core/experiments/trial_component.py +387 -0
  52. sagemaker/core/explainer/__init__.py +24 -0
  53. sagemaker/core/explainer/clarify_explainer_config.py +298 -0
  54. sagemaker/core/explainer/explainer_config.py +44 -0
  55. sagemaker/core/fw_utils.py +1176 -0
  56. sagemaker/core/git_utils.py +349 -0
  57. sagemaker/core/helper/pipeline_variable.py +82 -0
  58. sagemaker/core/helper/session_helper.py +2965 -0
  59. sagemaker/core/huggingface/__init__.py +29 -0
  60. sagemaker/core/huggingface/llm_utils.py +150 -0
  61. sagemaker/core/huggingface/processing.py +139 -0
  62. sagemaker/core/huggingface/training_compiler/config.py +167 -0
  63. sagemaker/core/hyperparameters.py +172 -0
  64. sagemaker/core/image_retriever/__init__.py +3 -0
  65. sagemaker/core/image_retriever/image_retriever.py +640 -0
  66. sagemaker/core/image_retriever/image_retriever_utils.py +511 -0
  67. sagemaker/core/image_retriever/test.py +7 -0
  68. sagemaker/core/image_uri_config/__init__.py +13 -0
  69. sagemaker/core/image_uri_config/autogluon.json +1335 -0
  70. sagemaker/core/image_uri_config/blazingtext.json +50 -0
  71. sagemaker/core/image_uri_config/chainer.json +104 -0
  72. sagemaker/core/image_uri_config/clarify.json +39 -0
  73. sagemaker/core/image_uri_config/coach-mxnet.json +70 -0
  74. sagemaker/core/image_uri_config/coach-tensorflow.json +186 -0
  75. sagemaker/core/image_uri_config/data-wrangler.json +91 -0
  76. sagemaker/core/image_uri_config/debugger.json +34 -0
  77. sagemaker/core/image_uri_config/detailed-profiler.json +18 -0
  78. sagemaker/core/image_uri_config/djl-deepspeed.json +385 -0
  79. sagemaker/core/image_uri_config/djl-fastertransformer.json +167 -0
  80. sagemaker/core/image_uri_config/djl-lmi.json +136 -0
  81. sagemaker/core/image_uri_config/djl-neuronx.json +258 -0
  82. sagemaker/core/image_uri_config/djl-tensorrtllm.json +262 -0
  83. sagemaker/core/image_uri_config/factorization-machines.json +50 -0
  84. sagemaker/core/image_uri_config/forecasting-deepar.json +50 -0
  85. sagemaker/core/image_uri_config/huggingface-llm-neuronx.json +660 -0
  86. sagemaker/core/image_uri_config/huggingface-llm.json +1158 -0
  87. sagemaker/core/image_uri_config/huggingface-neuron.json +52 -0
  88. sagemaker/core/image_uri_config/huggingface-neuronx.json +510 -0
  89. sagemaker/core/image_uri_config/huggingface-tei-cpu.json +298 -0
  90. sagemaker/core/image_uri_config/huggingface-tei.json +298 -0
  91. sagemaker/core/image_uri_config/huggingface-training-compiler.json +195 -0
  92. sagemaker/core/image_uri_config/huggingface.json +2138 -0
  93. sagemaker/core/image_uri_config/hyperpod-recipes-neuron.json +52 -0
  94. sagemaker/core/image_uri_config/image-classification-neo.json +43 -0
  95. sagemaker/core/image_uri_config/image-classification.json +50 -0
  96. sagemaker/core/image_uri_config/inferentia-mxnet.json +88 -0
  97. sagemaker/core/image_uri_config/inferentia-pytorch.json +127 -0
  98. sagemaker/core/image_uri_config/inferentia-tensorflow.json +88 -0
  99. sagemaker/core/image_uri_config/instance_gpu_info.json +782 -0
  100. sagemaker/core/image_uri_config/ipinsights.json +50 -0
  101. sagemaker/core/image_uri_config/kmeans.json +50 -0
  102. sagemaker/core/image_uri_config/knn.json +50 -0
  103. sagemaker/core/image_uri_config/lda.json +26 -0
  104. sagemaker/core/image_uri_config/linear-learner.json +50 -0
  105. sagemaker/core/image_uri_config/model-monitor.json +42 -0
  106. sagemaker/core/image_uri_config/mxnet.json +1154 -0
  107. sagemaker/core/image_uri_config/neo-mxnet.json +64 -0
  108. sagemaker/core/image_uri_config/neo-pytorch.json +341 -0
  109. sagemaker/core/image_uri_config/neo-tensorflow.json +109 -0
  110. sagemaker/core/image_uri_config/ntm.json +50 -0
  111. sagemaker/core/image_uri_config/object-detection.json +50 -0
  112. sagemaker/core/image_uri_config/object2vec.json +50 -0
  113. sagemaker/core/image_uri_config/pca.json +50 -0
  114. sagemaker/core/image_uri_config/pytorch-neuron.json +43 -0
  115. sagemaker/core/image_uri_config/pytorch-smp.json +218 -0
  116. sagemaker/core/image_uri_config/pytorch-training-compiler.json +80 -0
  117. sagemaker/core/image_uri_config/pytorch.json +3101 -0
  118. sagemaker/core/image_uri_config/randomcutforest.json +50 -0
  119. sagemaker/core/image_uri_config/ray-pytorch.json +46 -0
  120. sagemaker/core/image_uri_config/ray-tensorflow.json +194 -0
  121. sagemaker/core/image_uri_config/sagemaker-base-python.json +46 -0
  122. sagemaker/core/image_uri_config/sagemaker-distribution.json +37 -0
  123. sagemaker/core/image_uri_config/sagemaker-geospatial.json +13 -0
  124. sagemaker/core/image_uri_config/sagemaker-tritonserver.json +212 -0
  125. sagemaker/core/image_uri_config/semantic-segmentation.json +50 -0
  126. sagemaker/core/image_uri_config/seq2seq.json +50 -0
  127. sagemaker/core/image_uri_config/sklearn.json +446 -0
  128. sagemaker/core/image_uri_config/spark.json +280 -0
  129. sagemaker/core/image_uri_config/sparkml-serving.json +97 -0
  130. sagemaker/core/image_uri_config/stabilityai.json +53 -0
  131. sagemaker/core/image_uri_config/tensorflow.json +5086 -0
  132. sagemaker/core/image_uri_config/vw.json +25 -0
  133. sagemaker/core/image_uri_config/xgboost-neo.json +43 -0
  134. sagemaker/core/image_uri_config/xgboost.json +888 -0
  135. sagemaker/core/image_uris.py +810 -0
  136. sagemaker/core/inference_config.py +144 -0
  137. sagemaker/core/inference_recommender/__init__.py +18 -0
  138. sagemaker/core/inference_recommender/inference_recommender_mixin.py +622 -0
  139. sagemaker/core/inputs.py +366 -0
  140. sagemaker/core/instance_group.py +61 -0
  141. sagemaker/core/instance_types.py +164 -0
  142. sagemaker/core/instance_types_gpu_info.py +43 -0
  143. sagemaker/core/interactive_apps/__init__.py +41 -0
  144. sagemaker/core/interactive_apps/base_interactive_app.py +204 -0
  145. sagemaker/core/interactive_apps/detail_profiler_app.py +139 -0
  146. sagemaker/core/interactive_apps/tensorboard.py +149 -0
  147. sagemaker/core/iterators.py +186 -0
  148. sagemaker/core/job.py +380 -0
  149. sagemaker/core/jumpstart/__init__.py +156 -0
  150. sagemaker/core/jumpstart/accessors.py +390 -0
  151. sagemaker/core/jumpstart/artifacts/__init__.py +69 -0
  152. sagemaker/core/jumpstart/artifacts/environment_variables.py +252 -0
  153. sagemaker/core/jumpstart/artifacts/hyperparameters.py +120 -0
  154. sagemaker/core/jumpstart/artifacts/image_uris.py +139 -0
  155. sagemaker/core/jumpstart/artifacts/incremental_training.py +87 -0
  156. sagemaker/core/jumpstart/artifacts/instance_types.py +223 -0
  157. sagemaker/core/jumpstart/artifacts/kwargs.py +289 -0
  158. sagemaker/core/jumpstart/artifacts/metric_definitions.py +117 -0
  159. sagemaker/core/jumpstart/artifacts/model_packages.py +202 -0
  160. sagemaker/core/jumpstart/artifacts/model_uris.py +252 -0
  161. sagemaker/core/jumpstart/artifacts/payloads.py +96 -0
  162. sagemaker/core/jumpstart/artifacts/predictors.py +540 -0
  163. sagemaker/core/jumpstart/artifacts/resource_names.py +86 -0
  164. sagemaker/core/jumpstart/artifacts/resource_requirements.py +162 -0
  165. sagemaker/core/jumpstart/artifacts/script_uris.py +172 -0
  166. sagemaker/core/jumpstart/cache.py +663 -0
  167. sagemaker/core/jumpstart/configs.py +50 -0
  168. sagemaker/core/jumpstart/constants.py +198 -0
  169. sagemaker/core/jumpstart/deserializers.py +81 -0
  170. sagemaker/core/jumpstart/document.py +76 -0
  171. sagemaker/core/jumpstart/enums.py +168 -0
  172. sagemaker/core/jumpstart/exceptions.py +236 -0
  173. sagemaker/core/jumpstart/factory/utils.py +833 -0
  174. sagemaker/core/jumpstart/filters.py +597 -0
  175. sagemaker/core/jumpstart/hub/__init__.py +0 -0
  176. sagemaker/core/jumpstart/hub/constants.py +16 -0
  177. sagemaker/core/jumpstart/hub/hub.py +291 -0
  178. sagemaker/core/jumpstart/hub/interfaces.py +936 -0
  179. sagemaker/core/jumpstart/hub/parser_utils.py +70 -0
  180. sagemaker/core/jumpstart/hub/parsers.py +288 -0
  181. sagemaker/core/jumpstart/hub/types.py +35 -0
  182. sagemaker/core/jumpstart/hub/utils.py +260 -0
  183. sagemaker/core/jumpstart/models.py +499 -0
  184. sagemaker/core/jumpstart/notebook_utils.py +575 -0
  185. sagemaker/core/jumpstart/parameters.py +20 -0
  186. sagemaker/core/jumpstart/payload_utils.py +239 -0
  187. sagemaker/core/jumpstart/region_config.json +163 -0
  188. sagemaker/core/jumpstart/search.py +171 -0
  189. sagemaker/core/jumpstart/serializers.py +81 -0
  190. sagemaker/core/jumpstart/session_utils.py +234 -0
  191. sagemaker/core/jumpstart/types.py +3044 -0
  192. sagemaker/core/jumpstart/utils.py +1731 -0
  193. sagemaker/core/jumpstart/validators.py +257 -0
  194. sagemaker/core/lambda_helper.py +312 -0
  195. sagemaker/core/lineage/__init__.py +42 -0
  196. sagemaker/core/lineage/_api_types.py +239 -0
  197. sagemaker/core/lineage/_utils.py +49 -0
  198. sagemaker/core/lineage/action.py +345 -0
  199. sagemaker/core/lineage/artifact.py +646 -0
  200. sagemaker/core/lineage/association.py +190 -0
  201. sagemaker/core/lineage/context.py +505 -0
  202. sagemaker/core/lineage/lineage_trial_component.py +191 -0
  203. sagemaker/core/lineage/query.py +732 -0
  204. sagemaker/core/lineage/visualizer.py +346 -0
  205. sagemaker/core/local/__init__.py +18 -0
  206. sagemaker/core/local/data.py +413 -0
  207. sagemaker/core/local/entities.py +678 -0
  208. sagemaker/core/local/exceptions.py +17 -0
  209. sagemaker/core/local/image.py +1243 -0
  210. sagemaker/core/local/local_session.py +739 -0
  211. sagemaker/core/local/utils.py +245 -0
  212. sagemaker/core/logs.py +181 -0
  213. sagemaker/core/metadata_properties.py +56 -0
  214. sagemaker/core/metric_definitions.py +91 -0
  215. sagemaker/core/mlflow/__init__.py +38 -0
  216. sagemaker/core/mlflow/forward_sagemaker_metrics.py +44 -0
  217. sagemaker/core/model_card/__init__.py +26 -0
  218. sagemaker/core/model_life_cycle.py +51 -0
  219. sagemaker/core/model_metrics.py +160 -0
  220. sagemaker/core/model_monitor/__init__.py +66 -0
  221. sagemaker/core/model_monitor/clarify_model_monitoring.py +1495 -0
  222. sagemaker/core/model_monitor/cron_expression_generator.py +82 -0
  223. sagemaker/core/model_monitor/data_capture_config.py +115 -0
  224. sagemaker/core/model_monitor/data_quality_monitoring_config.py +66 -0
  225. sagemaker/core/model_monitor/dataset_format.py +102 -0
  226. sagemaker/core/model_monitor/model_monitoring.py +4266 -0
  227. sagemaker/core/model_monitor/monitoring_alert.py +76 -0
  228. sagemaker/core/model_monitor/monitoring_files.py +506 -0
  229. sagemaker/core/model_monitor/utils.py +793 -0
  230. sagemaker/core/model_registry.py +480 -0
  231. sagemaker/core/model_uris.py +97 -0
  232. sagemaker/core/modules/__init__.py +19 -0
  233. sagemaker/core/modules/configs.py +226 -0
  234. sagemaker/core/modules/constants.py +37 -0
  235. sagemaker/core/modules/distributed.py +182 -0
  236. sagemaker/core/modules/local_core/__init__.py +0 -0
  237. sagemaker/core/modules/local_core/local_container.py +605 -0
  238. sagemaker/core/modules/templates.py +83 -0
  239. sagemaker/core/modules/train/__init__.py +14 -0
  240. sagemaker/core/modules/train/container_drivers/__init__.py +14 -0
  241. sagemaker/core/modules/train/container_drivers/common/__init__.py +14 -0
  242. sagemaker/core/modules/train/container_drivers/common/utils.py +213 -0
  243. sagemaker/core/modules/train/container_drivers/distributed_drivers/__init__.py +14 -0
  244. sagemaker/core/modules/train/container_drivers/distributed_drivers/basic_script_driver.py +81 -0
  245. sagemaker/core/modules/train/container_drivers/distributed_drivers/mpi_driver.py +123 -0
  246. sagemaker/core/modules/train/container_drivers/distributed_drivers/mpi_utils.py +302 -0
  247. sagemaker/core/modules/train/container_drivers/distributed_drivers/torchrun_driver.py +129 -0
  248. sagemaker/core/modules/train/container_drivers/scripts/__init__.py +14 -0
  249. sagemaker/core/modules/train/container_drivers/scripts/environment.py +305 -0
  250. sagemaker/core/modules/train/sm_recipes/__init__.py +0 -0
  251. sagemaker/core/modules/train/sm_recipes/utils.py +330 -0
  252. sagemaker/core/modules/types.py +19 -0
  253. sagemaker/core/modules/utils.py +194 -0
  254. sagemaker/core/network.py +185 -0
  255. sagemaker/core/parameter.py +173 -0
  256. sagemaker/core/payloads.py +185 -0
  257. sagemaker/core/processing.py +1597 -0
  258. sagemaker/core/remote_function/__init__.py +19 -0
  259. sagemaker/core/remote_function/checkpoint_location.py +47 -0
  260. sagemaker/core/remote_function/client.py +1285 -0
  261. sagemaker/core/remote_function/core/__init__.py +0 -0
  262. sagemaker/core/remote_function/core/_custom_dispatch_table.py +72 -0
  263. sagemaker/core/remote_function/core/pipeline_variables.py +353 -0
  264. sagemaker/core/remote_function/core/serialization.py +422 -0
  265. sagemaker/core/remote_function/core/stored_function.py +226 -0
  266. sagemaker/core/remote_function/custom_file_filter.py +128 -0
  267. sagemaker/core/remote_function/errors.py +104 -0
  268. sagemaker/core/remote_function/invoke_function.py +172 -0
  269. sagemaker/core/remote_function/job.py +2140 -0
  270. sagemaker/core/remote_function/logging_config.py +38 -0
  271. sagemaker/core/remote_function/runtime_environment/__init__.py +14 -0
  272. sagemaker/core/remote_function/runtime_environment/bootstrap_runtime_environment.py +605 -0
  273. sagemaker/core/remote_function/runtime_environment/mpi_utils_remote.py +252 -0
  274. sagemaker/core/remote_function/runtime_environment/runtime_environment_manager.py +554 -0
  275. sagemaker/core/remote_function/runtime_environment/spark_app.py +18 -0
  276. sagemaker/core/remote_function/spark_config.py +149 -0
  277. sagemaker/core/resource_requirements.py +168 -0
  278. {sagemaker_core/main → sagemaker/core}/resources.py +20121 -11728
  279. sagemaker/core/s3/__init__.py +41 -0
  280. sagemaker/core/s3/client.py +367 -0
  281. sagemaker/core/s3/utils.py +175 -0
  282. sagemaker/core/script_uris.py +93 -0
  283. sagemaker/core/serializers/__init__.py +11 -0
  284. sagemaker/core/serializers/base.py +510 -0
  285. sagemaker/core/serializers/implementations.py +159 -0
  286. sagemaker/core/serializers/utils.py +223 -0
  287. sagemaker/core/serverless_inference_config.py +63 -0
  288. sagemaker/core/session_settings.py +55 -0
  289. sagemaker/core/shapes/__init__.py +3 -0
  290. sagemaker/core/shapes/model_card_shapes.py +159 -0
  291. {sagemaker_core/main → sagemaker/core/shapes}/shapes.py +6384 -1865
  292. sagemaker/core/spark/__init__.py +16 -0
  293. sagemaker/core/spark/defaults.py +16 -0
  294. sagemaker/core/spark/processing.py +1380 -0
  295. sagemaker/core/telemetry/__init__.py +23 -0
  296. sagemaker/core/telemetry/constants.py +84 -0
  297. sagemaker/core/telemetry/telemetry_logging.py +284 -0
  298. sagemaker/core/tools/__init__.py +1 -0
  299. {sagemaker_core → sagemaker/core}/tools/codegen.py +4 -4
  300. {sagemaker_core → sagemaker/core}/tools/constants.py +23 -15
  301. {sagemaker_core → sagemaker/core}/tools/data_extractor.py +1 -1
  302. {sagemaker_core → sagemaker/core}/tools/method.py +1 -1
  303. sagemaker/core/tools/model_card/generate_model_card_from_schema.py +562 -0
  304. {sagemaker_core → sagemaker/core}/tools/resources_codegen.py +165 -98
  305. {sagemaker_core → sagemaker/core}/tools/resources_extractor.py +5 -13
  306. {sagemaker_core → sagemaker/core}/tools/shapes_codegen.py +16 -17
  307. {sagemaker_core → sagemaker/core}/tools/shapes_extractor.py +29 -67
  308. {sagemaker_core → sagemaker/core}/tools/templates.py +39 -17
  309. sagemaker/core/training/__init__.py +14 -0
  310. sagemaker/core/training/configs.py +333 -0
  311. sagemaker/core/training/constants.py +37 -0
  312. sagemaker/core/training/utils.py +77 -0
  313. sagemaker/core/training_compiler/__init__.py +16 -0
  314. sagemaker/core/training_compiler/config.py +197 -0
  315. sagemaker/core/training_compiler_config.py +197 -0
  316. sagemaker/core/transformer.py +793 -0
  317. sagemaker/core/user_agent.py +76 -0
  318. sagemaker/core/utilities/__init__.py +24 -0
  319. sagemaker/core/utilities/cache.py +169 -0
  320. sagemaker/core/utilities/search_expression.py +133 -0
  321. sagemaker/core/utils/__init__.py +48 -0
  322. sagemaker/core/utils/code_injection/__init__.py +0 -0
  323. {sagemaker_core/main → sagemaker/core/utils}/code_injection/codec.py +2 -2
  324. {sagemaker_core/main → sagemaker/core/utils}/code_injection/shape_dag.py +6479 -136
  325. {sagemaker_core/main → sagemaker/core/utils}/exceptions.py +8 -8
  326. sagemaker_core/main/default_configs_helper.py → sagemaker/core/utils/intelligent_defaults_helper.py +5 -6
  327. {sagemaker_core/main → sagemaker/core/utils}/logs.py +1 -2
  328. {sagemaker_core/main → sagemaker/core/utils}/utils.py +25 -20
  329. sagemaker/core/workflow/__init__.py +152 -0
  330. sagemaker/core/workflow/conditions.py +313 -0
  331. sagemaker/core/workflow/entities.py +58 -0
  332. sagemaker/core/workflow/execution_variables.py +89 -0
  333. sagemaker/core/workflow/functions.py +193 -0
  334. sagemaker/core/workflow/parameters.py +222 -0
  335. sagemaker/core/workflow/pipeline_context.py +394 -0
  336. sagemaker/core/workflow/pipeline_definition_config.py +31 -0
  337. sagemaker/core/workflow/properties.py +285 -0
  338. sagemaker/core/workflow/step_outputs.py +65 -0
  339. sagemaker/core/workflow/utilities.py +507 -0
  340. sagemaker/lineage/__init__.py +33 -0
  341. sagemaker/lineage/action.py +28 -0
  342. sagemaker/lineage/artifact.py +28 -0
  343. sagemaker/lineage/context.py +28 -0
  344. sagemaker/lineage/lineage_trial_component.py +28 -0
  345. {sagemaker_core-1.0.47.dist-info → sagemaker_core-2.1.1.dist-info}/METADATA +28 -9
  346. sagemaker_core-2.1.1.dist-info/RECORD +355 -0
  347. sagemaker_core-2.1.1.dist-info/top_level.txt +1 -0
  348. sagemaker_core/__init__.py +0 -4
  349. sagemaker_core/_version.py +0 -3
  350. sagemaker_core/helper/session_helper.py +0 -769
  351. sagemaker_core/resources/__init__.py +0 -1
  352. sagemaker_core/shapes/__init__.py +0 -1
  353. sagemaker_core/tools/__init__.py +0 -1
  354. sagemaker_core-1.0.47.dist-info/RECORD +0 -35
  355. sagemaker_core-1.0.47.dist-info/top_level.txt +0 -1
  356. {sagemaker_core → sagemaker/core}/helper/__init__.py +0 -0
  357. {sagemaker_core/main → sagemaker/core/huggingface/training_compiler}/__init__.py +0 -0
  358. {sagemaker_core/main/code_injection → sagemaker/core/jumpstart/factory}/__init__.py +0 -0
  359. {sagemaker_core/main → sagemaker/core/utils}/code_injection/base.py +0 -0
  360. {sagemaker_core/main → sagemaker/core/utils}/code_injection/constants.py +0 -0
  361. {sagemaker_core/main → sagemaker/core/utils}/user_agent.py +0 -0
  362. {sagemaker_core-1.0.47.dist-info → sagemaker_core-2.1.1.dist-info}/WHEEL +0 -0
  363. {sagemaker_core-1.0.47.dist-info → sagemaker_core-2.1.1.dist-info}/licenses/LICENSE +0 -0
@@ -0,0 +1,782 @@
1
+ {
2
+ "af-south-1": {
3
+ "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
4
+ "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680},
5
+ "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
6
+ "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
7
+ "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
8
+ "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072},
9
+ "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144},
10
+ "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288},
11
+ "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304},
12
+ "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608},
13
+ "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
14
+ "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
15
+ "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
16
+ "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
17
+ "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
18
+ "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
19
+ "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
20
+ "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
21
+ "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
22
+ "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
23
+ "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
24
+ "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
25
+ "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
26
+ "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104}
27
+ },
28
+ "ap-east-1": {
29
+ "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
30
+ "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680},
31
+ "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
32
+ "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
33
+ "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
34
+ "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072},
35
+ "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144},
36
+ "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288},
37
+ "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304},
38
+ "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608},
39
+ "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
40
+ "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
41
+ "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
42
+ "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
43
+ "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
44
+ "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
45
+ "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
46
+ "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
47
+ "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
48
+ "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
49
+ "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
50
+ "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
51
+ "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
52
+ "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104}
53
+ },
54
+ "ap-northeast-1": {
55
+ "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
56
+ "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680},
57
+ "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
58
+ "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
59
+ "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
60
+ "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072},
61
+ "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144},
62
+ "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288},
63
+ "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304},
64
+ "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608},
65
+ "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
66
+ "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
67
+ "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
68
+ "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
69
+ "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
70
+ "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
71
+ "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
72
+ "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
73
+ "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
74
+ "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
75
+ "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
76
+ "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
77
+ "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
78
+ "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104}
79
+ },
80
+ "ap-northeast-2": {
81
+ "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
82
+ "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680},
83
+ "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
84
+ "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
85
+ "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
86
+ "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072},
87
+ "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144},
88
+ "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288},
89
+ "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304},
90
+ "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608},
91
+ "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
92
+ "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
93
+ "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
94
+ "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
95
+ "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
96
+ "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
97
+ "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
98
+ "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
99
+ "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
100
+ "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
101
+ "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
102
+ "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
103
+ "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
104
+ "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104}
105
+ },
106
+ "ap-northeast-3": {
107
+ "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
108
+ "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680},
109
+ "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
110
+ "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
111
+ "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
112
+ "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072},
113
+ "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144},
114
+ "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288},
115
+ "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304},
116
+ "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608},
117
+ "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
118
+ "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
119
+ "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
120
+ "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
121
+ "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
122
+ "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
123
+ "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
124
+ "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
125
+ "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
126
+ "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
127
+ "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
128
+ "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
129
+ "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
130
+ "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104}
131
+ },
132
+ "ap-south-1": {
133
+ "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
134
+ "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680},
135
+ "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
136
+ "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
137
+ "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
138
+ "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072},
139
+ "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144},
140
+ "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288},
141
+ "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304},
142
+ "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608},
143
+ "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
144
+ "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
145
+ "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
146
+ "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
147
+ "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
148
+ "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
149
+ "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
150
+ "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
151
+ "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
152
+ "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
153
+ "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
154
+ "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
155
+ "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
156
+ "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104}
157
+ },
158
+ "ap-southeast-1": {
159
+ "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
160
+ "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680},
161
+ "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
162
+ "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
163
+ "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
164
+ "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072},
165
+ "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144},
166
+ "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288},
167
+ "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304},
168
+ "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608},
169
+ "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
170
+ "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
171
+ "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
172
+ "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
173
+ "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
174
+ "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
175
+ "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
176
+ "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
177
+ "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
178
+ "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
179
+ "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
180
+ "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
181
+ "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
182
+ "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104}
183
+ },
184
+ "ap-southeast-2": {
185
+ "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
186
+ "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680},
187
+ "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
188
+ "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
189
+ "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
190
+ "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072},
191
+ "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144},
192
+ "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288},
193
+ "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304},
194
+ "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608},
195
+ "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
196
+ "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
197
+ "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
198
+ "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
199
+ "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
200
+ "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
201
+ "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
202
+ "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
203
+ "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
204
+ "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
205
+ "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
206
+ "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
207
+ "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
208
+ "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104}
209
+ },
210
+ "ap-southeast-3": {
211
+ "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
212
+ "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680},
213
+ "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
214
+ "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
215
+ "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
216
+ "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072},
217
+ "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144},
218
+ "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288},
219
+ "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304},
220
+ "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608},
221
+ "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
222
+ "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
223
+ "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
224
+ "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
225
+ "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
226
+ "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
227
+ "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
228
+ "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
229
+ "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
230
+ "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
231
+ "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
232
+ "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
233
+ "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
234
+ "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104}
235
+ },
236
+ "ca-central-1": {
237
+ "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
238
+ "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680},
239
+ "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
240
+ "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
241
+ "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
242
+ "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072},
243
+ "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144},
244
+ "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288},
245
+ "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304},
246
+ "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608},
247
+ "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
248
+ "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
249
+ "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
250
+ "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
251
+ "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
252
+ "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
253
+ "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
254
+ "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
255
+ "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
256
+ "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
257
+ "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
258
+ "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
259
+ "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
260
+ "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104}
261
+ },
262
+ "cn-north-1": {
263
+ "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
264
+ "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680},
265
+ "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
266
+ "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
267
+ "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
268
+ "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072},
269
+ "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144},
270
+ "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288},
271
+ "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304},
272
+ "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608},
273
+ "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
274
+ "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
275
+ "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
276
+ "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
277
+ "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
278
+ "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
279
+ "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
280
+ "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
281
+ "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
282
+ "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
283
+ "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
284
+ "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
285
+ "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
286
+ "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104}
287
+ },
288
+ "cn-northwest-1": {
289
+ "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
290
+ "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680},
291
+ "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
292
+ "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
293
+ "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
294
+ "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072},
295
+ "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144},
296
+ "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288},
297
+ "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304},
298
+ "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608},
299
+ "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
300
+ "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
301
+ "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
302
+ "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
303
+ "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
304
+ "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
305
+ "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
306
+ "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
307
+ "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
308
+ "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
309
+ "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
310
+ "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
311
+ "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
312
+ "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104}
313
+ },
314
+ "eu-central-1": {
315
+ "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
316
+ "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680},
317
+ "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
318
+ "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
319
+ "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
320
+ "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072},
321
+ "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144},
322
+ "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288},
323
+ "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304},
324
+ "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608},
325
+ "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
326
+ "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
327
+ "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
328
+ "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
329
+ "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
330
+ "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
331
+ "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
332
+ "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
333
+ "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
334
+ "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
335
+ "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
336
+ "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
337
+ "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
338
+ "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104}
339
+ },
340
+ "eu-central-2": {
341
+ "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
342
+ "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680},
343
+ "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
344
+ "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
345
+ "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
346
+ "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072},
347
+ "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144},
348
+ "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288},
349
+ "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304},
350
+ "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608},
351
+ "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
352
+ "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
353
+ "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
354
+ "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
355
+ "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
356
+ "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
357
+ "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
358
+ "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
359
+ "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
360
+ "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
361
+ "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
362
+ "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
363
+ "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
364
+ "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104}
365
+ },
366
+ "eu-north-1": {
367
+ "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
368
+ "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680},
369
+ "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
370
+ "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
371
+ "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
372
+ "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072},
373
+ "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144},
374
+ "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288},
375
+ "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304},
376
+ "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608},
377
+ "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
378
+ "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
379
+ "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
380
+ "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
381
+ "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
382
+ "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
383
+ "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
384
+ "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
385
+ "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
386
+ "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
387
+ "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
388
+ "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
389
+ "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
390
+ "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104}
391
+ },
392
+ "eu-south-1": {
393
+ "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
394
+ "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680},
395
+ "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
396
+ "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
397
+ "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
398
+ "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072},
399
+ "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144},
400
+ "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288},
401
+ "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304},
402
+ "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608},
403
+ "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
404
+ "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
405
+ "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
406
+ "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
407
+ "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
408
+ "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
409
+ "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
410
+ "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
411
+ "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
412
+ "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
413
+ "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
414
+ "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
415
+ "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
416
+ "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104}
417
+ },
418
+ "eu-south-2": {
419
+ "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
420
+ "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680},
421
+ "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
422
+ "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
423
+ "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
424
+ "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072},
425
+ "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144},
426
+ "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288},
427
+ "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304},
428
+ "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608},
429
+ "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
430
+ "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
431
+ "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
432
+ "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
433
+ "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
434
+ "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
435
+ "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
436
+ "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
437
+ "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
438
+ "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
439
+ "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
440
+ "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
441
+ "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
442
+ "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104}
443
+ },
444
+ "eu-west-1": {
445
+ "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
446
+ "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680},
447
+ "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
448
+ "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
449
+ "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
450
+ "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072},
451
+ "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144},
452
+ "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288},
453
+ "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304},
454
+ "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608},
455
+ "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
456
+ "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
457
+ "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
458
+ "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
459
+ "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
460
+ "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
461
+ "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
462
+ "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
463
+ "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
464
+ "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
465
+ "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
466
+ "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
467
+ "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
468
+ "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104}
469
+ },
470
+ "eu-west-2": {
471
+ "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
472
+ "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680},
473
+ "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
474
+ "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
475
+ "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
476
+ "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072},
477
+ "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144},
478
+ "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288},
479
+ "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304},
480
+ "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608},
481
+ "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
482
+ "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
483
+ "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
484
+ "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
485
+ "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
486
+ "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
487
+ "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
488
+ "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
489
+ "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
490
+ "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
491
+ "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
492
+ "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
493
+ "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
494
+ "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104}
495
+ },
496
+ "eu-west-3": {
497
+ "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
498
+ "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680},
499
+ "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
500
+ "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
501
+ "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
502
+ "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072},
503
+ "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144},
504
+ "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288},
505
+ "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304},
506
+ "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608},
507
+ "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
508
+ "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
509
+ "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
510
+ "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
511
+ "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
512
+ "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
513
+ "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
514
+ "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
515
+ "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
516
+ "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
517
+ "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
518
+ "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
519
+ "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
520
+ "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104}
521
+ },
522
+ "il-central-1": {
523
+ "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
524
+ "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680},
525
+ "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
526
+ "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
527
+ "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
528
+ "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072},
529
+ "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144},
530
+ "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288},
531
+ "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304},
532
+ "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608},
533
+ "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
534
+ "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
535
+ "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
536
+ "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
537
+ "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
538
+ "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
539
+ "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
540
+ "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
541
+ "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
542
+ "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
543
+ "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
544
+ "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
545
+ "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
546
+ "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104}
547
+ },
548
+ "me-central-1": {
549
+ "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
550
+ "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680},
551
+ "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
552
+ "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
553
+ "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
554
+ "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072},
555
+ "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144},
556
+ "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288},
557
+ "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304},
558
+ "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608},
559
+ "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
560
+ "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
561
+ "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
562
+ "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
563
+ "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
564
+ "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
565
+ "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
566
+ "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
567
+ "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
568
+ "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
569
+ "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
570
+ "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
571
+ "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
572
+ "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104}
573
+ },
574
+ "me-south-1": {
575
+ "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
576
+ "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680},
577
+ "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
578
+ "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
579
+ "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
580
+ "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072},
581
+ "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144},
582
+ "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288},
583
+ "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304},
584
+ "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608},
585
+ "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
586
+ "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
587
+ "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
588
+ "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
589
+ "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
590
+ "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
591
+ "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
592
+ "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
593
+ "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
594
+ "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
595
+ "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
596
+ "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
597
+ "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
598
+ "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104}
599
+ },
600
+ "sa-east-1": {
601
+ "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
602
+ "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680},
603
+ "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
604
+ "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
605
+ "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
606
+ "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072},
607
+ "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144},
608
+ "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288},
609
+ "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304},
610
+ "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608},
611
+ "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
612
+ "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
613
+ "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
614
+ "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
615
+ "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
616
+ "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
617
+ "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
618
+ "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
619
+ "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
620
+ "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
621
+ "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
622
+ "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
623
+ "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
624
+ "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104}
625
+ },
626
+ "us-east-1": {
627
+ "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
628
+ "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680},
629
+ "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
630
+ "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
631
+ "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
632
+ "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072},
633
+ "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144},
634
+ "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288},
635
+ "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304},
636
+ "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608},
637
+ "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
638
+ "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
639
+ "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
640
+ "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
641
+ "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
642
+ "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
643
+ "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
644
+ "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
645
+ "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
646
+ "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
647
+ "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
648
+ "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
649
+ "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
650
+ "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104}
651
+ },
652
+ "us-east-2": {
653
+ "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
654
+ "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680},
655
+ "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
656
+ "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
657
+ "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
658
+ "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072},
659
+ "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144},
660
+ "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288},
661
+ "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304},
662
+ "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608},
663
+ "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
664
+ "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
665
+ "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
666
+ "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
667
+ "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
668
+ "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
669
+ "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
670
+ "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
671
+ "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
672
+ "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
673
+ "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
674
+ "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
675
+ "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
676
+ "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104}
677
+ },
678
+ "us-gov-east-1": {
679
+ "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
680
+ "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680},
681
+ "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
682
+ "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
683
+ "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
684
+ "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072},
685
+ "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144},
686
+ "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288},
687
+ "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304},
688
+ "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608},
689
+ "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
690
+ "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
691
+ "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
692
+ "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
693
+ "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
694
+ "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
695
+ "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
696
+ "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
697
+ "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
698
+ "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
699
+ "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
700
+ "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
701
+ "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
702
+ "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104}
703
+ },
704
+ "us-gov-west-1": {
705
+ "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
706
+ "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680},
707
+ "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
708
+ "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
709
+ "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
710
+ "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072},
711
+ "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144},
712
+ "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288},
713
+ "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304},
714
+ "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608},
715
+ "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
716
+ "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
717
+ "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
718
+ "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
719
+ "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
720
+ "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
721
+ "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
722
+ "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
723
+ "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
724
+ "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
725
+ "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
726
+ "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
727
+ "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
728
+ "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104}
729
+ },
730
+ "us-west-1": {
731
+ "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
732
+ "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680},
733
+ "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
734
+ "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
735
+ "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
736
+ "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072},
737
+ "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144},
738
+ "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288},
739
+ "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304},
740
+ "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608},
741
+ "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
742
+ "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
743
+ "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
744
+ "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
745
+ "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
746
+ "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
747
+ "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
748
+ "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
749
+ "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
750
+ "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
751
+ "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
752
+ "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
753
+ "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
754
+ "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104}
755
+ },
756
+ "us-west-2": {
757
+ "ml.p5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
758
+ "ml.p4d.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 327680},
759
+ "ml.p4de.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 655360},
760
+ "ml.p3.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
761
+ "ml.p3.8xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
762
+ "ml.p3.16xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 131072},
763
+ "ml.p3dn.24xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 262144},
764
+ "ml.p2.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 12288},
765
+ "ml.p2.8xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 98304},
766
+ "ml.p2.16xlarge": {"Count": 16, "TotalGpuMemoryInMiB": 196608},
767
+ "ml.g4dn.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
768
+ "ml.g4dn.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
769
+ "ml.g4dn.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
770
+ "ml.g4dn.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
771
+ "ml.g4dn.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 16384},
772
+ "ml.g4dn.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 65536},
773
+ "ml.g5n.xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
774
+ "ml.g5.2xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
775
+ "ml.g5.4xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
776
+ "ml.g5.8xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
777
+ "ml.g5.16xlarge": {"Count": 1, "TotalGpuMemoryInMiB": 24576},
778
+ "ml.g5.12xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
779
+ "ml.g5.24xlarge": {"Count": 4, "TotalGpuMemoryInMiB": 98304},
780
+ "ml.g5.48xlarge": {"Count": 8, "TotalGpuMemoryInMiB": 183104}
781
+ }
782
+ }