sagemaker-core 1.0.62__py3-none-any.whl → 2.3.1__py3-none-any.whl

This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.
Files changed (358) hide show
  1. sagemaker/__init__.py +2 -0
  2. sagemaker/core/__init__.py +16 -0
  3. sagemaker/core/_studio.py +116 -0
  4. sagemaker/core/_version.py +11 -0
  5. sagemaker/core/accept_types.py +131 -0
  6. sagemaker/core/analytics.py +744 -0
  7. sagemaker/core/apiutils/__init__.py +13 -0
  8. sagemaker/core/apiutils/_base_types.py +228 -0
  9. sagemaker/core/apiutils/_boto_functions.py +130 -0
  10. sagemaker/core/apiutils/_utils.py +34 -0
  11. sagemaker/core/base_deserializers.py +35 -0
  12. sagemaker/core/base_serializers.py +35 -0
  13. sagemaker/core/clarify/__init__.py +2898 -0
  14. sagemaker/core/collection.py +467 -0
  15. sagemaker/core/common_utils.py +2399 -0
  16. sagemaker/core/compute_resource_requirements/__init__.py +18 -0
  17. sagemaker/core/compute_resource_requirements/resource_requirements.py +94 -0
  18. sagemaker/core/config/__init__.py +181 -0
  19. sagemaker/core/config/config.py +238 -0
  20. sagemaker/core/config/config_manager.py +595 -0
  21. sagemaker/core/config/config_schema.py +1220 -0
  22. sagemaker/core/config/config_utils.py +297 -0
  23. {sagemaker_core/main → sagemaker/core}/config_schema.py +408 -3
  24. sagemaker/core/constants.py +73 -0
  25. sagemaker/core/content_types.py +137 -0
  26. sagemaker/core/debugger/__init__.py +39 -0
  27. sagemaker/core/debugger/debugger.py +945 -0
  28. sagemaker/core/debugger/framework_profile.py +292 -0
  29. sagemaker/core/debugger/metrics_config.py +468 -0
  30. sagemaker/core/debugger/profiler.py +42 -0
  31. sagemaker/core/debugger/profiler_config.py +190 -0
  32. sagemaker/core/debugger/profiler_constants.py +40 -0
  33. sagemaker/core/debugger/utils.py +148 -0
  34. sagemaker/core/deprecations.py +254 -0
  35. sagemaker/core/deserializers/__init__.py +10 -0
  36. sagemaker/core/deserializers/base.py +424 -0
  37. sagemaker/core/deserializers/implementations.py +157 -0
  38. sagemaker/core/drift_check_baselines.py +106 -0
  39. sagemaker/core/enums.py +51 -0
  40. sagemaker/core/environment_variables.py +101 -0
  41. sagemaker/core/exceptions.py +108 -0
  42. sagemaker/core/experiments/__init__.py +53 -0
  43. sagemaker/core/experiments/_api_types.py +251 -0
  44. sagemaker/core/experiments/_environment.py +124 -0
  45. sagemaker/core/experiments/_helper.py +294 -0
  46. sagemaker/core/experiments/_metrics.py +333 -0
  47. sagemaker/core/experiments/_run_context.py +58 -0
  48. sagemaker/core/experiments/_utils.py +216 -0
  49. sagemaker/core/experiments/experiment.py +247 -0
  50. sagemaker/core/experiments/run.py +970 -0
  51. sagemaker/core/experiments/trial.py +296 -0
  52. sagemaker/core/experiments/trial_component.py +387 -0
  53. sagemaker/core/explainer/__init__.py +24 -0
  54. sagemaker/core/explainer/clarify_explainer_config.py +298 -0
  55. sagemaker/core/explainer/explainer_config.py +44 -0
  56. sagemaker/core/fw_utils.py +1220 -0
  57. sagemaker/core/git_utils.py +415 -0
  58. sagemaker/core/helper/pipeline_variable.py +82 -0
  59. sagemaker/core/helper/session_helper.py +2977 -0
  60. sagemaker/core/hyperparameters.py +172 -0
  61. sagemaker/core/image_retriever/__init__.py +3 -0
  62. sagemaker/core/image_retriever/image_retriever.py +640 -0
  63. sagemaker/core/image_retriever/image_retriever_utils.py +509 -0
  64. sagemaker/core/image_retriever/test.py +7 -0
  65. sagemaker/core/image_uri_config/autogluon.json +1335 -0
  66. sagemaker/core/image_uri_config/blazingtext.json +50 -0
  67. sagemaker/core/image_uri_config/chainer.json +104 -0
  68. sagemaker/core/image_uri_config/clarify.json +39 -0
  69. sagemaker/core/image_uri_config/coach-mxnet.json +70 -0
  70. sagemaker/core/image_uri_config/coach-tensorflow.json +186 -0
  71. sagemaker/core/image_uri_config/data-wrangler.json +91 -0
  72. sagemaker/core/image_uri_config/debugger.json +34 -0
  73. sagemaker/core/image_uri_config/detailed-profiler.json +18 -0
  74. sagemaker/core/image_uri_config/djl-deepspeed.json +385 -0
  75. sagemaker/core/image_uri_config/djl-fastertransformer.json +167 -0
  76. sagemaker/core/image_uri_config/djl-lmi.json +136 -0
  77. sagemaker/core/image_uri_config/djl-neuronx.json +258 -0
  78. sagemaker/core/image_uri_config/djl-tensorrtllm.json +262 -0
  79. sagemaker/core/image_uri_config/factorization-machines.json +50 -0
  80. sagemaker/core/image_uri_config/forecasting-deepar.json +50 -0
  81. sagemaker/core/image_uri_config/huggingface-llm-neuronx.json +770 -0
  82. sagemaker/core/image_uri_config/huggingface-llm.json +1267 -0
  83. sagemaker/core/image_uri_config/huggingface-neuron.json +52 -0
  84. sagemaker/core/image_uri_config/huggingface-neuronx.json +686 -0
  85. sagemaker/core/image_uri_config/huggingface-tei-cpu.json +298 -0
  86. sagemaker/core/image_uri_config/huggingface-tei.json +298 -0
  87. sagemaker/core/image_uri_config/huggingface-training-compiler.json +195 -0
  88. sagemaker/core/image_uri_config/huggingface-vllm-neuronx.json +38 -0
  89. sagemaker/core/image_uri_config/huggingface.json +2287 -0
  90. sagemaker/core/image_uri_config/hyperpod-recipes-neuron.json +52 -0
  91. sagemaker/core/image_uri_config/image-classification-neo.json +43 -0
  92. sagemaker/core/image_uri_config/image-classification.json +50 -0
  93. sagemaker/core/image_uri_config/inferentia-mxnet.json +88 -0
  94. sagemaker/core/image_uri_config/inferentia-pytorch.json +127 -0
  95. sagemaker/core/image_uri_config/inferentia-tensorflow.json +88 -0
  96. sagemaker/core/image_uri_config/instance_gpu_info.json +782 -0
  97. sagemaker/core/image_uri_config/ipinsights.json +50 -0
  98. sagemaker/core/image_uri_config/kmeans.json +50 -0
  99. sagemaker/core/image_uri_config/knn.json +50 -0
  100. sagemaker/core/image_uri_config/lda.json +26 -0
  101. sagemaker/core/image_uri_config/linear-learner.json +50 -0
  102. sagemaker/core/image_uri_config/model-monitor.json +42 -0
  103. sagemaker/core/image_uri_config/mxnet.json +1154 -0
  104. sagemaker/core/image_uri_config/neo-mxnet.json +64 -0
  105. sagemaker/core/image_uri_config/neo-pytorch.json +341 -0
  106. sagemaker/core/image_uri_config/neo-tensorflow.json +109 -0
  107. sagemaker/core/image_uri_config/ntm.json +50 -0
  108. sagemaker/core/image_uri_config/object-detection.json +50 -0
  109. sagemaker/core/image_uri_config/object2vec.json +50 -0
  110. sagemaker/core/image_uri_config/pca.json +50 -0
  111. sagemaker/core/image_uri_config/pytorch-neuron.json +43 -0
  112. sagemaker/core/image_uri_config/pytorch-smp.json +218 -0
  113. sagemaker/core/image_uri_config/pytorch-training-compiler.json +80 -0
  114. sagemaker/core/image_uri_config/pytorch.json +3101 -0
  115. sagemaker/core/image_uri_config/randomcutforest.json +50 -0
  116. sagemaker/core/image_uri_config/ray-pytorch.json +46 -0
  117. sagemaker/core/image_uri_config/ray-tensorflow.json +194 -0
  118. sagemaker/core/image_uri_config/sagemaker-base-python.json +46 -0
  119. sagemaker/core/image_uri_config/sagemaker-distribution.json +37 -0
  120. sagemaker/core/image_uri_config/sagemaker-geospatial.json +13 -0
  121. sagemaker/core/image_uri_config/sagemaker-tritonserver.json +252 -0
  122. sagemaker/core/image_uri_config/semantic-segmentation.json +50 -0
  123. sagemaker/core/image_uri_config/seq2seq.json +50 -0
  124. sagemaker/core/image_uri_config/sklearn.json +494 -0
  125. sagemaker/core/image_uri_config/spark.json +280 -0
  126. sagemaker/core/image_uri_config/sparkml-serving.json +97 -0
  127. sagemaker/core/image_uri_config/stabilityai.json +53 -0
  128. sagemaker/core/image_uri_config/tensorflow.json +5086 -0
  129. sagemaker/core/image_uri_config/vw.json +25 -0
  130. sagemaker/core/image_uri_config/xgboost-neo.json +43 -0
  131. sagemaker/core/image_uri_config/xgboost.json +972 -0
  132. sagemaker/core/image_uris.py +816 -0
  133. sagemaker/core/inference_config.py +144 -0
  134. sagemaker/core/inference_recommender/__init__.py +18 -0
  135. sagemaker/core/inference_recommender/inference_recommender_mixin.py +622 -0
  136. sagemaker/core/inputs.py +366 -0
  137. sagemaker/core/instance_group.py +61 -0
  138. sagemaker/core/instance_types.py +164 -0
  139. sagemaker/core/instance_types_gpu_info.py +43 -0
  140. sagemaker/core/interactive_apps/__init__.py +41 -0
  141. sagemaker/core/interactive_apps/base_interactive_app.py +204 -0
  142. sagemaker/core/interactive_apps/detail_profiler_app.py +139 -0
  143. sagemaker/core/interactive_apps/tensorboard.py +149 -0
  144. sagemaker/core/iterators.py +197 -0
  145. sagemaker/core/job.py +380 -0
  146. sagemaker/core/jumpstart/__init__.py +156 -0
  147. sagemaker/core/jumpstart/accessors.py +390 -0
  148. sagemaker/core/jumpstart/artifacts/__init__.py +69 -0
  149. sagemaker/core/jumpstart/artifacts/environment_variables.py +252 -0
  150. sagemaker/core/jumpstart/artifacts/hyperparameters.py +120 -0
  151. sagemaker/core/jumpstart/artifacts/image_uris.py +139 -0
  152. sagemaker/core/jumpstart/artifacts/incremental_training.py +87 -0
  153. sagemaker/core/jumpstart/artifacts/instance_types.py +223 -0
  154. sagemaker/core/jumpstart/artifacts/kwargs.py +289 -0
  155. sagemaker/core/jumpstart/artifacts/metric_definitions.py +117 -0
  156. sagemaker/core/jumpstart/artifacts/model_packages.py +202 -0
  157. sagemaker/core/jumpstart/artifacts/model_uris.py +252 -0
  158. sagemaker/core/jumpstart/artifacts/payloads.py +96 -0
  159. sagemaker/core/jumpstart/artifacts/predictors.py +540 -0
  160. sagemaker/core/jumpstart/artifacts/resource_names.py +86 -0
  161. sagemaker/core/jumpstart/artifacts/resource_requirements.py +162 -0
  162. sagemaker/core/jumpstart/artifacts/script_uris.py +172 -0
  163. sagemaker/core/jumpstart/cache.py +663 -0
  164. sagemaker/core/jumpstart/configs.py +50 -0
  165. sagemaker/core/jumpstart/constants.py +198 -0
  166. sagemaker/core/jumpstart/deserializers.py +81 -0
  167. sagemaker/core/jumpstart/document.py +76 -0
  168. sagemaker/core/jumpstart/enums.py +168 -0
  169. sagemaker/core/jumpstart/exceptions.py +236 -0
  170. sagemaker/core/jumpstart/factory/utils.py +833 -0
  171. sagemaker/core/jumpstart/filters.py +597 -0
  172. sagemaker/core/jumpstart/hub/constants.py +16 -0
  173. sagemaker/core/jumpstart/hub/hub.py +291 -0
  174. sagemaker/core/jumpstart/hub/interfaces.py +936 -0
  175. sagemaker/core/jumpstart/hub/parser_utils.py +70 -0
  176. sagemaker/core/jumpstart/hub/parsers.py +288 -0
  177. sagemaker/core/jumpstart/hub/types.py +35 -0
  178. sagemaker/core/jumpstart/hub/utils.py +260 -0
  179. sagemaker/core/jumpstart/models.py +501 -0
  180. sagemaker/core/jumpstart/notebook_utils.py +575 -0
  181. sagemaker/core/jumpstart/parameters.py +20 -0
  182. sagemaker/core/jumpstart/payload_utils.py +239 -0
  183. sagemaker/core/jumpstart/region_config.json +171 -0
  184. sagemaker/core/jumpstart/search.py +171 -0
  185. sagemaker/core/jumpstart/serializers.py +81 -0
  186. sagemaker/core/jumpstart/session_utils.py +234 -0
  187. sagemaker/core/jumpstart/types.py +3044 -0
  188. sagemaker/core/jumpstart/utils.py +1731 -0
  189. sagemaker/core/jumpstart/validators.py +257 -0
  190. sagemaker/core/lambda_helper.py +312 -0
  191. sagemaker/core/lineage/__init__.py +42 -0
  192. sagemaker/core/lineage/_api_types.py +239 -0
  193. sagemaker/core/lineage/_utils.py +49 -0
  194. sagemaker/core/lineage/action.py +345 -0
  195. sagemaker/core/lineage/artifact.py +646 -0
  196. sagemaker/core/lineage/association.py +190 -0
  197. sagemaker/core/lineage/context.py +505 -0
  198. sagemaker/core/lineage/lineage_trial_component.py +191 -0
  199. sagemaker/core/lineage/query.py +732 -0
  200. sagemaker/core/lineage/visualizer.py +346 -0
  201. sagemaker/core/local/__init__.py +18 -0
  202. sagemaker/core/local/data.py +423 -0
  203. sagemaker/core/local/entities.py +678 -0
  204. sagemaker/core/local/exceptions.py +17 -0
  205. sagemaker/core/local/image.py +1243 -0
  206. sagemaker/core/local/local_session.py +739 -0
  207. sagemaker/core/local/utils.py +246 -0
  208. sagemaker/core/logs.py +181 -0
  209. sagemaker/core/metadata_properties.py +56 -0
  210. sagemaker/core/metric_definitions.py +91 -0
  211. sagemaker/core/mlflow/__init__.py +38 -0
  212. sagemaker/core/mlflow/forward_sagemaker_metrics.py +44 -0
  213. sagemaker/core/model_card/__init__.py +26 -0
  214. sagemaker/core/model_life_cycle.py +51 -0
  215. sagemaker/core/model_metrics.py +160 -0
  216. sagemaker/core/model_monitor/__init__.py +66 -0
  217. sagemaker/core/model_monitor/clarify_model_monitoring.py +1497 -0
  218. sagemaker/core/model_monitor/cron_expression_generator.py +82 -0
  219. sagemaker/core/model_monitor/data_capture_config.py +115 -0
  220. sagemaker/core/model_monitor/data_quality_monitoring_config.py +66 -0
  221. sagemaker/core/model_monitor/dataset_format.py +102 -0
  222. sagemaker/core/model_monitor/model_monitoring.py +4266 -0
  223. sagemaker/core/model_monitor/monitoring_alert.py +76 -0
  224. sagemaker/core/model_monitor/monitoring_files.py +506 -0
  225. sagemaker/core/model_monitor/utils.py +793 -0
  226. sagemaker/core/model_registry.py +480 -0
  227. sagemaker/core/model_uris.py +97 -0
  228. sagemaker/core/modules/__init__.py +19 -0
  229. sagemaker/core/modules/configs.py +239 -0
  230. sagemaker/core/modules/constants.py +37 -0
  231. sagemaker/core/modules/distributed.py +182 -0
  232. sagemaker/core/modules/local_core/local_container.py +605 -0
  233. sagemaker/core/modules/templates.py +83 -0
  234. sagemaker/core/modules/train/__init__.py +14 -0
  235. sagemaker/core/modules/train/container_drivers/__init__.py +14 -0
  236. sagemaker/core/modules/train/container_drivers/common/__init__.py +14 -0
  237. sagemaker/core/modules/train/container_drivers/common/utils.py +205 -0
  238. sagemaker/core/modules/train/container_drivers/distributed_drivers/__init__.py +14 -0
  239. sagemaker/core/modules/train/container_drivers/distributed_drivers/basic_script_driver.py +81 -0
  240. sagemaker/core/modules/train/container_drivers/distributed_drivers/mpi_driver.py +123 -0
  241. sagemaker/core/modules/train/container_drivers/distributed_drivers/mpi_utils.py +302 -0
  242. sagemaker/core/modules/train/container_drivers/distributed_drivers/torchrun_driver.py +129 -0
  243. sagemaker/core/modules/train/container_drivers/scripts/__init__.py +14 -0
  244. sagemaker/core/modules/train/container_drivers/scripts/environment.py +305 -0
  245. sagemaker/core/modules/train/sm_recipes/__init__.py +0 -0
  246. sagemaker/core/modules/train/sm_recipes/utils.py +330 -0
  247. sagemaker/core/modules/types.py +19 -0
  248. sagemaker/core/modules/utils.py +194 -0
  249. sagemaker/core/network.py +185 -0
  250. sagemaker/core/parameter.py +173 -0
  251. sagemaker/core/payloads.py +185 -0
  252. sagemaker/core/processing.py +1599 -0
  253. sagemaker/core/remote_function/__init__.py +19 -0
  254. sagemaker/core/remote_function/checkpoint_location.py +47 -0
  255. sagemaker/core/remote_function/client.py +1310 -0
  256. sagemaker/core/remote_function/core/__init__.py +0 -0
  257. sagemaker/core/remote_function/core/_custom_dispatch_table.py +72 -0
  258. sagemaker/core/remote_function/core/pipeline_variables.py +347 -0
  259. sagemaker/core/remote_function/core/serialization.py +410 -0
  260. sagemaker/core/remote_function/core/stored_function.py +223 -0
  261. sagemaker/core/remote_function/custom_file_filter.py +128 -0
  262. sagemaker/core/remote_function/errors.py +102 -0
  263. sagemaker/core/remote_function/invoke_function.py +167 -0
  264. sagemaker/core/remote_function/job.py +2121 -0
  265. sagemaker/core/remote_function/logging_config.py +38 -0
  266. sagemaker/core/remote_function/runtime_environment/__init__.py +14 -0
  267. sagemaker/core/remote_function/runtime_environment/bootstrap_runtime_environment.py +605 -0
  268. sagemaker/core/remote_function/runtime_environment/mpi_utils_remote.py +252 -0
  269. sagemaker/core/remote_function/runtime_environment/runtime_environment_manager.py +554 -0
  270. sagemaker/core/remote_function/runtime_environment/spark_app.py +18 -0
  271. sagemaker/core/remote_function/spark_config.py +149 -0
  272. sagemaker/core/resource_requirements.py +168 -0
  273. {sagemaker_core/main → sagemaker/core}/resources.py +19098 -10895
  274. sagemaker/core/s3/__init__.py +41 -0
  275. sagemaker/core/s3/client.py +367 -0
  276. sagemaker/core/s3/utils.py +175 -0
  277. sagemaker/core/script_uris.py +93 -0
  278. sagemaker/core/serializers/__init__.py +11 -0
  279. sagemaker/core/serializers/base.py +510 -0
  280. sagemaker/core/serializers/implementations.py +159 -0
  281. sagemaker/core/serializers/utils.py +223 -0
  282. sagemaker/core/serverless_inference_config.py +63 -0
  283. sagemaker/core/session_settings.py +55 -0
  284. sagemaker/core/shapes/__init__.py +3 -0
  285. sagemaker/core/shapes/model_card_shapes.py +159 -0
  286. {sagemaker_core/main → sagemaker/core/shapes}/shapes.py +5810 -1806
  287. sagemaker/core/spark/__init__.py +16 -0
  288. sagemaker/core/spark/defaults.py +16 -0
  289. sagemaker/core/spark/processing.py +1380 -0
  290. sagemaker/core/telemetry/__init__.py +23 -0
  291. sagemaker/core/telemetry/constants.py +82 -0
  292. sagemaker/core/telemetry/telemetry_logging.py +285 -0
  293. sagemaker/core/tools/__init__.py +1 -0
  294. {sagemaker_core → sagemaker/core}/tools/codegen.py +4 -4
  295. {sagemaker_core → sagemaker/core}/tools/constants.py +23 -15
  296. {sagemaker_core → sagemaker/core}/tools/data_extractor.py +1 -1
  297. {sagemaker_core → sagemaker/core}/tools/method.py +1 -1
  298. sagemaker/core/tools/model_card/generate_model_card_from_schema.py +562 -0
  299. {sagemaker_core → sagemaker/core}/tools/resources_codegen.py +165 -98
  300. {sagemaker_core → sagemaker/core}/tools/resources_extractor.py +5 -13
  301. {sagemaker_core → sagemaker/core}/tools/shapes_codegen.py +16 -17
  302. {sagemaker_core → sagemaker/core}/tools/shapes_extractor.py +29 -67
  303. {sagemaker_core → sagemaker/core}/tools/templates.py +39 -17
  304. sagemaker/core/training/__init__.py +14 -0
  305. sagemaker/core/training/configs.py +345 -0
  306. sagemaker/core/training/constants.py +37 -0
  307. sagemaker/core/training/utils.py +77 -0
  308. sagemaker/core/training_compiler/__init__.py +16 -0
  309. sagemaker/core/training_compiler/config.py +197 -0
  310. sagemaker/core/training_compiler_config.py +197 -0
  311. sagemaker/core/transformer.py +793 -0
  312. sagemaker/core/user_agent.py +76 -0
  313. sagemaker/core/utilities/__init__.py +24 -0
  314. sagemaker/core/utilities/cache.py +169 -0
  315. sagemaker/core/utilities/search_expression.py +133 -0
  316. sagemaker/core/utils/__init__.py +48 -0
  317. sagemaker/core/utils/code_injection/__init__.py +0 -0
  318. {sagemaker_core/main → sagemaker/core/utils}/code_injection/codec.py +2 -2
  319. {sagemaker_core/main → sagemaker/core/utils}/code_injection/shape_dag.py +5979 -176
  320. {sagemaker_core/main → sagemaker/core/utils}/exceptions.py +8 -8
  321. sagemaker_core/main/default_configs_helper.py → sagemaker/core/utils/intelligent_defaults_helper.py +5 -6
  322. {sagemaker_core/main → sagemaker/core/utils}/logs.py +1 -2
  323. {sagemaker_core/main → sagemaker/core/utils}/utils.py +27 -22
  324. sagemaker/core/workflow/__init__.py +152 -0
  325. sagemaker/core/workflow/conditions.py +313 -0
  326. sagemaker/core/workflow/entities.py +58 -0
  327. sagemaker/core/workflow/execution_variables.py +89 -0
  328. sagemaker/core/workflow/functions.py +193 -0
  329. sagemaker/core/workflow/parameters.py +222 -0
  330. sagemaker/core/workflow/pipeline_context.py +394 -0
  331. sagemaker/core/workflow/pipeline_definition_config.py +31 -0
  332. sagemaker/core/workflow/properties.py +285 -0
  333. sagemaker/core/workflow/step_outputs.py +65 -0
  334. sagemaker/core/workflow/utilities.py +514 -0
  335. sagemaker/lineage/__init__.py +33 -0
  336. sagemaker/lineage/action.py +28 -0
  337. sagemaker/lineage/artifact.py +28 -0
  338. sagemaker/lineage/context.py +28 -0
  339. sagemaker/lineage/lineage_trial_component.py +28 -0
  340. {sagemaker_core-1.0.62.dist-info → sagemaker_core-2.3.1.dist-info}/METADATA +28 -9
  341. sagemaker_core-2.3.1.dist-info/RECORD +351 -0
  342. sagemaker_core-2.3.1.dist-info/top_level.txt +1 -0
  343. sagemaker_core/_version.py +0 -3
  344. sagemaker_core/helper/session_helper.py +0 -769
  345. sagemaker_core/resources/__init__.py +0 -1
  346. sagemaker_core/shapes/__init__.py +0 -1
  347. sagemaker_core/tools/__init__.py +0 -1
  348. sagemaker_core-1.0.62.dist-info/RECORD +0 -35
  349. sagemaker_core-1.0.62.dist-info/top_level.txt +0 -1
  350. {sagemaker_core → sagemaker/core/helper}/__init__.py +0 -0
  351. {sagemaker_core/helper → sagemaker/core/jumpstart/factory}/__init__.py +0 -0
  352. {sagemaker_core/main → sagemaker/core/jumpstart/hub}/__init__.py +0 -0
  353. {sagemaker_core/main/code_injection → sagemaker/core/modules/local_core}/__init__.py +0 -0
  354. {sagemaker_core/main → sagemaker/core/utils}/code_injection/base.py +0 -0
  355. {sagemaker_core/main → sagemaker/core/utils}/code_injection/constants.py +0 -0
  356. {sagemaker_core/main → sagemaker/core/utils}/user_agent.py +0 -0
  357. {sagemaker_core-1.0.62.dist-info → sagemaker_core-2.3.1.dist-info}/WHEEL +0 -0
  358. {sagemaker_core-1.0.62.dist-info → sagemaker_core-2.3.1.dist-info}/licenses/LICENSE +0 -0
