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
@@ -23,6 +23,7 @@ SAGEMAKER_PYTHON_SDK_CONFIG_SCHEMA = {
23
23
  "additional_s3_data_source": {
24
24
  "s3_data_type": {"type": "string"},
25
25
  "s3_uri": {"type": "string"},
26
+ "manifest_s3_uri": {"type": "string"},
26
27
  }
27
28
  },
28
29
  "validation_specification": {
@@ -106,7 +107,8 @@ SAGEMAKER_PYTHON_SDK_CONFIG_SCHEMA = {
106
107
  "type": "array",
107
108
  "items": {"type": "string"},
108
109
  },
109
- }
110
+ },
111
+ "cluster_role": {"type": "string"},
110
112
  },
111
113
  },
112
114
  "CompilationJob": {
@@ -121,6 +123,9 @@ SAGEMAKER_PYTHON_SDK_CONFIG_SCHEMA = {
121
123
  "s3_output_location": {"type": "string"},
122
124
  "kms_key_id": {"type": "string"},
123
125
  },
126
+ "resource_config": {
127
+ "volume_kms_key_id": {"type": "string"}
128
+ },
124
129
  "vpc_config": {
125
130
  "security_group_ids": {
126
131
  "type": "array",
@@ -133,6 +138,46 @@ SAGEMAKER_PYTHON_SDK_CONFIG_SCHEMA = {
133
138
  },
134
139
  },
135
140
  },
141
+ "CustomMonitoringJobDefinition": {
142
+ "type": "object",
143
+ "properties": {
144
+ "custom_monitoring_job_input": {
145
+ "endpoint_input": {
146
+ "s3_input_mode": {"type": "string"},
147
+ "s3_data_distribution_type": {"type": "string"},
148
+ },
149
+ "batch_transform_input": {
150
+ "data_captured_destination_s3_uri": {
151
+ "type": "string"
152
+ },
153
+ "s3_input_mode": {"type": "string"},
154
+ "s3_data_distribution_type": {"type": "string"},
155
+ },
156
+ "ground_truth_s3_input": {"s3_uri": {"type": "string"}},
157
+ },
158
+ "job_resources": {
159
+ "cluster_config": {
160
+ "volume_kms_key_id": {"type": "string"}
161
+ }
162
+ },
163
+ "role_arn": {"type": "string"},
164
+ "custom_monitoring_job_output_config": {
165
+ "kms_key_id": {"type": "string"}
166
+ },
167
+ "network_config": {
168
+ "vpc_config": {
169
+ "security_group_ids": {
170
+ "type": "array",
171
+ "items": {"type": "string"},
172
+ },
173
+ "subnets": {
174
+ "type": "array",
175
+ "items": {"type": "string"},
176
+ },
177
+ }
178
+ },
179
+ },
180
+ },
136
181
  "DataQualityJobDefinition": {
137
182
  "type": "object",
138
183
  "properties": {
@@ -193,6 +238,10 @@ SAGEMAKER_PYTHON_SDK_CONFIG_SCHEMA = {
193
238
  "security_group_id_for_domain_boundary": {"type": "string"},
194
239
  "default_user_settings": {
195
240
  "execution_role": {"type": "string"},
241
+ "environment_settings": {
242
+ "default_s3_artifact_path": {"type": "string"},
243
+ "default_s3_kms_key_id": {"type": "string"},
244
+ },
196
245
  "security_groups": {
197
246
  "type": "array",
198
247
  "items": {"type": "string"},
@@ -233,6 +282,16 @@ SAGEMAKER_PYTHON_SDK_CONFIG_SCHEMA = {
233
282
  },
234
283
  }
235
284
  },
285
+ "emr_settings": {
286
+ "assumable_role_arns": {
287
+ "type": "array",
288
+ "items": {"type": "string"},
289
+ },
290
+ "execution_role_arns": {
291
+ "type": "array",
292
+ "items": {"type": "string"},
293
+ },
294
+ },
236
295
  },
237
296
  "domain_settings": {
238
297
  "security_group_ids": {
@@ -329,6 +388,26 @@ SAGEMAKER_PYTHON_SDK_CONFIG_SCHEMA = {
329
388
  },
330
389
  },
331
390
  },
391
+ "EvaluationJob": {
392
+ "type": "object",
393
+ "properties": {
394
+ "output_data_config": {
395
+ "s3_uri": {"type": "string"},
396
+ "kms_key_id": {"type": "string"},
397
+ },
398
+ "role_arn": {"type": "string"},
399
+ "upstream_platform_config": {
400
+ "upstream_platform_customer_output_data_config": {
401
+ "s3_uri": {"type": "string"},
402
+ "kms_key_id": {"type": "string"},
403
+ "s3_kms_encryption_context": {"type": "string"},
404
+ },
405
+ "upstream_platform_customer_execution_role": {
406
+ "type": "string"
407
+ },
408
+ },
409
+ },
410
+ },
332
411
  "FeatureGroup": {
333
412
  "type": "object",
334
413
  "properties": {
@@ -353,14 +432,35 @@ SAGEMAKER_PYTHON_SDK_CONFIG_SCHEMA = {
353
432
  "kms_key_id": {"type": "string"},
354
433
  },
355
434
  "role_arn": {"type": "string"},
435
+ "task_rendering_role_arn": {"type": "string"},
436
+ "kms_key_id": {"type": "string"},
356
437
  },
357
438
  },
439
+ "GroundTruthJob": {
440
+ "type": "object",
441
+ "properties": {
442
+ "input_config": {
443
+ "data_source": {
444
+ "s3_data_source": {"s3_uri": {"type": "string"}}
445
+ }
446
+ },
447
+ "output_config": {"s3_output_path": {"type": "string"}},
448
+ },
449
+ },
450
+ "GroundTruthWorkflow": {
451
+ "type": "object",
452
+ "properties": {"execution_role_arn": {"type": "string"}},
453
+ },
358
454
  "Hub": {
359
455
  "type": "object",
360
456
  "properties": {
361
457
  "s3_storage_config": {"s3_output_path": {"type": "string"}}
362
458
  },
363
459
  },
460
+ "HumanTaskUi": {
461
+ "type": "object",
462
+ "properties": {"kms_key_id": {"type": "string"}},
463
+ },
364
464
  "HyperParameterTuningJob": {
365
465
  "type": "object",
366
466
  "properties": {
@@ -369,6 +469,9 @@ SAGEMAKER_PYTHON_SDK_CONFIG_SCHEMA = {
369
469
  "output_data_config": {
370
470
  "s3_output_path": {"type": "string"},
371
471
  "kms_key_id": {"type": "string"},
472
+ "remove_job_name_from_s3_output_path": {
473
+ "type": "boolean"
474
+ },
372
475
  },
373
476
  "vpc_config": {
374
477
  "security_group_ids": {
@@ -419,6 +522,15 @@ SAGEMAKER_PYTHON_SDK_CONFIG_SCHEMA = {
419
522
  },
420
523
  },
421
524
  },
525
+ "output_config": {
526
+ "kms_key_id": {"type": "string"},
527
+ "compiled_output_config": {
528
+ "s3_output_uri": {"type": "string"}
529
+ },
530
+ "benchmark_results_output_config": {
531
+ "s3_output_uri": {"type": "string"}
532
+ },
533
+ },
422
534
  },
423
535
  },
424
536
  "LabelingJob": {
@@ -439,6 +551,7 @@ SAGEMAKER_PYTHON_SDK_CONFIG_SCHEMA = {
439
551
  "human_task_config": {
440
552
  "ui_config": {"ui_template_s3_uri": {"type": "string"}}
441
553
  },
554
+ "task_rendering_role_arn": {"type": "string"},
442
555
  "label_category_config_s3_uri": {"type": "string"},
443
556
  "labeling_job_algorithms_config": {
444
557
  "labeling_job_resource_config": {
@@ -460,6 +573,10 @@ SAGEMAKER_PYTHON_SDK_CONFIG_SCHEMA = {
460
573
  },
461
574
  },
462
575
  },
576
+ "MlflowApp": {
577
+ "type": "object",
578
+ "properties": {"role_arn": {"type": "string"}},
579
+ },
463
580
  "MlflowTrackingServer": {
464
581
  "type": "object",
465
582
  "properties": {"role_arn": {"type": "string"}},
@@ -617,6 +734,19 @@ SAGEMAKER_PYTHON_SDK_CONFIG_SCHEMA = {
617
734
  "report": {"s3_uri": {"type": "string"}}
618
735
  },
619
736
  },
737
+ "deployment_specification": {
738
+ "test_input": {
739
+ "data_source": {
740
+ "s3_data_source": {
741
+ "s3_data_type": {"type": "string"},
742
+ "s3_uri": {"type": "string"},
743
+ "s3_data_distribution_type": {
744
+ "type": "string"
745
+ },
746
+ }
747
+ }
748
+ }
749
+ },
620
750
  "drift_check_baselines": {
621
751
  "bias": {
622
752
  "config_file": {"s3_uri": {"type": "string"}},
@@ -721,7 +851,219 @@ SAGEMAKER_PYTHON_SDK_CONFIG_SCHEMA = {
721
851
  }
722
852
  },
723
853
  }
724
- }
854
+ },
855
+ "custom_monitoring_job_definition": {
856
+ "custom_monitoring_job_input": {
857
+ "endpoint_input": {
858
+ "s3_input_mode": {"type": "string"},
859
+ "s3_data_distribution_type": {"type": "string"},
860
+ },
861
+ "batch_transform_input": {
862
+ "data_captured_destination_s3_uri": {
863
+ "type": "string"
864
+ },
865
+ "s3_input_mode": {"type": "string"},
866
+ "s3_data_distribution_type": {"type": "string"},
867
+ },
868
+ "ground_truth_s3_input": {
869
+ "s3_uri": {"type": "string"}
870
+ },
871
+ },
872
+ "custom_monitoring_job_output_config": {
873
+ "kms_key_id": {"type": "string"}
874
+ },
875
+ "job_resources": {
876
+ "cluster_config": {
877
+ "volume_kms_key_id": {"type": "string"}
878
+ }
879
+ },
880
+ "role_arn": {"type": "string"},
881
+ "network_config": {
882
+ "vpc_config": {
883
+ "security_group_ids": {
884
+ "type": "array",
885
+ "items": {"type": "string"},
886
+ },
887
+ "subnets": {
888
+ "type": "array",
889
+ "items": {"type": "string"},
890
+ },
891
+ }
892
+ },
893
+ },
894
+ "data_quality_job_definition": {
895
+ "data_quality_job_input": {
896
+ "endpoint_input": {
897
+ "s3_input_mode": {"type": "string"},
898
+ "s3_data_distribution_type": {"type": "string"},
899
+ },
900
+ "batch_transform_input": {
901
+ "data_captured_destination_s3_uri": {
902
+ "type": "string"
903
+ },
904
+ "s3_input_mode": {"type": "string"},
905
+ "s3_data_distribution_type": {"type": "string"},
906
+ },
907
+ },
908
+ "data_quality_job_output_config": {
909
+ "kms_key_id": {"type": "string"}
910
+ },
911
+ "job_resources": {
912
+ "cluster_config": {
913
+ "volume_kms_key_id": {"type": "string"}
914
+ }
915
+ },
916
+ "role_arn": {"type": "string"},
917
+ "data_quality_baseline_config": {
918
+ "constraints_resource": {
919
+ "s3_uri": {"type": "string"}
920
+ },
921
+ "statistics_resource": {
922
+ "s3_uri": {"type": "string"}
923
+ },
924
+ },
925
+ "network_config": {
926
+ "vpc_config": {
927
+ "security_group_ids": {
928
+ "type": "array",
929
+ "items": {"type": "string"},
930
+ },
931
+ "subnets": {
932
+ "type": "array",
933
+ "items": {"type": "string"},
934
+ },
935
+ }
936
+ },
937
+ },
938
+ "model_quality_job_definition": {
939
+ "model_quality_job_input": {
940
+ "ground_truth_s3_input": {
941
+ "s3_uri": {"type": "string"}
942
+ },
943
+ "endpoint_input": {
944
+ "s3_input_mode": {"type": "string"},
945
+ "s3_data_distribution_type": {"type": "string"},
946
+ },
947
+ "batch_transform_input": {
948
+ "data_captured_destination_s3_uri": {
949
+ "type": "string"
950
+ },
951
+ "s3_input_mode": {"type": "string"},
952
+ "s3_data_distribution_type": {"type": "string"},
953
+ },
954
+ },
955
+ "model_quality_job_output_config": {
956
+ "kms_key_id": {"type": "string"}
957
+ },
958
+ "job_resources": {
959
+ "cluster_config": {
960
+ "volume_kms_key_id": {"type": "string"}
961
+ }
962
+ },
963
+ "role_arn": {"type": "string"},
964
+ "model_quality_baseline_config": {
965
+ "constraints_resource": {
966
+ "s3_uri": {"type": "string"}
967
+ }
968
+ },
969
+ "network_config": {
970
+ "vpc_config": {
971
+ "security_group_ids": {
972
+ "type": "array",
973
+ "items": {"type": "string"},
974
+ },
975
+ "subnets": {
976
+ "type": "array",
977
+ "items": {"type": "string"},
978
+ },
979
+ }
980
+ },
981
+ },
982
+ "model_bias_job_definition": {
983
+ "model_bias_job_input": {
984
+ "ground_truth_s3_input": {
985
+ "s3_uri": {"type": "string"}
986
+ },
987
+ "endpoint_input": {
988
+ "s3_input_mode": {"type": "string"},
989
+ "s3_data_distribution_type": {"type": "string"},
990
+ },
991
+ "batch_transform_input": {
992
+ "data_captured_destination_s3_uri": {
993
+ "type": "string"
994
+ },
995
+ "s3_input_mode": {"type": "string"},
996
+ "s3_data_distribution_type": {"type": "string"},
997
+ },
998
+ },
999
+ "model_bias_job_output_config": {
1000
+ "kms_key_id": {"type": "string"}
1001
+ },
1002
+ "job_resources": {
1003
+ "cluster_config": {
1004
+ "volume_kms_key_id": {"type": "string"}
1005
+ }
1006
+ },
1007
+ "role_arn": {"type": "string"},
1008
+ "model_bias_baseline_config": {
1009
+ "constraints_resource": {
1010
+ "s3_uri": {"type": "string"}
1011
+ }
1012
+ },
1013
+ "network_config": {
1014
+ "vpc_config": {
1015
+ "security_group_ids": {
1016
+ "type": "array",
1017
+ "items": {"type": "string"},
1018
+ },
1019
+ "subnets": {
1020
+ "type": "array",
1021
+ "items": {"type": "string"},
1022
+ },
1023
+ }
1024
+ },
1025
+ },
1026
+ "model_explainability_job_definition": {
1027
+ "model_explainability_job_input": {
1028
+ "endpoint_input": {
1029
+ "s3_input_mode": {"type": "string"},
1030
+ "s3_data_distribution_type": {"type": "string"},
1031
+ },
1032
+ "batch_transform_input": {
1033
+ "data_captured_destination_s3_uri": {
1034
+ "type": "string"
1035
+ },
1036
+ "s3_input_mode": {"type": "string"},
1037
+ "s3_data_distribution_type": {"type": "string"},
1038
+ },
1039
+ },
1040
+ "model_explainability_job_output_config": {
1041
+ "kms_key_id": {"type": "string"}
1042
+ },
1043
+ "job_resources": {
1044
+ "cluster_config": {
1045
+ "volume_kms_key_id": {"type": "string"}
1046
+ }
1047
+ },
1048
+ "role_arn": {"type": "string"},
1049
+ "model_explainability_baseline_config": {
1050
+ "constraints_resource": {
1051
+ "s3_uri": {"type": "string"}
1052
+ }
1053
+ },
1054
+ "network_config": {
1055
+ "vpc_config": {
1056
+ "security_group_ids": {
1057
+ "type": "array",
1058
+ "items": {"type": "string"},
1059
+ },
1060
+ "subnets": {
1061
+ "type": "array",
1062
+ "items": {"type": "string"},
1063
+ },
1064
+ }
1065
+ },
1066
+ },
725
1067
  },
726
1068
  },
727
1069
  "NotebookInstance": {
@@ -794,19 +1136,33 @@ SAGEMAKER_PYTHON_SDK_CONFIG_SCHEMA = {
794
1136
  "role_arn": {"type": "string"},
795
1137
  },
796
1138
  },
1139
+ "QuotaAllocation": {
1140
+ "type": "object",
1141
+ "properties": {
1142
+ "quota_allocation_target": {
1143
+ "roles": {"type": "array", "items": {"type": "string"}}
1144
+ }
1145
+ },
1146
+ },
797
1147
  "TrainingJob": {
798
1148
  "type": "object",
799
1149
  "properties": {
800
1150
  "model_artifacts": {
801
1151
  "s3_model_artifacts": {"type": "string"}
802
1152
  },
803
- "resource_config": {
804
- "volume_kms_key_id": {"type": "string"}
1153
+ "training_job_output": {
1154
+ "s3_training_job_output": {"type": "string"}
805
1155
  },
806
1156
  "role_arn": {"type": "string"},
807
1157
  "output_data_config": {
808
1158
  "s3_output_path": {"type": "string"},
809
1159
  "kms_key_id": {"type": "string"},
1160
+ "remove_job_name_from_s3_output_path": {
1161
+ "type": "boolean"
1162
+ },
1163
+ },
1164
+ "resource_config": {
1165
+ "volume_kms_key_id": {"type": "string"}
810
1166
  },
811
1167
  "vpc_config": {
812
1168
  "security_group_ids": {
@@ -823,7 +1179,43 @@ SAGEMAKER_PYTHON_SDK_CONFIG_SCHEMA = {
823
1179
  "tensor_board_output_config": {
824
1180
  "s3_output_path": {"type": "string"}
825
1181
  },
1182
+ "upstream_platform_config": {
1183
+ "credential_proxy_config": {
1184
+ "customer_credential_provider_kms_key_id": {
1185
+ "type": "string"
1186
+ },
1187
+ "platform_credential_provider_kms_key_id": {
1188
+ "type": "string"
1189
+ },
1190
+ },
1191
+ "vpc_config": {
1192
+ "security_group_ids": {
1193
+ "type": "array",
1194
+ "items": {"type": "string"},
1195
+ },
1196
+ "subnets": {
1197
+ "type": "array",
1198
+ "items": {"type": "string"},
1199
+ },
1200
+ },
1201
+ "output_data_config": {
1202
+ "kms_key_id": {"type": "string"}
1203
+ },
1204
+ "checkpoint_config": {"s3_uri": {"type": "string"}},
1205
+ "enable_s3_context_keys_on_input_data": {
1206
+ "type": "boolean"
1207
+ },
1208
+ "execution_role": {"type": "string"},
1209
+ },
826
1210
  "profiler_config": {"s3_output_path": {"type": "string"}},
1211
+ "processing_job_config": {
1212
+ "processing_output_config": {
1213
+ "kms_key_id": {"type": "string"}
1214
+ },
1215
+ "upstream_processing_output_config": {
1216
+ "kms_key_id": {"type": "string"}
1217
+ },
1218
+ },
827
1219
  },
828
1220
  },
829
1221
  "TransformJob": {
@@ -855,6 +1247,10 @@ SAGEMAKER_PYTHON_SDK_CONFIG_SCHEMA = {
855
1247
  "properties": {
856
1248
  "user_settings": {
857
1249
  "execution_role": {"type": "string"},
1250
+ "environment_settings": {
1251
+ "default_s3_artifact_path": {"type": "string"},
1252
+ "default_s3_kms_key_id": {"type": "string"},
1253
+ },
858
1254
  "security_groups": {
859
1255
  "type": "array",
860
1256
  "items": {"type": "string"},
@@ -895,6 +1291,16 @@ SAGEMAKER_PYTHON_SDK_CONFIG_SCHEMA = {
895
1291
  },
896
1292
  }
897
1293
  },
1294
+ "emr_settings": {
1295
+ "assumable_role_arns": {
1296
+ "type": "array",
1297
+ "items": {"type": "string"},
1298
+ },
1299
+ "execution_role_arns": {
1300
+ "type": "array",
1301
+ "items": {"type": "string"},
1302
+ },
1303
+ },
898
1304
  }
899
1305
  },
900
1306
  },
@@ -0,0 +1,73 @@
1
+ # Copyright Amazon.com, Inc. or its affiliates. All Rights Reserved.
2
+ #
3
+ # Licensed under the Apache License, Version 2.0 (the "License"). You
4
+ # may not use this file except in compliance with the License. A copy of
5
+ # the License is located at
6
+ #
7
+ # http://aws.amazon.com/apache2.0/
8
+ #
9
+ # or in the "license" file accompanying this file. This file is
10
+ # distributed on an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF
11
+ # ANY KIND, either express or implied. See the License for the specific
12
+ # language governing permissions and limitations under the License.
13
+ """Constants used across the SageMaker Core package.
14
+
15
+ This module contains constant values that are shared across different
16
+ components of the SageMaker SDK.
17
+ """
18
+ from __future__ import absolute_import
19
+
20
+ # Script mode environment variable names
21
+ # These constants define the environment variable names used in SageMaker
22
+ # containers for script mode execution
23
+
24
+ SCRIPT_PARAM_NAME = "sagemaker_program"
25
+ """Environment variable name for the entry point script name."""
26
+
27
+ DIR_PARAM_NAME = "sagemaker_submit_directory"
28
+ """Environment variable name for the directory containing the entry point script.
29
+
30
+ This constant specifies the S3 location or local path where the training/inference
31
+ code and dependencies are located.
32
+ """
33
+
34
+ CONTAINER_LOG_LEVEL_PARAM_NAME = "sagemaker_container_log_level"
35
+ """Environment variable name for the container log level."""
36
+
37
+ JOB_NAME_PARAM_NAME = "sagemaker_job_name"
38
+ """Environment variable name for the SageMaker job name."""
39
+
40
+ MODEL_SERVER_WORKERS_PARAM_NAME = "sagemaker_model_server_workers"
41
+ """Environment variable name for the number of model server workers.
42
+
43
+ This constant specifies how many worker processes the model server should use
44
+ for handling inference requests. More workers can improve throughput for
45
+ CPU-bound models.
46
+ """
47
+
48
+ SAGEMAKER_REGION_PARAM_NAME = "sagemaker_region"
49
+ """Environment variable name for the AWS region."""
50
+
51
+ SAGEMAKER_OUTPUT_LOCATION = "sagemaker_s3_output"
52
+ """Environment variable name for the S3 output location."""
53
+
54
+ # Neo compilation frameworks
55
+ NEO_ALLOWED_FRAMEWORKS = set(
56
+ ["mxnet", "tensorflow", "keras", "pytorch", "onnx", "xgboost", "tflite"]
57
+ )
58
+ """Set of frameworks allowed for Neo compilation.
59
+
60
+ Neo is SageMaker's model compilation service that optimizes models for
61
+ specific hardware targets.
62
+ """
63
+
64
+ __all__ = [
65
+ "SCRIPT_PARAM_NAME",
66
+ "DIR_PARAM_NAME",
67
+ "CONTAINER_LOG_LEVEL_PARAM_NAME",
68
+ "JOB_NAME_PARAM_NAME",
69
+ "MODEL_SERVER_WORKERS_PARAM_NAME",
70
+ "SAGEMAKER_REGION_PARAM_NAME",
71
+ "SAGEMAKER_OUTPUT_LOCATION",
72
+ "NEO_ALLOWED_FRAMEWORKS",
73
+ ]