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.
- sagemaker/core/__init__.py +16 -0
- sagemaker/core/_studio.py +116 -0
- sagemaker/core/_version.py +11 -0
- sagemaker/core/accept_types.py +131 -0
- sagemaker/core/analytics.py +744 -0
- sagemaker/core/apiutils/__init__.py +13 -0
- sagemaker/core/apiutils/_base_types.py +228 -0
- sagemaker/core/apiutils/_boto_functions.py +130 -0
- sagemaker/core/apiutils/_utils.py +34 -0
- sagemaker/core/base_deserializers.py +35 -0
- sagemaker/core/base_serializers.py +35 -0
- sagemaker/core/clarify/__init__.py +2898 -0
- sagemaker/core/collection.py +467 -0
- sagemaker/core/common_utils.py +2281 -0
- sagemaker/core/compute_resource_requirements/__init__.py +18 -0
- sagemaker/core/compute_resource_requirements/resource_requirements.py +94 -0
- sagemaker/core/config/__init__.py +181 -0
- sagemaker/core/config/config.py +238 -0
- sagemaker/core/config/config_manager.py +595 -0
- sagemaker/core/config/config_schema.py +1220 -0
- sagemaker/core/config/config_utils.py +297 -0
- {sagemaker_core/main → sagemaker/core}/config_schema.py +410 -4
- sagemaker/core/constants.py +73 -0
- sagemaker/core/content_types.py +137 -0
- sagemaker/core/debugger/__init__.py +39 -0
- sagemaker/core/debugger/debugger.py +945 -0
- sagemaker/core/debugger/framework_profile.py +292 -0
- sagemaker/core/debugger/metrics_config.py +468 -0
- sagemaker/core/debugger/profiler.py +42 -0
- sagemaker/core/debugger/profiler_config.py +190 -0
- sagemaker/core/debugger/profiler_constants.py +40 -0
- sagemaker/core/debugger/utils.py +148 -0
- sagemaker/core/deprecations.py +254 -0
- sagemaker/core/deserializers/__init__.py +10 -0
- sagemaker/core/deserializers/base.py +424 -0
- sagemaker/core/deserializers/implementations.py +157 -0
- sagemaker/core/drift_check_baselines.py +106 -0
- sagemaker/core/enums.py +51 -0
- sagemaker/core/environment_variables.py +101 -0
- sagemaker/core/exceptions.py +108 -0
- sagemaker/core/experiments/__init__.py +53 -0
- sagemaker/core/experiments/_api_types.py +251 -0
- sagemaker/core/experiments/_environment.py +124 -0
- sagemaker/core/experiments/_helper.py +294 -0
- sagemaker/core/experiments/_metrics.py +333 -0
- sagemaker/core/experiments/_run_context.py +58 -0
- sagemaker/core/experiments/_utils.py +216 -0
- sagemaker/core/experiments/experiment.py +244 -0
- sagemaker/core/experiments/run.py +970 -0
- sagemaker/core/experiments/trial.py +296 -0
- sagemaker/core/experiments/trial_component.py +387 -0
- sagemaker/core/explainer/__init__.py +24 -0
- sagemaker/core/explainer/clarify_explainer_config.py +298 -0
- sagemaker/core/explainer/explainer_config.py +44 -0
- sagemaker/core/fw_utils.py +1176 -0
- sagemaker/core/git_utils.py +349 -0
- sagemaker/core/helper/pipeline_variable.py +82 -0
- sagemaker/core/helper/session_helper.py +2965 -0
- sagemaker/core/huggingface/__init__.py +29 -0
- sagemaker/core/huggingface/llm_utils.py +150 -0
- sagemaker/core/huggingface/processing.py +139 -0
- sagemaker/core/huggingface/training_compiler/config.py +167 -0
- sagemaker/core/hyperparameters.py +172 -0
- sagemaker/core/image_retriever/__init__.py +3 -0
- sagemaker/core/image_retriever/image_retriever.py +640 -0
- sagemaker/core/image_retriever/image_retriever_utils.py +511 -0
- sagemaker/core/image_retriever/test.py +7 -0
- sagemaker/core/image_uri_config/__init__.py +13 -0
- sagemaker/core/image_uri_config/autogluon.json +1335 -0
- sagemaker/core/image_uri_config/blazingtext.json +50 -0
- sagemaker/core/image_uri_config/chainer.json +104 -0
- sagemaker/core/image_uri_config/clarify.json +39 -0
- sagemaker/core/image_uri_config/coach-mxnet.json +70 -0
- sagemaker/core/image_uri_config/coach-tensorflow.json +186 -0
- sagemaker/core/image_uri_config/data-wrangler.json +91 -0
- sagemaker/core/image_uri_config/debugger.json +34 -0
- sagemaker/core/image_uri_config/detailed-profiler.json +18 -0
- sagemaker/core/image_uri_config/djl-deepspeed.json +385 -0
- sagemaker/core/image_uri_config/djl-fastertransformer.json +167 -0
- sagemaker/core/image_uri_config/djl-lmi.json +136 -0
- sagemaker/core/image_uri_config/djl-neuronx.json +258 -0
- sagemaker/core/image_uri_config/djl-tensorrtllm.json +262 -0
- sagemaker/core/image_uri_config/factorization-machines.json +50 -0
- sagemaker/core/image_uri_config/forecasting-deepar.json +50 -0
- sagemaker/core/image_uri_config/huggingface-llm-neuronx.json +660 -0
- sagemaker/core/image_uri_config/huggingface-llm.json +1158 -0
- sagemaker/core/image_uri_config/huggingface-neuron.json +52 -0
- sagemaker/core/image_uri_config/huggingface-neuronx.json +510 -0
- sagemaker/core/image_uri_config/huggingface-tei-cpu.json +298 -0
- sagemaker/core/image_uri_config/huggingface-tei.json +298 -0
- sagemaker/core/image_uri_config/huggingface-training-compiler.json +195 -0
- sagemaker/core/image_uri_config/huggingface.json +2138 -0
- sagemaker/core/image_uri_config/hyperpod-recipes-neuron.json +52 -0
- sagemaker/core/image_uri_config/image-classification-neo.json +43 -0
- sagemaker/core/image_uri_config/image-classification.json +50 -0
- sagemaker/core/image_uri_config/inferentia-mxnet.json +88 -0
- sagemaker/core/image_uri_config/inferentia-pytorch.json +127 -0
- sagemaker/core/image_uri_config/inferentia-tensorflow.json +88 -0
- sagemaker/core/image_uri_config/instance_gpu_info.json +782 -0
- sagemaker/core/image_uri_config/ipinsights.json +50 -0
- sagemaker/core/image_uri_config/kmeans.json +50 -0
- sagemaker/core/image_uri_config/knn.json +50 -0
- sagemaker/core/image_uri_config/lda.json +26 -0
- sagemaker/core/image_uri_config/linear-learner.json +50 -0
- sagemaker/core/image_uri_config/model-monitor.json +42 -0
- sagemaker/core/image_uri_config/mxnet.json +1154 -0
- sagemaker/core/image_uri_config/neo-mxnet.json +64 -0
- sagemaker/core/image_uri_config/neo-pytorch.json +341 -0
- sagemaker/core/image_uri_config/neo-tensorflow.json +109 -0
- sagemaker/core/image_uri_config/ntm.json +50 -0
- sagemaker/core/image_uri_config/object-detection.json +50 -0
- sagemaker/core/image_uri_config/object2vec.json +50 -0
- sagemaker/core/image_uri_config/pca.json +50 -0
- sagemaker/core/image_uri_config/pytorch-neuron.json +43 -0
- sagemaker/core/image_uri_config/pytorch-smp.json +218 -0
- sagemaker/core/image_uri_config/pytorch-training-compiler.json +80 -0
- sagemaker/core/image_uri_config/pytorch.json +3101 -0
- sagemaker/core/image_uri_config/randomcutforest.json +50 -0
- sagemaker/core/image_uri_config/ray-pytorch.json +46 -0
- sagemaker/core/image_uri_config/ray-tensorflow.json +194 -0
- sagemaker/core/image_uri_config/sagemaker-base-python.json +46 -0
- sagemaker/core/image_uri_config/sagemaker-distribution.json +37 -0
- sagemaker/core/image_uri_config/sagemaker-geospatial.json +13 -0
- sagemaker/core/image_uri_config/sagemaker-tritonserver.json +212 -0
- sagemaker/core/image_uri_config/semantic-segmentation.json +50 -0
- sagemaker/core/image_uri_config/seq2seq.json +50 -0
- sagemaker/core/image_uri_config/sklearn.json +446 -0
- sagemaker/core/image_uri_config/spark.json +280 -0
- sagemaker/core/image_uri_config/sparkml-serving.json +97 -0
- sagemaker/core/image_uri_config/stabilityai.json +53 -0
- sagemaker/core/image_uri_config/tensorflow.json +5086 -0
- sagemaker/core/image_uri_config/vw.json +25 -0
- sagemaker/core/image_uri_config/xgboost-neo.json +43 -0
- sagemaker/core/image_uri_config/xgboost.json +888 -0
- sagemaker/core/image_uris.py +810 -0
- sagemaker/core/inference_config.py +144 -0
- sagemaker/core/inference_recommender/__init__.py +18 -0
- sagemaker/core/inference_recommender/inference_recommender_mixin.py +622 -0
- sagemaker/core/inputs.py +366 -0
- sagemaker/core/instance_group.py +61 -0
- sagemaker/core/instance_types.py +164 -0
- sagemaker/core/instance_types_gpu_info.py +43 -0
- sagemaker/core/interactive_apps/__init__.py +41 -0
- sagemaker/core/interactive_apps/base_interactive_app.py +204 -0
- sagemaker/core/interactive_apps/detail_profiler_app.py +139 -0
- sagemaker/core/interactive_apps/tensorboard.py +149 -0
- sagemaker/core/iterators.py +186 -0
- sagemaker/core/job.py +380 -0
- sagemaker/core/jumpstart/__init__.py +156 -0
- sagemaker/core/jumpstart/accessors.py +390 -0
- sagemaker/core/jumpstart/artifacts/__init__.py +69 -0
- sagemaker/core/jumpstart/artifacts/environment_variables.py +252 -0
- sagemaker/core/jumpstart/artifacts/hyperparameters.py +120 -0
- sagemaker/core/jumpstart/artifacts/image_uris.py +139 -0
- sagemaker/core/jumpstart/artifacts/incremental_training.py +87 -0
- sagemaker/core/jumpstart/artifacts/instance_types.py +223 -0
- sagemaker/core/jumpstart/artifacts/kwargs.py +289 -0
- sagemaker/core/jumpstart/artifacts/metric_definitions.py +117 -0
- sagemaker/core/jumpstart/artifacts/model_packages.py +202 -0
- sagemaker/core/jumpstart/artifacts/model_uris.py +252 -0
- sagemaker/core/jumpstart/artifacts/payloads.py +96 -0
- sagemaker/core/jumpstart/artifacts/predictors.py +540 -0
- sagemaker/core/jumpstart/artifacts/resource_names.py +86 -0
- sagemaker/core/jumpstart/artifacts/resource_requirements.py +162 -0
- sagemaker/core/jumpstart/artifacts/script_uris.py +172 -0
- sagemaker/core/jumpstart/cache.py +663 -0
- sagemaker/core/jumpstart/configs.py +50 -0
- sagemaker/core/jumpstart/constants.py +198 -0
- sagemaker/core/jumpstart/deserializers.py +81 -0
- sagemaker/core/jumpstart/document.py +76 -0
- sagemaker/core/jumpstart/enums.py +168 -0
- sagemaker/core/jumpstart/exceptions.py +236 -0
- sagemaker/core/jumpstart/factory/utils.py +833 -0
- sagemaker/core/jumpstart/filters.py +597 -0
- sagemaker/core/jumpstart/hub/__init__.py +0 -0
- sagemaker/core/jumpstart/hub/constants.py +16 -0
- sagemaker/core/jumpstart/hub/hub.py +291 -0
- sagemaker/core/jumpstart/hub/interfaces.py +936 -0
- sagemaker/core/jumpstart/hub/parser_utils.py +70 -0
- sagemaker/core/jumpstart/hub/parsers.py +288 -0
- sagemaker/core/jumpstart/hub/types.py +35 -0
- sagemaker/core/jumpstart/hub/utils.py +260 -0
- sagemaker/core/jumpstart/models.py +499 -0
- sagemaker/core/jumpstart/notebook_utils.py +575 -0
- sagemaker/core/jumpstart/parameters.py +20 -0
- sagemaker/core/jumpstart/payload_utils.py +239 -0
- sagemaker/core/jumpstart/region_config.json +163 -0
- sagemaker/core/jumpstart/search.py +171 -0
- sagemaker/core/jumpstart/serializers.py +81 -0
- sagemaker/core/jumpstart/session_utils.py +234 -0
- sagemaker/core/jumpstart/types.py +3044 -0
- sagemaker/core/jumpstart/utils.py +1731 -0
- sagemaker/core/jumpstart/validators.py +257 -0
- sagemaker/core/lambda_helper.py +312 -0
- sagemaker/core/lineage/__init__.py +42 -0
- sagemaker/core/lineage/_api_types.py +239 -0
- sagemaker/core/lineage/_utils.py +49 -0
- sagemaker/core/lineage/action.py +345 -0
- sagemaker/core/lineage/artifact.py +646 -0
- sagemaker/core/lineage/association.py +190 -0
- sagemaker/core/lineage/context.py +505 -0
- sagemaker/core/lineage/lineage_trial_component.py +191 -0
- sagemaker/core/lineage/query.py +732 -0
- sagemaker/core/lineage/visualizer.py +346 -0
- sagemaker/core/local/__init__.py +18 -0
- sagemaker/core/local/data.py +413 -0
- sagemaker/core/local/entities.py +678 -0
- sagemaker/core/local/exceptions.py +17 -0
- sagemaker/core/local/image.py +1243 -0
- sagemaker/core/local/local_session.py +739 -0
- sagemaker/core/local/utils.py +245 -0
- sagemaker/core/logs.py +181 -0
- sagemaker/core/metadata_properties.py +56 -0
- sagemaker/core/metric_definitions.py +91 -0
- sagemaker/core/mlflow/__init__.py +38 -0
- sagemaker/core/mlflow/forward_sagemaker_metrics.py +44 -0
- sagemaker/core/model_card/__init__.py +26 -0
- sagemaker/core/model_life_cycle.py +51 -0
- sagemaker/core/model_metrics.py +160 -0
- sagemaker/core/model_monitor/__init__.py +66 -0
- sagemaker/core/model_monitor/clarify_model_monitoring.py +1495 -0
- sagemaker/core/model_monitor/cron_expression_generator.py +82 -0
- sagemaker/core/model_monitor/data_capture_config.py +115 -0
- sagemaker/core/model_monitor/data_quality_monitoring_config.py +66 -0
- sagemaker/core/model_monitor/dataset_format.py +102 -0
- sagemaker/core/model_monitor/model_monitoring.py +4266 -0
- sagemaker/core/model_monitor/monitoring_alert.py +76 -0
- sagemaker/core/model_monitor/monitoring_files.py +506 -0
- sagemaker/core/model_monitor/utils.py +793 -0
- sagemaker/core/model_registry.py +480 -0
- sagemaker/core/model_uris.py +97 -0
- sagemaker/core/modules/__init__.py +19 -0
- sagemaker/core/modules/configs.py +226 -0
- sagemaker/core/modules/constants.py +37 -0
- sagemaker/core/modules/distributed.py +182 -0
- sagemaker/core/modules/local_core/__init__.py +0 -0
- sagemaker/core/modules/local_core/local_container.py +605 -0
- sagemaker/core/modules/templates.py +83 -0
- sagemaker/core/modules/train/__init__.py +14 -0
- sagemaker/core/modules/train/container_drivers/__init__.py +14 -0
- sagemaker/core/modules/train/container_drivers/common/__init__.py +14 -0
- sagemaker/core/modules/train/container_drivers/common/utils.py +213 -0
- sagemaker/core/modules/train/container_drivers/distributed_drivers/__init__.py +14 -0
- sagemaker/core/modules/train/container_drivers/distributed_drivers/basic_script_driver.py +81 -0
- sagemaker/core/modules/train/container_drivers/distributed_drivers/mpi_driver.py +123 -0
- sagemaker/core/modules/train/container_drivers/distributed_drivers/mpi_utils.py +302 -0
- sagemaker/core/modules/train/container_drivers/distributed_drivers/torchrun_driver.py +129 -0
- sagemaker/core/modules/train/container_drivers/scripts/__init__.py +14 -0
- sagemaker/core/modules/train/container_drivers/scripts/environment.py +305 -0
- sagemaker/core/modules/train/sm_recipes/__init__.py +0 -0
- sagemaker/core/modules/train/sm_recipes/utils.py +330 -0
- sagemaker/core/modules/types.py +19 -0
- sagemaker/core/modules/utils.py +194 -0
- sagemaker/core/network.py +185 -0
- sagemaker/core/parameter.py +173 -0
- sagemaker/core/payloads.py +185 -0
- sagemaker/core/processing.py +1597 -0
- sagemaker/core/remote_function/__init__.py +19 -0
- sagemaker/core/remote_function/checkpoint_location.py +47 -0
- sagemaker/core/remote_function/client.py +1285 -0
- sagemaker/core/remote_function/core/__init__.py +0 -0
- sagemaker/core/remote_function/core/_custom_dispatch_table.py +72 -0
- sagemaker/core/remote_function/core/pipeline_variables.py +353 -0
- sagemaker/core/remote_function/core/serialization.py +422 -0
- sagemaker/core/remote_function/core/stored_function.py +226 -0
- sagemaker/core/remote_function/custom_file_filter.py +128 -0
- sagemaker/core/remote_function/errors.py +104 -0
- sagemaker/core/remote_function/invoke_function.py +172 -0
- sagemaker/core/remote_function/job.py +2140 -0
- sagemaker/core/remote_function/logging_config.py +38 -0
- sagemaker/core/remote_function/runtime_environment/__init__.py +14 -0
- sagemaker/core/remote_function/runtime_environment/bootstrap_runtime_environment.py +605 -0
- sagemaker/core/remote_function/runtime_environment/mpi_utils_remote.py +252 -0
- sagemaker/core/remote_function/runtime_environment/runtime_environment_manager.py +554 -0
- sagemaker/core/remote_function/runtime_environment/spark_app.py +18 -0
- sagemaker/core/remote_function/spark_config.py +149 -0
- sagemaker/core/resource_requirements.py +168 -0
- {sagemaker_core/main → sagemaker/core}/resources.py +20121 -11728
- sagemaker/core/s3/__init__.py +41 -0
- sagemaker/core/s3/client.py +367 -0
- sagemaker/core/s3/utils.py +175 -0
- sagemaker/core/script_uris.py +93 -0
- sagemaker/core/serializers/__init__.py +11 -0
- sagemaker/core/serializers/base.py +510 -0
- sagemaker/core/serializers/implementations.py +159 -0
- sagemaker/core/serializers/utils.py +223 -0
- sagemaker/core/serverless_inference_config.py +63 -0
- sagemaker/core/session_settings.py +55 -0
- sagemaker/core/shapes/__init__.py +3 -0
- sagemaker/core/shapes/model_card_shapes.py +159 -0
- {sagemaker_core/main → sagemaker/core/shapes}/shapes.py +6384 -1865
- sagemaker/core/spark/__init__.py +16 -0
- sagemaker/core/spark/defaults.py +16 -0
- sagemaker/core/spark/processing.py +1380 -0
- sagemaker/core/telemetry/__init__.py +23 -0
- sagemaker/core/telemetry/constants.py +84 -0
- sagemaker/core/telemetry/telemetry_logging.py +284 -0
- sagemaker/core/tools/__init__.py +1 -0
- {sagemaker_core → sagemaker/core}/tools/codegen.py +4 -4
- {sagemaker_core → sagemaker/core}/tools/constants.py +23 -15
- {sagemaker_core → sagemaker/core}/tools/data_extractor.py +1 -1
- {sagemaker_core → sagemaker/core}/tools/method.py +1 -1
- sagemaker/core/tools/model_card/generate_model_card_from_schema.py +562 -0
- {sagemaker_core → sagemaker/core}/tools/resources_codegen.py +165 -98
- {sagemaker_core → sagemaker/core}/tools/resources_extractor.py +5 -13
- {sagemaker_core → sagemaker/core}/tools/shapes_codegen.py +16 -17
- {sagemaker_core → sagemaker/core}/tools/shapes_extractor.py +29 -67
- {sagemaker_core → sagemaker/core}/tools/templates.py +39 -17
- sagemaker/core/training/__init__.py +14 -0
- sagemaker/core/training/configs.py +333 -0
- sagemaker/core/training/constants.py +37 -0
- sagemaker/core/training/utils.py +77 -0
- sagemaker/core/training_compiler/__init__.py +16 -0
- sagemaker/core/training_compiler/config.py +197 -0
- sagemaker/core/training_compiler_config.py +197 -0
- sagemaker/core/transformer.py +793 -0
- sagemaker/core/user_agent.py +76 -0
- sagemaker/core/utilities/__init__.py +24 -0
- sagemaker/core/utilities/cache.py +169 -0
- sagemaker/core/utilities/search_expression.py +133 -0
- sagemaker/core/utils/__init__.py +48 -0
- sagemaker/core/utils/code_injection/__init__.py +0 -0
- {sagemaker_core/main → sagemaker/core/utils}/code_injection/codec.py +2 -2
- {sagemaker_core/main → sagemaker/core/utils}/code_injection/shape_dag.py +6479 -136
- {sagemaker_core/main → sagemaker/core/utils}/exceptions.py +8 -8
- sagemaker_core/main/default_configs_helper.py → sagemaker/core/utils/intelligent_defaults_helper.py +5 -6
- {sagemaker_core/main → sagemaker/core/utils}/logs.py +1 -2
- {sagemaker_core/main → sagemaker/core/utils}/utils.py +25 -20
- sagemaker/core/workflow/__init__.py +152 -0
- sagemaker/core/workflow/conditions.py +313 -0
- sagemaker/core/workflow/entities.py +58 -0
- sagemaker/core/workflow/execution_variables.py +89 -0
- sagemaker/core/workflow/functions.py +193 -0
- sagemaker/core/workflow/parameters.py +222 -0
- sagemaker/core/workflow/pipeline_context.py +394 -0
- sagemaker/core/workflow/pipeline_definition_config.py +31 -0
- sagemaker/core/workflow/properties.py +285 -0
- sagemaker/core/workflow/step_outputs.py +65 -0
- sagemaker/core/workflow/utilities.py +507 -0
- sagemaker/lineage/__init__.py +33 -0
- sagemaker/lineage/action.py +28 -0
- sagemaker/lineage/artifact.py +28 -0
- sagemaker/lineage/context.py +28 -0
- sagemaker/lineage/lineage_trial_component.py +28 -0
- {sagemaker_core-1.0.47.dist-info → sagemaker_core-2.1.1.dist-info}/METADATA +28 -9
- sagemaker_core-2.1.1.dist-info/RECORD +355 -0
- sagemaker_core-2.1.1.dist-info/top_level.txt +1 -0
- sagemaker_core/__init__.py +0 -4
- sagemaker_core/_version.py +0 -3
- sagemaker_core/helper/session_helper.py +0 -769
- sagemaker_core/resources/__init__.py +0 -1
- sagemaker_core/shapes/__init__.py +0 -1
- sagemaker_core/tools/__init__.py +0 -1
- sagemaker_core-1.0.47.dist-info/RECORD +0 -35
- sagemaker_core-1.0.47.dist-info/top_level.txt +0 -1
- {sagemaker_core → sagemaker/core}/helper/__init__.py +0 -0
- {sagemaker_core/main → sagemaker/core/huggingface/training_compiler}/__init__.py +0 -0
- {sagemaker_core/main/code_injection → sagemaker/core/jumpstart/factory}/__init__.py +0 -0
- {sagemaker_core/main → sagemaker/core/utils}/code_injection/base.py +0 -0
- {sagemaker_core/main → sagemaker/core/utils}/code_injection/constants.py +0 -0
- {sagemaker_core/main → sagemaker/core/utils}/user_agent.py +0 -0
- {sagemaker_core-1.0.47.dist-info → sagemaker_core-2.1.1.dist-info}/WHEEL +0 -0
- {sagemaker_core-1.0.47.dist-info → sagemaker_core-2.1.1.dist-info}/licenses/LICENSE +0 -0
|
@@ -0,0 +1,226 @@
|
|
|
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
|
+
)
|
|
49
|
+
|
|
50
|
+
|
|
51
|
+
__all__ = [
|
|
52
|
+
"SourceCode",
|
|
53
|
+
"StoppingCondition",
|
|
54
|
+
"RetryStrategy",
|
|
55
|
+
"OutputDataConfig",
|
|
56
|
+
"Channel",
|
|
57
|
+
"ShuffleConfig",
|
|
58
|
+
"DataSource",
|
|
59
|
+
"S3DataSource",
|
|
60
|
+
"FileSystemDataSource",
|
|
61
|
+
"TrainingImageConfig",
|
|
62
|
+
"TrainingRepositoryAuthConfig",
|
|
63
|
+
"Tag",
|
|
64
|
+
"InfraCheckConfig",
|
|
65
|
+
"RemoteDebugConfig",
|
|
66
|
+
"SessionChainingConfig",
|
|
67
|
+
"InstanceGroup",
|
|
68
|
+
"TensorBoardOutputConfig",
|
|
69
|
+
"CheckpointConfig",
|
|
70
|
+
"Compute",
|
|
71
|
+
"Networking",
|
|
72
|
+
"InputData",
|
|
73
|
+
]
|
|
74
|
+
|
|
75
|
+
from sagemaker.core.modules.utils import convert_unassigned_to_none
|
|
76
|
+
|
|
77
|
+
|
|
78
|
+
class BaseConfig(BaseModel):
|
|
79
|
+
"""BaseConfig"""
|
|
80
|
+
|
|
81
|
+
model_config = ConfigDict(validate_assignment=True, extra="forbid")
|
|
82
|
+
|
|
83
|
+
|
|
84
|
+
class SourceCode(BaseConfig):
|
|
85
|
+
"""SourceCode.
|
|
86
|
+
|
|
87
|
+
The SourceCode class allows the user to specify the source code location, dependencies,
|
|
88
|
+
entry script, or commands to be executed in the training job container.
|
|
89
|
+
|
|
90
|
+
Parameters:
|
|
91
|
+
source_dir (Optional[str]):
|
|
92
|
+
The local directory containing the source code to be used in the training job container.
|
|
93
|
+
requirements (Optional[str]):
|
|
94
|
+
The path within ``source_dir`` to a ``requirements.txt`` file. If specified, the listed
|
|
95
|
+
requirements will be installed in the training job container.
|
|
96
|
+
entry_script (Optional[str]):
|
|
97
|
+
The path within ``source_dir`` to the entry script that will be executed in the training
|
|
98
|
+
job container. If not specified, command must be provided.
|
|
99
|
+
command (Optional[str]):
|
|
100
|
+
The command(s) to execute in the training job container. Example: "python my_script.py".
|
|
101
|
+
If not specified, entry_script must be provided.
|
|
102
|
+
"""
|
|
103
|
+
|
|
104
|
+
source_dir: Optional[str] = None
|
|
105
|
+
requirements: Optional[str] = None
|
|
106
|
+
entry_script: Optional[str] = None
|
|
107
|
+
command: Optional[str] = None
|
|
108
|
+
|
|
109
|
+
|
|
110
|
+
class Compute(shapes.ResourceConfig):
|
|
111
|
+
"""Compute.
|
|
112
|
+
|
|
113
|
+
The Compute class is a subclass of ``sagemaker_core.shapes.ResourceConfig``
|
|
114
|
+
and allows the user to specify the compute resources for the training job.
|
|
115
|
+
|
|
116
|
+
Parameters:
|
|
117
|
+
instance_type (Optional[str]):
|
|
118
|
+
The ML compute instance type. For information about available instance types,
|
|
119
|
+
see https://aws.amazon.com/sagemaker/pricing/.
|
|
120
|
+
instance_count (Optional[int]): The number of ML compute instances to use. For distributed
|
|
121
|
+
training, provide a value greater than 1.
|
|
122
|
+
volume_size_in_gb (Optional[int]):
|
|
123
|
+
The size of the ML storage volume that you want to provision. ML storage volumes store
|
|
124
|
+
model artifacts and incremental states. Training algorithms might also use the ML
|
|
125
|
+
storage volume for scratch space. Default: 30
|
|
126
|
+
volume_kms_key_id (Optional[str]):
|
|
127
|
+
The Amazon Web Services KMS key that SageMaker uses to encrypt data on the storage
|
|
128
|
+
volume attached to the ML compute instance(s) that run the training job.
|
|
129
|
+
keep_alive_period_in_seconds (Optional[int]):
|
|
130
|
+
The duration of time in seconds to retain configured resources in a warm pool for
|
|
131
|
+
subsequent training jobs.
|
|
132
|
+
instance_groups (Optional[List[InstanceGroup]]):
|
|
133
|
+
A list of instance groups for heterogeneous clusters to be used in the training job.
|
|
134
|
+
enable_managed_spot_training (Optional[bool]):
|
|
135
|
+
To train models using managed spot training, choose True. Managed spot training
|
|
136
|
+
provides a fully managed and scalable infrastructure for training machine learning
|
|
137
|
+
models. this option is useful when training jobs can be interrupted and when there
|
|
138
|
+
is flexibility when the training job is run.
|
|
139
|
+
"""
|
|
140
|
+
|
|
141
|
+
volume_size_in_gb: Optional[int] = 30
|
|
142
|
+
enable_managed_spot_training: Optional[bool] = None
|
|
143
|
+
|
|
144
|
+
@model_validator(mode="after")
|
|
145
|
+
def _model_validator(self) -> "Compute":
|
|
146
|
+
"""Convert Unassigned values to None."""
|
|
147
|
+
return convert_unassigned_to_none(self)
|
|
148
|
+
|
|
149
|
+
def _to_resource_config(self) -> shapes.ResourceConfig:
|
|
150
|
+
"""Convert to a sagemaker_core.shapes.ResourceConfig object."""
|
|
151
|
+
compute_config_dict = self.model_dump()
|
|
152
|
+
resource_config_fields = set(shapes.ResourceConfig.__annotations__.keys())
|
|
153
|
+
filtered_dict = {
|
|
154
|
+
k: v for k, v in compute_config_dict.items() if k in resource_config_fields
|
|
155
|
+
}
|
|
156
|
+
return shapes.ResourceConfig(**filtered_dict)
|
|
157
|
+
|
|
158
|
+
|
|
159
|
+
class Networking(shapes.VpcConfig):
|
|
160
|
+
"""Networking.
|
|
161
|
+
|
|
162
|
+
The Networking class is a subclass of ``sagemaker_core.shapes.VpcConfig`` and
|
|
163
|
+
allows the user to specify the networking configuration for the training job.
|
|
164
|
+
|
|
165
|
+
Parameters:
|
|
166
|
+
security_group_ids (Optional[List[str]]):
|
|
167
|
+
The VPC security group IDs, in the form sg-xxxxxxxx. Specify the
|
|
168
|
+
security groups for the VPC that is specified in the Subnets field.
|
|
169
|
+
subnets (Optional[List[str]]):
|
|
170
|
+
The ID of the subnets in the VPC to which you want to connect your
|
|
171
|
+
training job or model.
|
|
172
|
+
enable_network_isolation (Optional[bool]):
|
|
173
|
+
Isolates the training container. No inbound or outbound network calls can be made,
|
|
174
|
+
except for calls between peers within a training cluster for distributed training.
|
|
175
|
+
If you enable network isolation for training jobs that are configured to use a VPC,
|
|
176
|
+
SageMaker downloads and uploads customer data and model artifacts through the
|
|
177
|
+
specified VPC, but the training container does not have network access.
|
|
178
|
+
enable_inter_container_traffic_encryption (Optional[bool]):
|
|
179
|
+
To encrypt all communications between ML compute instances in distributed training
|
|
180
|
+
choose True. Encryption provides greater security for distributed training, but
|
|
181
|
+
training might take longer. How long it takes depends on the amount of
|
|
182
|
+
communication between compute instances, especially if you use a deep learning
|
|
183
|
+
algorithm in distributed training.
|
|
184
|
+
"""
|
|
185
|
+
|
|
186
|
+
enable_network_isolation: Optional[bool] = None
|
|
187
|
+
enable_inter_container_traffic_encryption: Optional[bool] = None
|
|
188
|
+
|
|
189
|
+
@model_validator(mode="after")
|
|
190
|
+
def _model_validator(self) -> "Networking":
|
|
191
|
+
"""Convert Unassigned values to None."""
|
|
192
|
+
return convert_unassigned_to_none(self)
|
|
193
|
+
|
|
194
|
+
def _to_vpc_config(self) -> shapes.VpcConfig:
|
|
195
|
+
"""Convert to a sagemaker_core.shapes.VpcConfig object."""
|
|
196
|
+
compute_config_dict = self.model_dump()
|
|
197
|
+
resource_config_fields = set(shapes.VpcConfig.__annotations__.keys())
|
|
198
|
+
filtered_dict = {
|
|
199
|
+
k: v for k, v in compute_config_dict.items() if k in resource_config_fields
|
|
200
|
+
}
|
|
201
|
+
return shapes.VpcConfig(**filtered_dict)
|
|
202
|
+
|
|
203
|
+
|
|
204
|
+
class InputData(BaseConfig):
|
|
205
|
+
"""InputData.
|
|
206
|
+
|
|
207
|
+
This config allows the user to specify an input data source for the training job.
|
|
208
|
+
|
|
209
|
+
Will be found at ``/opt/ml/input/data/<channel_name>`` within the training container.
|
|
210
|
+
For convience, can be referenced inside the training container like:
|
|
211
|
+
|
|
212
|
+
.. code:: python
|
|
213
|
+
|
|
214
|
+
import os
|
|
215
|
+
input_data_dir = os.environ['SM_CHANNEL_<channel_name>']
|
|
216
|
+
|
|
217
|
+
Parameters:
|
|
218
|
+
channel_name (str):
|
|
219
|
+
The name of the input data source channel.
|
|
220
|
+
data_source (Union[str, S3DataSource, FileSystemDataSource]):
|
|
221
|
+
The data source for the channel. Can be an S3 URI string, local file path string,
|
|
222
|
+
S3DataSource object, or FileSystemDataSource object.
|
|
223
|
+
"""
|
|
224
|
+
|
|
225
|
+
channel_name: str = None
|
|
226
|
+
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"
|
|
File without changes
|