@@ -0,0 +1,239 @@
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
+ """This module provides the configuration classes used in ``sagemaker.modules``.
14
+
15
+ Some of these classes are re-exported from ``sagemaker_core.shapes``. For convinence,
16
+ users can import these classes directly from ``sagemaker.modules.configs``.
17
+
18
+ For more documentation on ``sagemaker_core.shapes``, see:
19
+ - https://sagemaker-core.readthedocs.io/en/stable/#sagemaker-core-shapes
20
+ """
21
+
22
+ from __future__ import absolute_import
23
+
24
+ from typing import Optional, Union
25
+ from pydantic import BaseModel, model_validator, ConfigDict
26
+
27
+ import sagemaker.core.shapes as shapes
28
+
29
+ # TODO: Can we add custom logic to some of these to set better defaults?
30
+ from sagemaker.core.shapes import (
31
+ StoppingCondition,
32
+ RetryStrategy,
33
+ OutputDataConfig,
34
+ Channel,
35
+ ShuffleConfig,
36
+ DataSource,
37
+ S3DataSource,
38
+ FileSystemDataSource,
39
+ TrainingImageConfig,
40
+ TrainingRepositoryAuthConfig,
41
+ Tag,
42
+ InfraCheckConfig,
43
+ RemoteDebugConfig,
44
+ SessionChainingConfig,
45
+ InstanceGroup,
46
+ TensorBoardOutputConfig,
47
+ CheckpointConfig,
48
+ MetricDefinition,
49
+ )
50
+ from typing import List
51
+
52
+ __all__ = [
53
+ "SourceCode",
54
+ "StoppingCondition",
55
+ "RetryStrategy",
56
+ "OutputDataConfig",
57
+ "Channel",
58
+ "ShuffleConfig",
59
+ "DataSource",
60
+ "S3DataSource",
61
+ "FileSystemDataSource",
62
+ "TrainingImageConfig",
63
+ "TrainingRepositoryAuthConfig",
64
+ "Tag",
65
+ "InfraCheckConfig",
66
+ "RemoteDebugConfig",
67
+ "SessionChainingConfig",
68
+ "InstanceGroup",
69
+ "TensorBoardOutputConfig",
70
+ "CheckpointConfig",
71
+ "Compute",
72
+ "Networking",
73
+ "InputData",
74
+ "MetricDefinition",
75
+ ]
76
+
77
+ from sagemaker.core.modules.utils import convert_unassigned_to_none
78
+
79
+
80
+ class BaseConfig(BaseModel):
81
+ """BaseConfig"""
82
+
83
+ model_config = ConfigDict(validate_assignment=True, extra="forbid")
84
+
85
+
86
+ class SourceCode(BaseConfig):
87
+ """SourceCode.
88
+
89
+ The SourceCode class allows the user to specify the source code location, dependencies,
90
+ entry script, or commands to be executed in the training job container.
91
+
92
+ Parameters:
93
+ source_dir (Optional[str]):
94
+ The local directory containing the source code to be used in the training job container.
95
+ requirements (Optional[str]):
96
+ The path within ``source_dir`` to a ``requirements.txt`` file. If specified, the listed
97
+ requirements will be installed in the training job container.
98
+ entry_script (Optional[str]):
99
+ The path within ``source_dir`` to the entry script that will be executed in the training
100
+ job container. If not specified, command must be provided.
101
+ command (Optional[str]):
102
+ The command(s) to execute in the training job container. Example: "python my_script.py".
103
+ If not specified, entry_script must be provided.
104
+ ignore_patterns: (Optional[List[str]]) :
105
+ The ignore patterns to ignore specific files/folders when uploading to S3. If not specified,
106
+ default to: ['.env', '.git', '__pycache__', '.DS_Store', '.cache', '.ipynb_checkpoints'].
107
+ """
108
+
109
+ source_dir: Optional[str] = None
110
+ requirements: Optional[str] = None
111
+ entry_script: Optional[str] = None
112
+ command: Optional[str] = None
113
+ ignore_patterns: Optional[List[str]] = [
114
+ ".env",
115
+ ".git",
116
+ "__pycache__",
117
+ ".DS_Store",
118
+ ".cache",
119
+ ".ipynb_checkpoints",
120
+ ]
121
+
122
+
123
+ class Compute(shapes.ResourceConfig):
124
+ """Compute.
125
+
126
+ The Compute class is a subclass of ``sagemaker_core.shapes.ResourceConfig``
127
+ and allows the user to specify the compute resources for the training job.
128
+
129
+ Parameters:
130
+ instance_type (Optional[str]):
131
+ The ML compute instance type. For information about available instance types,
132
+ see https://aws.amazon.com/sagemaker/pricing/.
133
+ instance_count (Optional[int]): The number of ML compute instances to use. For distributed
134
+ training, provide a value greater than 1.
135
+ volume_size_in_gb (Optional[int]):
136
+ The size of the ML storage volume that you want to provision. ML storage volumes store
137
+ model artifacts and incremental states. Training algorithms might also use the ML
138
+ storage volume for scratch space. Default: 30
139
+ volume_kms_key_id (Optional[str]):
140
+ The Amazon Web Services KMS key that SageMaker uses to encrypt data on the storage
141
+ volume attached to the ML compute instance(s) that run the training job.
142
+ keep_alive_period_in_seconds (Optional[int]):
143
+ The duration of time in seconds to retain configured resources in a warm pool for
144
+ subsequent training jobs.
145
+ instance_groups (Optional[List[InstanceGroup]]):
146
+ A list of instance groups for heterogeneous clusters to be used in the training job.
147
+ enable_managed_spot_training (Optional[bool]):
148
+ To train models using managed spot training, choose True. Managed spot training
149
+ provides a fully managed and scalable infrastructure for training machine learning
150
+ models. this option is useful when training jobs can be interrupted and when there
151
+ is flexibility when the training job is run.
152
+ """
153
+
154
+ volume_size_in_gb: Optional[int] = 30
155
+ enable_managed_spot_training: Optional[bool] = None
156
+
157
+ @model_validator(mode="after")
158
+ def _model_validator(self) -> "Compute":
159
+ """Convert Unassigned values to None."""
160
+ return convert_unassigned_to_none(self)
161
+
162
+ def _to_resource_config(self) -> shapes.ResourceConfig:
163
+ """Convert to a sagemaker_core.shapes.ResourceConfig object."""
164
+ compute_config_dict = self.model_dump()
165
+ resource_config_fields = set(shapes.ResourceConfig.__annotations__.keys())
166
+ filtered_dict = {
167
+ k: v for k, v in compute_config_dict.items() if k in resource_config_fields
168
+ }
169
+ return shapes.ResourceConfig(**filtered_dict)
170
+
171
+
172
+ class Networking(shapes.VpcConfig):
173
+ """Networking.
174
+
175
+ The Networking class is a subclass of ``sagemaker_core.shapes.VpcConfig`` and
176
+ allows the user to specify the networking configuration for the training job.
177
+
178
+ Parameters:
179
+ security_group_ids (Optional[List[str]]):
180
+ The VPC security group IDs, in the form sg-xxxxxxxx. Specify the
181
+ security groups for the VPC that is specified in the Subnets field.
182
+ subnets (Optional[List[str]]):
183
+ The ID of the subnets in the VPC to which you want to connect your
184
+ training job or model.
185
+ enable_network_isolation (Optional[bool]):
186
+ Isolates the training container. No inbound or outbound network calls can be made,
187
+ except for calls between peers within a training cluster for distributed training.
188
+ If you enable network isolation for training jobs that are configured to use a VPC,
189
+ SageMaker downloads and uploads customer data and model artifacts through the
190
+ specified VPC, but the training container does not have network access.
191
+ enable_inter_container_traffic_encryption (Optional[bool]):
192
+ To encrypt all communications between ML compute instances in distributed training
193
+ choose True. Encryption provides greater security for distributed training, but
194
+ training might take longer. How long it takes depends on the amount of
195
+ communication between compute instances, especially if you use a deep learning
196
+ algorithm in distributed training.
197
+ """
198
+
199
+ enable_network_isolation: Optional[bool] = None
200
+ enable_inter_container_traffic_encryption: Optional[bool] = None
201
+
202
+ @model_validator(mode="after")
203
+ def _model_validator(self) -> "Networking":
204
+ """Convert Unassigned values to None."""
205
+ return convert_unassigned_to_none(self)
206
+
207
+ def _to_vpc_config(self) -> shapes.VpcConfig:
208
+ """Convert to a sagemaker_core.shapes.VpcConfig object."""
209
+ compute_config_dict = self.model_dump()
210
+ resource_config_fields = set(shapes.VpcConfig.__annotations__.keys())
211
+ filtered_dict = {
212
+ k: v for k, v in compute_config_dict.items() if k in resource_config_fields
213
+ }
214
+ return shapes.VpcConfig(**filtered_dict)
215
+
216
+
217
+ class InputData(BaseConfig):
218
+ """InputData.
219
+
220
+ This config allows the user to specify an input data source for the training job.
221
+
222
+ Will be found at ``/opt/ml/input/data/<channel_name>`` within the training container.
223
+ For convience, can be referenced inside the training container like:
224
+
225
+ .. code:: python
226
+
227
+ import os
228
+ input_data_dir = os.environ['SM_CHANNEL_<channel_name>']
229
+
230
+ Parameters:
231
+ channel_name (str):
232
+ The name of the input data source channel.
233
+ data_source (Union[str, S3DataSource, FileSystemDataSource]):
234
+ The data source for the channel. Can be an S3 URI string, local file path string,
235
+ S3DataSource object, or FileSystemDataSource object.
236
+ """
237
+
238
+ channel_name: str = None
239
+ data_source: Union[str, FileSystemDataSource, S3DataSource] = None
@@ -0,0 +1,37 @@
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 module."""
14
+ from __future__ import absolute_import
15
+ import os
16
+
17
+ DEFAULT_INSTANCE_TYPE = "ml.m5.xlarge"
18
+
19
+ SM_CODE = "code"
20
+ SM_CODE_CONTAINER_PATH = "/opt/ml/input/data/code"
21
+
22
+ SM_DRIVERS = "sm_drivers"
23
+ SM_DRIVERS_CONTAINER_PATH = "/opt/ml/input/data/sm_drivers"
24
+ SM_DRIVERS_LOCAL_PATH = os.path.join(
25
+ os.path.dirname(os.path.abspath(__file__)), "train/container_drivers"
26
+ )
27
+
28
+ SOURCE_CODE_JSON = "sourcecode.json"
29
+ DISTRIBUTED_JSON = "distributed.json"
30
+ TRAIN_SCRIPT = "sm_train.sh"
31
+
32
+ DEFAULT_CONTAINER_ENTRYPOINT = ["/bin/bash"]
33
+ DEFAULT_CONTAINER_ARGUMENTS = [
34
+ "-c",
35
+ f"chmod +x {SM_DRIVERS_CONTAINER_PATH}/{TRAIN_SCRIPT} "
36
+ + f"&& {SM_DRIVERS_CONTAINER_PATH}/{TRAIN_SCRIPT}",
37
+ ]
@@ -0,0 +1,182 @@
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
+ """Distributed module."""
14
+ from __future__ import absolute_import
15
+
16
+ import os
17
+
18
+ from abc import ABC, abstractmethod
19
+ from typing import Optional, Dict, Any, List
20
+
21
+ from sagemaker.core.modules.utils import safe_serialize
22
+ from sagemaker.core.training.configs import BaseConfig
23
+ from sagemaker.core.training.constants import SM_DRIVERS_LOCAL_PATH
24
+
25
+
26
+ class SMP(BaseConfig):
27
+ """SMP.
28
+
29
+ This class is used for configuring the SageMaker Model Parallelism v2 parameters.
30
+ For more information on the model parallelism parameters, see:
31
+ https://docs.aws.amazon.com/sagemaker/latest/dg/distributed-model-parallel-v2-reference.html#distributed-model-parallel-v2-reference-init-config
32
+
33
+ Parameters:
34
+ hybrid_shard_degree (Optional[int]):
35
+ Specifies a sharded parallelism degree for the model.
36
+ sm_activation_offloading (Optional[bool]):
37
+ Specifies whether to enable the SMP activation offloading implementation.
38
+ activation_loading_horizon (Optional[int]):
39
+ An integer specifying the activation offloading horizon type for FSDP. This is the
40
+ maximum number of checkpointed or offloaded layers whose inputs can be in the GPU
41
+ memory simultaneously.
42
+ fsdp_cache_flush_warnings (Optional[bool]):
43
+ Detects and warns if cache flushes happen in the PyTorch memory manager, because they
44
+ can degrade computational performance.
45
+ allow_empty_shards (Optional[bool]):
46
+ Whether to allow empty shards when sharding tensors if tensor is not divisible. This is
47
+ an experimental fix for crash during checkpointing in certain scenarios. Disabling this
48
+ falls back to the original PyTorch behavior.
49
+ tensor_parallel_degree (Optional[int]):
50
+ Specifies a tensor parallelism degree. The value must be between 1 and world_size.
51
+ context_parallel_degree (Optional[int]):
52
+ Specifies the context parallelism degree. The value must be between 1 and world_size ,
53
+ and must be <= hybrid_shard_degree.
54
+ expert_parallel_degree (Optional[int]):
55
+ Specifies a expert parallelism degree. The value must be between 1 and world_size.
56
+ random_seed (Optional[int]):
57
+ A seed number for the random operations in distributed modules by SMP tensor
58
+ parallelism or expert parallelism.
59
+ """
60
+
61
+ hybrid_shard_degree: Optional[int] = None
62
+ sm_activation_offloading: Optional[bool] = None
63
+ activation_loading_horizon: Optional[int] = None
64
+ fsdp_cache_flush_warnings: Optional[bool] = None
65
+ allow_empty_shards: Optional[bool] = None
66
+ tensor_parallel_degree: Optional[int] = None
67
+ context_parallel_degree: Optional[int] = None
68
+ expert_parallel_degree: Optional[int] = None
69
+ random_seed: Optional[int] = None
70
+
71
+ def _to_mp_hyperparameters(self) -> Dict[str, Any]:
72
+ """Converts to the hyperparameters format for the SageMaker Model Parallelism v2."""
73
+ mp_parameters = self.model_dump(exclude_none=True)
74
+ hyperparameters = {
75
+ "mp_parameters": safe_serialize(mp_parameters),
76
+ }
77
+ return hyperparameters
78
+
79
+
80
+ class DistributedConfig(BaseConfig, ABC):
81
+ """Abstract base class for distributed training configurations.
82
+
83
+ This class defines the interface that all distributed training configurations
84
+ must implement. It provides a standardized way to specify driver scripts and
85
+ their locations for distributed training jobs.
86
+ """
87
+
88
+ @property
89
+ @abstractmethod
90
+ def driver_dir(self) -> str:
91
+ """Directory containing the driver script.
92
+
93
+ This property should return the path to the directory containing
94
+ the driver script, relative to the container's working directory.
95
+
96
+ Returns:
97
+ str: Path to directory containing the driver script
98
+ """
99
+
100
+ @property
101
+ @abstractmethod
102
+ def driver_script(self) -> str:
103
+ """Name of the driver script.
104
+
105
+ This property should return the name of the Python script that implements
106
+ the distributed training driver logic.
107
+
108
+ Returns:
109
+ str: Name of the driver script file
110
+ """
111
+
112
+
113
+ class Torchrun(DistributedConfig):
114
+ """Torchrun.
115
+
116
+ The Torchrun class configures a job that uses ``torchrun`` or
117
+ ``torch.distributed.launch`` in the backend to launch distributed training.
118
+
119
+ Parameters:
120
+ process_count_per_node (int):
121
+ The number of processes to run on each node in the training job.
122
+ Will default to the number of GPUs available in the container.
123
+ smp (Optional[SMP]):
124
+ The SageMaker Model Parallelism v2 parameters.
125
+ """
126
+
127
+ process_count_per_node: Optional[int] = None
128
+ smp: Optional["SMP"] = None
129
+
130
+ @property
131
+ def driver_dir(self) -> str:
132
+ """Directory containing the driver script.
133
+
134
+ Returns:
135
+ str: Path to directory containing the driver script
136
+ """
137
+ return os.path.join(SM_DRIVERS_LOCAL_PATH, "distributed_drivers")
138
+
139
+ @property
140
+ def driver_script(self) -> str:
141
+ """Name of the driver script.
142
+
143
+ Returns:
144
+ str: Name of the driver script file
145
+ """
146
+ return "torchrun_driver.py"
147
+
148
+
149
+ class MPI(DistributedConfig):
150
+ """MPI.
151
+
152
+ The MPI class configures a job that uses ``mpirun`` in the backend to launch
153
+ distributed training.
154
+
155
+ Parameters:
156
+ process_count_per_node (int):
157
+ The number of processes to run on each node in the training job.
158
+ Will default to the number of GPUs available in the container.
159
+ mpi_additional_options (Optional[str]):
160
+ The custom MPI options to use for the training job.
161
+ """
162
+
163
+ process_count_per_node: Optional[int] = None
164
+ mpi_additional_options: Optional[List[str]] = None
165
+
166
+ @property
167
+ def driver_dir(self) -> str:
168
+ """Directory containing the driver script.
169
+
170
+ Returns:
171
+ str: Path to directory containing the driver script
172
+ """
173
+ return os.path.join(SM_DRIVERS_LOCAL_PATH, "distributed_drivers")
174
+
175
+ @property
176
+ def driver_script(self) -> str:
177
+ """Name of the driver script.
178
+
179
+ Returns:
180
+ str: Name of the driver script
181
+ """
182
+ return "mpi_driver.py"