From 70f0ddd0cf92fb54af4031db0bb1dbd4a8443543 Mon Sep 17 00:00:00 2001 From: jeff-shepherd <39775772+jeff-shepherd@users.noreply.github.com> Date: Fri, 19 Jul 2024 11:44:25 -0700 Subject: [PATCH] Upgraded to sklearn-1.5 (#3300) --- sdk/python/assets/data/data.ipynb | 8 ++++---- sdk/python/assets/model/model.ipynb | 4 ++-- .../hello-batch/hello-component/hello.yml | 2 +- .../1a_pipeline_with_components_from_yaml/eval_model.yml | 2 +- .../1a_pipeline_with_components_from_yaml/score_data.yml | 2 +- .../1a_pipeline_with_components_from_yaml/train_model.yml | 2 +- .../1c_pipeline_with_hyperparameter_sweep/predict.yml | 2 +- .../1c_pipeline_with_hyperparameter_sweep/train.yml | 2 +- .../1e_pipeline_with_registered_components/score_data.yml | 2 +- .../train_model.yml | 2 +- .../pipeline_with_parallel_nodes.ipynb | 2 +- .../automl-classification-bankmarketing-in-pipeline.ipynb | 2 +- .../automl-forecasting-in-pipeline.ipynb | 2 +- .../automl-regression-house-pricing-in-pipeline.ipynb | 2 +- .../pipeline_with_spark_nodes.ipynb | 2 +- .../data_pipeline/prep_src/prep.yml | 2 +- .../data_pipeline/transform_src/transform.yml | 2 +- .../train_pipeline/predict_src/predict.yml | 2 +- .../train_pipeline/score_src/score.yml | 2 +- .../train_pipeline/train_src/train.yml | 2 +- .../components/compare2/compare2.yml | 2 +- .../components/eval/eval.yml | 2 +- .../components/score/score.yml | 2 +- .../components/train/train.yml | 2 +- .../pipelines/2c_nyc_taxi_data_regression/predict.yml | 2 +- .../jobs/pipelines/2c_nyc_taxi_data_regression/prep.yml | 2 +- .../jobs/pipelines/2c_nyc_taxi_data_regression/score.yml | 2 +- .../jobs/pipelines/2c_nyc_taxi_data_regression/train.yml | 2 +- .../pipelines/2c_nyc_taxi_data_regression/transform.yml | 2 +- .../azureml-getting-started-studio.ipynb | 4 +--- .../e2e-object-classification-distributed-pytorch.ipynb | 2 +- tutorials/e2e-ds-experience/e2e-ml-workflow.ipynb | 2 +- tutorials/get-started-notebooks/pipeline.ipynb | 2 +- tutorials/get-started-notebooks/quickstart.ipynb | 2 +- 34 files changed, 38 insertions(+), 40 deletions(-) diff --git a/sdk/python/assets/data/data.ipynb b/sdk/python/assets/data/data.ipynb index 2bdf802750..4810983dc3 100644 --- a/sdk/python/assets/data/data.ipynb +++ b/sdk/python/assets/data/data.ipynb @@ -80,7 +80,7 @@ " code=\"./src\", # local path where the code is stored\n", " command=\"python read_data.py --input_data ${{inputs.input_data}}\",\n", " inputs=inputs,\n", - " environment=\"AzureML-sklearn-1.0-ubuntu20.04-py38-cpu:1\",\n", + " environment=\"azureml://registries/azureml/environments/sklearn-1.5/labels/latest\",\n", " compute=\"cpu-cluster\",\n", ")\n", "\n", @@ -133,7 +133,7 @@ " command=\"python read_write_data.py --input_data ${{inputs.input_data}} --output_folder ${{outputs.output_folder}}\",\n", " inputs=inputs,\n", " outputs=outputs,\n", - " environment=\"AzureML-sklearn-1.0-ubuntu20.04-py38-cpu:1\",\n", + " environment=\"azureml://registries/azureml/environments/sklearn-1.5/labels/latest\",\n", " compute=\"cpu-cluster\",\n", ")\n", "\n", @@ -207,7 +207,7 @@ " code=\"./src\",\n", " command=\"python read_data.py --input_data ${{inputs.input_data}}\",\n", " inputs=my_job_inputs,\n", - " environment=\"AzureML-sklearn-1.0-ubuntu20.04-py38-cpu:1\",\n", + " environment=\"azureml://registries/azureml/environments/sklearn-1.5/labels/latest\",\n", " compute=\"cpu-cluster\",\n", " identity=UserIdentityConfiguration(),\n", ")" @@ -898,7 +898,7 @@ " code=\"./src\",\n", " command=\"python read_data.py --input_data ${{inputs.input_data}}\",\n", " inputs=my_job_inputs,\n", - " environment=\"AzureML-sklearn-1.0-ubuntu20.04-py38-cpu:1\",\n", + " environment=\"azureml://registries/azureml/environments/sklearn-1.5/labels/latest\",\n", " compute=\"cpu-cluster\",\n", ")\n", "\n", diff --git a/sdk/python/assets/model/model.ipynb b/sdk/python/assets/model/model.ipynb index c35da8ed86..810bb2d00c 100644 --- a/sdk/python/assets/model/model.ipynb +++ b/sdk/python/assets/model/model.ipynb @@ -347,7 +347,7 @@ " command=\"python load_score.py --input_model ${{inputs.input_model}} --input_data ${{inputs.input_data}} --output_folder ${{outputs.output_folder}}\",\n", " inputs=inputs,\n", " outputs=outputs,\n", - " environment=\"AzureML-sklearn-1.0-ubuntu20.04-py38-cpu:1\",\n", + " environment=\"azureml://registries/azureml/environments/sklearn-1.5/labels/latest\",\n", " compute=\"cpu-cluster\",\n", ")\n", "\n", @@ -396,7 +396,7 @@ " command=\"python load_write_model.py --input_model ${{inputs.input_model}} --custom_model_output ${{outputs.custom_model_output}}\",\n", " inputs=inputs,\n", " outputs=outputs,\n", - " environment=\"AzureML-sklearn-1.0-ubuntu20.04-py38-cpu:1\",\n", + " environment=\"azureml://registries/azureml/environments/sklearn-1.5/labels/latest\",\n", " compute=\"cpu-cluster\",\n", ")\n", "\n", diff --git a/sdk/python/endpoints/batch/deploy-pipelines/hello-batch/hello-component/hello.yml b/sdk/python/endpoints/batch/deploy-pipelines/hello-batch/hello-component/hello.yml index d5d20a1557..065e128c68 100644 --- a/sdk/python/endpoints/batch/deploy-pipelines/hello-batch/hello-component/hello.yml +++ b/sdk/python/endpoints/batch/deploy-pipelines/hello-batch/hello-component/hello.yml @@ -9,6 +9,6 @@ jobs: component: is_deterministic: false code: src - environment: azureml://registries/azureml/environments/sklearn-1.0/labels/latest + environment: azureml://registries/azureml/environments/sklearn-1.5/labels/latest command: >- python hello.py diff --git a/sdk/python/jobs/pipelines/1a_pipeline_with_components_from_yaml/eval_model.yml b/sdk/python/jobs/pipelines/1a_pipeline_with_components_from_yaml/eval_model.yml index 2bd7e4cba9..ea48891eaa 100644 --- a/sdk/python/jobs/pipelines/1a_pipeline_with_components_from_yaml/eval_model.yml +++ b/sdk/python/jobs/pipelines/1a_pipeline_with_components_from_yaml/eval_model.yml @@ -11,7 +11,7 @@ inputs: outputs: eval_output: type: uri_folder -environment: azureml://registries/azureml/environments/sklearn-1.0/labels/latest +environment: azureml://registries/azureml/environments/sklearn-1.5/labels/latest code: ./eval_src command: >- python eval.py diff --git a/sdk/python/jobs/pipelines/1a_pipeline_with_components_from_yaml/score_data.yml b/sdk/python/jobs/pipelines/1a_pipeline_with_components_from_yaml/score_data.yml index 83a7894d9b..714dbba792 100644 --- a/sdk/python/jobs/pipelines/1a_pipeline_with_components_from_yaml/score_data.yml +++ b/sdk/python/jobs/pipelines/1a_pipeline_with_components_from_yaml/score_data.yml @@ -14,7 +14,7 @@ inputs: outputs: score_output: type: uri_folder -environment: azureml://registries/azureml/environments/sklearn-1.0/labels/latest +environment: azureml://registries/azureml/environments/sklearn-1.5/labels/latest code: ./score_src command: >- python score.py diff --git a/sdk/python/jobs/pipelines/1a_pipeline_with_components_from_yaml/train_model.yml b/sdk/python/jobs/pipelines/1a_pipeline_with_components_from_yaml/train_model.yml index 4ff2b0bdaf..dc03fb6ba4 100644 --- a/sdk/python/jobs/pipelines/1a_pipeline_with_components_from_yaml/train_model.yml +++ b/sdk/python/jobs/pipelines/1a_pipeline_with_components_from_yaml/train_model.yml @@ -21,7 +21,7 @@ outputs: model_output: type: uri_folder code: ./train_src -environment: azureml://registries/azureml/environments/sklearn-1.0/labels/latest +environment: azureml://registries/azureml/environments/sklearn-1.5/labels/latest command: >- python train.py --training_data ${{inputs.training_data}} diff --git a/sdk/python/jobs/pipelines/1c_pipeline_with_hyperparameter_sweep/predict.yml b/sdk/python/jobs/pipelines/1c_pipeline_with_hyperparameter_sweep/predict.yml index ab405ceecb..8bce36d527 100644 --- a/sdk/python/jobs/pipelines/1c_pipeline_with_hyperparameter_sweep/predict.yml +++ b/sdk/python/jobs/pipelines/1c_pipeline_with_hyperparameter_sweep/predict.yml @@ -13,7 +13,7 @@ outputs: predict_result: type: uri_folder code: ./predict-src -environment: azureml://registries/azureml/environments/sklearn-1.0/labels/latest +environment: azureml://registries/azureml/environments/sklearn-1.5/labels/latest command: >- python predict.py --model ${{inputs.model}} diff --git a/sdk/python/jobs/pipelines/1c_pipeline_with_hyperparameter_sweep/train.yml b/sdk/python/jobs/pipelines/1c_pipeline_with_hyperparameter_sweep/train.yml index bbcb34872f..f3187b763e 100644 --- a/sdk/python/jobs/pipelines/1c_pipeline_with_hyperparameter_sweep/train.yml +++ b/sdk/python/jobs/pipelines/1c_pipeline_with_hyperparameter_sweep/train.yml @@ -59,7 +59,7 @@ outputs: code: ./train-src -environment: azureml://registries/azureml/environments/sklearn-1.0/labels/latest +environment: azureml://registries/azureml/environments/sklearn-1.5/labels/latest command: >- python train.py diff --git a/sdk/python/jobs/pipelines/1e_pipeline_with_registered_components/score_data.yml b/sdk/python/jobs/pipelines/1e_pipeline_with_registered_components/score_data.yml index b8b59007f3..0b8d2cb3b0 100644 --- a/sdk/python/jobs/pipelines/1e_pipeline_with_registered_components/score_data.yml +++ b/sdk/python/jobs/pipelines/1e_pipeline_with_registered_components/score_data.yml @@ -14,7 +14,7 @@ inputs: outputs: score_output: type: uri_folder -environment: azureml://registries/azureml/environments/sklearn-1.0/labels/latest +environment: azureml://registries/azureml/environments/sklearn-1.5/labels/latest code: ./score_src command: >- python score.py diff --git a/sdk/python/jobs/pipelines/1e_pipeline_with_registered_components/train_model.yml b/sdk/python/jobs/pipelines/1e_pipeline_with_registered_components/train_model.yml index b74b93a4c1..892cbc492d 100644 --- a/sdk/python/jobs/pipelines/1e_pipeline_with_registered_components/train_model.yml +++ b/sdk/python/jobs/pipelines/1e_pipeline_with_registered_components/train_model.yml @@ -21,7 +21,7 @@ outputs: model_output: type: uri_folder code: ./train_src -environment: azureml://registries/azureml/environments/sklearn-1.0/labels/latest +environment: azureml://registries/azureml/environments/sklearn-1.5/labels/latest command: >- python train.py --training_data ${{inputs.training_data}} diff --git a/sdk/python/jobs/pipelines/1g_pipeline_with_parallel_nodes/pipeline_with_parallel_nodes.ipynb b/sdk/python/jobs/pipelines/1g_pipeline_with_parallel_nodes/pipeline_with_parallel_nodes.ipynb index ece43430f1..4b986b4e00 100644 --- a/sdk/python/jobs/pipelines/1g_pipeline_with_parallel_nodes/pipeline_with_parallel_nodes.ipynb +++ b/sdk/python/jobs/pipelines/1g_pipeline_with_parallel_nodes/pipeline_with_parallel_nodes.ipynb @@ -169,7 +169,7 @@ " code=\"./src\",\n", " entry_script=\"file_batch_inference.py\",\n", " program_arguments=\"--job_output_path ${{outputs.job_output_path}}\",\n", - " environment=\"azureml://registries/azureml/environments/sklearn-1.0/labels/latest\",\n", + " environment=\"azureml://registries/azureml/environments/sklearn-1.5/labels/latest\",\n", " ),\n", ")" ] diff --git a/sdk/python/jobs/pipelines/1h_automl_in_pipeline/automl-classification-bankmarketing-in-pipeline/automl-classification-bankmarketing-in-pipeline.ipynb b/sdk/python/jobs/pipelines/1h_automl_in_pipeline/automl-classification-bankmarketing-in-pipeline/automl-classification-bankmarketing-in-pipeline.ipynb index d2643c9085..27114825d5 100644 --- a/sdk/python/jobs/pipelines/1h_automl_in_pipeline/automl-classification-bankmarketing-in-pipeline/automl-classification-bankmarketing-in-pipeline.ipynb +++ b/sdk/python/jobs/pipelines/1h_automl_in_pipeline/automl-classification-bankmarketing-in-pipeline/automl-classification-bankmarketing-in-pipeline.ipynb @@ -191,7 +191,7 @@ " command=\"python register.py \"\n", " + \"--model_input_path ${{inputs.model_input_path}} \"\n", " + \"--model_base_name ${{inputs.model_base_name}}\",\n", - " environment=\"azureml-sklearn-1.0:33\",\n", + " environment=\"azureml://registries/azureml/environments/sklearn-1.5/labels/latest\",\n", " )\n", " register_model = command_func(\n", " model_input_path=classification_node.outputs.best_model\n", diff --git a/sdk/python/jobs/pipelines/1h_automl_in_pipeline/automl-forecasting-in-pipeline/automl-forecasting-in-pipeline.ipynb b/sdk/python/jobs/pipelines/1h_automl_in_pipeline/automl-forecasting-in-pipeline/automl-forecasting-in-pipeline.ipynb index f2fcd9e993..99301e0e8f 100644 --- a/sdk/python/jobs/pipelines/1h_automl_in_pipeline/automl-forecasting-in-pipeline/automl-forecasting-in-pipeline.ipynb +++ b/sdk/python/jobs/pipelines/1h_automl_in_pipeline/automl-forecasting-in-pipeline/automl-forecasting-in-pipeline.ipynb @@ -449,7 +449,7 @@ " command=\"python register_model.py \"\n", " + \"--model_path ${{inputs.model_input_path}} \"\n", " + f\"--model_base_name {model_name_str}\",\n", - " environment=\"azureml-sklearn-1.0:23\",\n", + " environment=\"azureml://registries/azureml/environments/sklearn-1.5/labels/latest\",\n", " )\n", " register_model = command_func(model_input_path=forecasting_node.outputs.best_model)\n", "\n", diff --git a/sdk/python/jobs/pipelines/1h_automl_in_pipeline/automl-regression-house-pricing-in-pipeline/automl-regression-house-pricing-in-pipeline.ipynb b/sdk/python/jobs/pipelines/1h_automl_in_pipeline/automl-regression-house-pricing-in-pipeline/automl-regression-house-pricing-in-pipeline.ipynb index 6385d0f491..b7d922063c 100644 --- a/sdk/python/jobs/pipelines/1h_automl_in_pipeline/automl-regression-house-pricing-in-pipeline/automl-regression-house-pricing-in-pipeline.ipynb +++ b/sdk/python/jobs/pipelines/1h_automl_in_pipeline/automl-regression-house-pricing-in-pipeline/automl-regression-house-pricing-in-pipeline.ipynb @@ -188,7 +188,7 @@ " command=\"python register.py \"\n", " + \"--model_input_path ${{inputs.model_input_path}} \"\n", " + \"--model_base_name ${{inputs.model_base_name}}\",\n", - " environment=\"azureml-sklearn-1.0:33\",\n", + " environment=\"azureml://registries/azureml/environments/sklearn-1.5/labels/latest\",\n", " )\n", " register_model = command_func(model_input_path=regression_node.outputs.best_model)\n", "\n", diff --git a/sdk/python/jobs/pipelines/1i_pipeline_with_spark_nodes/pipeline_with_spark_nodes.ipynb b/sdk/python/jobs/pipelines/1i_pipeline_with_spark_nodes/pipeline_with_spark_nodes.ipynb index 4fb102f77f..d737b0df4c 100644 --- a/sdk/python/jobs/pipelines/1i_pipeline_with_spark_nodes/pipeline_with_spark_nodes.ipynb +++ b/sdk/python/jobs/pipelines/1i_pipeline_with_spark_nodes/pipeline_with_spark_nodes.ipynb @@ -142,7 +142,7 @@ "show_output_component = command(\n", " inputs=dict(spark_output=Input(type=AssetTypes.URI_FOLDER)),\n", " command=\"ls ${{inputs.spark_output}}\",\n", - " environment=\"azureml://registries/azureml/environments/sklearn-1.0/labels/latest\",\n", + " environment=\"azureml://registries/azureml/environments/sklearn-1.5/labels/latest\",\n", ")" ] }, diff --git a/sdk/python/jobs/pipelines/1j_pipeline_with_pipeline_component/nyc_taxi_data_regression_with_pipeline_component/data_pipeline/prep_src/prep.yml b/sdk/python/jobs/pipelines/1j_pipeline_with_pipeline_component/nyc_taxi_data_regression_with_pipeline_component/data_pipeline/prep_src/prep.yml index d0d54af9d3..9f5681773d 100644 --- a/sdk/python/jobs/pipelines/1j_pipeline_with_pipeline_component/nyc_taxi_data_regression_with_pipeline_component/data_pipeline/prep_src/prep.yml +++ b/sdk/python/jobs/pipelines/1j_pipeline_with_pipeline_component/nyc_taxi_data_regression_with_pipeline_component/data_pipeline/prep_src/prep.yml @@ -12,7 +12,7 @@ outputs: prep_data: type: uri_folder code: . -environment: azureml://registries/azureml/environments/sklearn-1.0/labels/latest +environment: azureml://registries/azureml/environments/sklearn-1.5/labels/latest command: >- python prep.py $[[--raw_data ${{inputs.raw_data}}]] diff --git a/sdk/python/jobs/pipelines/1j_pipeline_with_pipeline_component/nyc_taxi_data_regression_with_pipeline_component/data_pipeline/transform_src/transform.yml b/sdk/python/jobs/pipelines/1j_pipeline_with_pipeline_component/nyc_taxi_data_regression_with_pipeline_component/data_pipeline/transform_src/transform.yml index 78a8d31ebf..a1acae598d 100644 --- a/sdk/python/jobs/pipelines/1j_pipeline_with_pipeline_component/nyc_taxi_data_regression_with_pipeline_component/data_pipeline/transform_src/transform.yml +++ b/sdk/python/jobs/pipelines/1j_pipeline_with_pipeline_component/nyc_taxi_data_regression_with_pipeline_component/data_pipeline/transform_src/transform.yml @@ -11,7 +11,7 @@ outputs: transformed_data: type: uri_folder code: . -environment: azureml://registries/azureml/environments/sklearn-1.0/labels/latest +environment: azureml://registries/azureml/environments/sklearn-1.5/labels/latest command: >- python transform.py --clean_data ${{inputs.clean_data}} diff --git a/sdk/python/jobs/pipelines/1j_pipeline_with_pipeline_component/nyc_taxi_data_regression_with_pipeline_component/train_pipeline/predict_src/predict.yml b/sdk/python/jobs/pipelines/1j_pipeline_with_pipeline_component/nyc_taxi_data_regression_with_pipeline_component/train_pipeline/predict_src/predict.yml index 24a1d685a6..63a2fde22e 100644 --- a/sdk/python/jobs/pipelines/1j_pipeline_with_pipeline_component/nyc_taxi_data_regression_with_pipeline_component/train_pipeline/predict_src/predict.yml +++ b/sdk/python/jobs/pipelines/1j_pipeline_with_pipeline_component/nyc_taxi_data_regression_with_pipeline_component/train_pipeline/predict_src/predict.yml @@ -12,7 +12,7 @@ inputs: outputs: predictions: type: uri_folder -environment: azureml://registries/azureml/environments/sklearn-1.0/labels/latest +environment: azureml://registries/azureml/environments/sklearn-1.5/labels/latest code: . command: >- python predict.py diff --git a/sdk/python/jobs/pipelines/1j_pipeline_with_pipeline_component/nyc_taxi_data_regression_with_pipeline_component/train_pipeline/score_src/score.yml b/sdk/python/jobs/pipelines/1j_pipeline_with_pipeline_component/nyc_taxi_data_regression_with_pipeline_component/train_pipeline/score_src/score.yml index d0dfe2efc6..44320b3c88 100644 --- a/sdk/python/jobs/pipelines/1j_pipeline_with_pipeline_component/nyc_taxi_data_regression_with_pipeline_component/train_pipeline/score_src/score.yml +++ b/sdk/python/jobs/pipelines/1j_pipeline_with_pipeline_component/nyc_taxi_data_regression_with_pipeline_component/train_pipeline/score_src/score.yml @@ -12,7 +12,7 @@ inputs: outputs: score_report: type: uri_folder -environment: azureml://registries/azureml/environments/sklearn-1.0/labels/latest +environment: azureml://registries/azureml/environments/sklearn-1.5/labels/latest code: . command: >- python score.py diff --git a/sdk/python/jobs/pipelines/1j_pipeline_with_pipeline_component/nyc_taxi_data_regression_with_pipeline_component/train_pipeline/train_src/train.yml b/sdk/python/jobs/pipelines/1j_pipeline_with_pipeline_component/nyc_taxi_data_regression_with_pipeline_component/train_pipeline/train_src/train.yml index 6b7d24b264..7bd08538de 100644 --- a/sdk/python/jobs/pipelines/1j_pipeline_with_pipeline_component/nyc_taxi_data_regression_with_pipeline_component/train_pipeline/train_src/train.yml +++ b/sdk/python/jobs/pipelines/1j_pipeline_with_pipeline_component/nyc_taxi_data_regression_with_pipeline_component/train_pipeline/train_src/train.yml @@ -18,7 +18,7 @@ outputs: test_data: type: uri_folder code: . -environment: azureml://registries/azureml/environments/sklearn-1.0/labels/latest +environment: azureml://registries/azureml/environments/sklearn-1.5/labels/latest command: >- python train.py --train_data ${{inputs.train_data}} diff --git a/sdk/python/jobs/pipelines/1j_pipeline_with_pipeline_component/pipeline_with_train_eval_pipeline_component/components/compare2/compare2.yml b/sdk/python/jobs/pipelines/1j_pipeline_with_pipeline_component/pipeline_with_train_eval_pipeline_component/components/compare2/compare2.yml index 734695ad69..937a6a5bb6 100644 --- a/sdk/python/jobs/pipelines/1j_pipeline_with_pipeline_component/pipeline_with_train_eval_pipeline_component/components/compare2/compare2.yml +++ b/sdk/python/jobs/pipelines/1j_pipeline_with_pipeline_component/pipeline_with_train_eval_pipeline_component/components/compare2/compare2.yml @@ -18,7 +18,7 @@ outputs: type: uri_folder best_result: type: uri_folder -environment: azureml://registries/azureml/environments/sklearn-1.0/labels/latest +environment: azureml://registries/azureml/environments/sklearn-1.5/labels/latest code: . command: >- python compare2.py diff --git a/sdk/python/jobs/pipelines/1j_pipeline_with_pipeline_component/pipeline_with_train_eval_pipeline_component/components/eval/eval.yml b/sdk/python/jobs/pipelines/1j_pipeline_with_pipeline_component/pipeline_with_train_eval_pipeline_component/components/eval/eval.yml index 05c2bea3f4..f9db017dee 100644 --- a/sdk/python/jobs/pipelines/1j_pipeline_with_pipeline_component/pipeline_with_train_eval_pipeline_component/components/eval/eval.yml +++ b/sdk/python/jobs/pipelines/1j_pipeline_with_pipeline_component/pipeline_with_train_eval_pipeline_component/components/eval/eval.yml @@ -10,7 +10,7 @@ inputs: outputs: eval_output: type: uri_folder -environment: azureml://registries/azureml/environments/sklearn-1.0/labels/latest +environment: azureml://registries/azureml/environments/sklearn-1.5/labels/latest code: . command: >- python eval.py diff --git a/sdk/python/jobs/pipelines/1j_pipeline_with_pipeline_component/pipeline_with_train_eval_pipeline_component/components/score/score.yml b/sdk/python/jobs/pipelines/1j_pipeline_with_pipeline_component/pipeline_with_train_eval_pipeline_component/components/score/score.yml index 2b1e59892f..3033e17f91 100644 --- a/sdk/python/jobs/pipelines/1j_pipeline_with_pipeline_component/pipeline_with_train_eval_pipeline_component/components/score/score.yml +++ b/sdk/python/jobs/pipelines/1j_pipeline_with_pipeline_component/pipeline_with_train_eval_pipeline_component/components/score/score.yml @@ -13,7 +13,7 @@ inputs: outputs: score_output: type: uri_folder -environment: azureml://registries/azureml/environments/sklearn-1.0/labels/latest +environment: azureml://registries/azureml/environments/sklearn-1.5/labels/latest code: . command: >- python score.py diff --git a/sdk/python/jobs/pipelines/1j_pipeline_with_pipeline_component/pipeline_with_train_eval_pipeline_component/components/train/train.yml b/sdk/python/jobs/pipelines/1j_pipeline_with_pipeline_component/pipeline_with_train_eval_pipeline_component/components/train/train.yml index 92c83d9939..f0e07b9674 100644 --- a/sdk/python/jobs/pipelines/1j_pipeline_with_pipeline_component/pipeline_with_train_eval_pipeline_component/components/train/train.yml +++ b/sdk/python/jobs/pipelines/1j_pipeline_with_pipeline_component/pipeline_with_train_eval_pipeline_component/components/train/train.yml @@ -19,7 +19,7 @@ outputs: model_output: type: uri_folder code: . -environment: azureml://registries/azureml/environments/sklearn-1.0/labels/latest +environment: azureml://registries/azureml/environments/sklearn-1.5/labels/latest command: >- python train.py --training_data ${{inputs.training_data}} diff --git a/sdk/python/jobs/pipelines/2c_nyc_taxi_data_regression/predict.yml b/sdk/python/jobs/pipelines/2c_nyc_taxi_data_regression/predict.yml index 14d788d033..4e776be1a3 100644 --- a/sdk/python/jobs/pipelines/2c_nyc_taxi_data_regression/predict.yml +++ b/sdk/python/jobs/pipelines/2c_nyc_taxi_data_regression/predict.yml @@ -12,7 +12,7 @@ inputs: outputs: predictions: type: uri_folder -environment: azureml://registries/azureml/environments/sklearn-1.0/labels/latest +environment: azureml://registries/azureml/environments/sklearn-1.5/labels/latest code: ./predict_src command: >- python predict.py diff --git a/sdk/python/jobs/pipelines/2c_nyc_taxi_data_regression/prep.yml b/sdk/python/jobs/pipelines/2c_nyc_taxi_data_regression/prep.yml index e787ac28e0..5e80ec7c90 100644 --- a/sdk/python/jobs/pipelines/2c_nyc_taxi_data_regression/prep.yml +++ b/sdk/python/jobs/pipelines/2c_nyc_taxi_data_regression/prep.yml @@ -11,7 +11,7 @@ outputs: prep_data: type: uri_folder code: ./prep_src -environment: azureml://registries/azureml/environments/sklearn-1.0/labels/latest +environment: azureml://registries/azureml/environments/sklearn-1.5/labels/latest command: >- python prep.py --raw_data ${{inputs.raw_data}} diff --git a/sdk/python/jobs/pipelines/2c_nyc_taxi_data_regression/score.yml b/sdk/python/jobs/pipelines/2c_nyc_taxi_data_regression/score.yml index 543ce3993c..efa3e742c1 100644 --- a/sdk/python/jobs/pipelines/2c_nyc_taxi_data_regression/score.yml +++ b/sdk/python/jobs/pipelines/2c_nyc_taxi_data_regression/score.yml @@ -12,7 +12,7 @@ inputs: outputs: score_report: type: uri_folder -environment: azureml://registries/azureml/environments/sklearn-1.0/labels/latest +environment: azureml://registries/azureml/environments/sklearn-1.5/labels/latest code: ./score_src command: >- python score.py diff --git a/sdk/python/jobs/pipelines/2c_nyc_taxi_data_regression/train.yml b/sdk/python/jobs/pipelines/2c_nyc_taxi_data_regression/train.yml index 45fa0a717e..d14a49ad06 100644 --- a/sdk/python/jobs/pipelines/2c_nyc_taxi_data_regression/train.yml +++ b/sdk/python/jobs/pipelines/2c_nyc_taxi_data_regression/train.yml @@ -13,7 +13,7 @@ outputs: test_data: type: uri_folder code: ./train_src -environment: azureml://registries/azureml/environments/sklearn-1.0/labels/latest +environment: azureml://registries/azureml/environments/sklearn-1.5/labels/latest command: >- python train.py --training_data ${{inputs.training_data}} diff --git a/sdk/python/jobs/pipelines/2c_nyc_taxi_data_regression/transform.yml b/sdk/python/jobs/pipelines/2c_nyc_taxi_data_regression/transform.yml index bef00e7ba0..419388e4d3 100644 --- a/sdk/python/jobs/pipelines/2c_nyc_taxi_data_regression/transform.yml +++ b/sdk/python/jobs/pipelines/2c_nyc_taxi_data_regression/transform.yml @@ -11,7 +11,7 @@ outputs: transformed_data: type: uri_folder code: ./transform_src -environment: azureml://registries/azureml/environments/sklearn-1.0/labels/latest +environment: azureml://registries/azureml/environments/sklearn-1.5/labels/latest command: >- python transform.py --clean_data ${{inputs.clean_data}} diff --git a/tutorials/azureml-getting-started/azureml-getting-started-studio.ipynb b/tutorials/azureml-getting-started/azureml-getting-started-studio.ipynb index 2523627ecc..1601de0e01 100644 --- a/tutorials/azureml-getting-started/azureml-getting-started-studio.ipynb +++ b/tutorials/azureml-getting-started/azureml-getting-started-studio.ipynb @@ -269,7 +269,7 @@ " # The inputs/outputs are accessible in the command via the ${{ ... }} notation\n", " command=\"python main.py --data ${{inputs.data}} --test_train_ratio ${{inputs.test_train_ratio}} --learning_rate ${{inputs.learning_rate}} --registered_model_name ${{inputs.registered_model_name}}\",\n", " # This is the ready-made environment you are using\n", - " environment=\"AzureML-sklearn-1.0-ubuntu20.04-py38-cpu@latest\",\n", + " environment=\"azureml://registries/azureml/environments/sklearn-1.5/labels/latest\",\n", " # This is the compute you created earlier. You can alternatively remove this line to use serverless compute to run the job\n", " compute=\"cpu-cluster\",\n", " # An experiment is a container for all the iterations one does on a certain project. All the jobs submitted under the same experiment name would be listed next to each other in Azure ML studio.\n", @@ -376,9 +376,7 @@ }, { "cell_type": "markdown", - "execution_count": null, "metadata": {}, - "outputs": [], "source": [ "```\n", "{\n", diff --git a/tutorials/e2e-distributed-pytorch-image/e2e-object-classification-distributed-pytorch.ipynb b/tutorials/e2e-distributed-pytorch-image/e2e-object-classification-distributed-pytorch.ipynb index 23fafc1bc9..996cac126c 100644 --- a/tutorials/e2e-distributed-pytorch-image/e2e-object-classification-distributed-pytorch.ipynb +++ b/tutorials/e2e-distributed-pytorch-image/e2e-object-classification-distributed-pytorch.ipynb @@ -241,7 +241,7 @@ " ),\n", " },\n", " # we're using a curated environment\n", - " environment=\"AzureML-sklearn-1.0-ubuntu20.04-py38-cpu@latest\",\n", + " environment=\"azureml://registries/azureml/environments/sklearn-1.5/labels/latest\",\n", " compute=\"cpu-cluster\"\n", " if (cpu_cluster)\n", " else None, # No compute needs to be passed to use serverless\n", diff --git a/tutorials/e2e-ds-experience/e2e-ml-workflow.ipynb b/tutorials/e2e-ds-experience/e2e-ml-workflow.ipynb index 8449043086..f82604832a 100644 --- a/tutorials/e2e-ds-experience/e2e-ml-workflow.ipynb +++ b/tutorials/e2e-ds-experience/e2e-ml-workflow.ipynb @@ -744,7 +744,7 @@ "code: .\n", "environment:\n", " # for this step, we'll use an AzureML curate environment\n", - " azureml://registries/azureml/environments/sklearn-1.0/labels/latest\n", + " azureml://registries/azureml/environments/sklearn-1.5/labels/latest\n", "command: >-\n", " python train.py \n", " --train_data ${{inputs.train_data}} \n", diff --git a/tutorials/get-started-notebooks/pipeline.ipynb b/tutorials/get-started-notebooks/pipeline.ipynb index 9597c7db55..d3adfc7048 100644 --- a/tutorials/get-started-notebooks/pipeline.ipynb +++ b/tutorials/get-started-notebooks/pipeline.ipynb @@ -673,7 +673,7 @@ "code: .\n", "environment:\n", " # for this step, we'll use an AzureML curate environment\n", - " azureml://registries/azureml/environments/sklearn-1.0/labels/latest\n", + " azureml://registries/azureml/environments/sklearn-1.5/labels/latest\n", "command: >-\n", " python train.py \n", " --train_data ${{inputs.train_data}} \n", diff --git a/tutorials/get-started-notebooks/quickstart.ipynb b/tutorials/get-started-notebooks/quickstart.ipynb index aa26fd5e72..aba4095a97 100644 --- a/tutorials/get-started-notebooks/quickstart.ipynb +++ b/tutorials/get-started-notebooks/quickstart.ipynb @@ -330,7 +330,7 @@ " ),\n", " code=\"./src/\", # location of source code\n", " command=\"python main.py --data ${{inputs.data}} --test_train_ratio ${{inputs.test_train_ratio}} --learning_rate ${{inputs.learning_rate}} --registered_model_name ${{inputs.registered_model_name}}\",\n", - " environment=\"AzureML-sklearn-1.0-ubuntu20.04-py38-cpu@latest\",\n", + " environment=\"azureml://registries/azureml/environments/sklearn-1.5/labels/latest\",\n", " display_name=\"credit_default_prediction\",\n", ")" ]