Skip to content

Commit

Permalink
Upgraded to sklearn-1.5 (#3300)
Browse files Browse the repository at this point in the history
  • Loading branch information
jeff-shepherd authored Jul 19, 2024
1 parent 0fe5cf5 commit 70f0ddd
Show file tree
Hide file tree
Showing 34 changed files with 38 additions and 40 deletions.
8 changes: 4 additions & 4 deletions sdk/python/assets/data/data.ipynb
Original file line number Diff line number Diff line change
Expand Up @@ -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",
Expand Down Expand Up @@ -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",
Expand Down Expand Up @@ -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",
")"
Expand Down Expand Up @@ -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",
Expand Down
4 changes: 2 additions & 2 deletions sdk/python/assets/model/model.ipynb
Original file line number Diff line number Diff line change
Expand Up @@ -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",
Expand Down Expand Up @@ -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",
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -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
Original file line number Diff line number Diff line change
Expand Up @@ -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
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -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
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -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}}
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -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}}
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -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
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -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
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -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}}
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -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",
")"
]
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -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",
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -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",
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -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",
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -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",
")"
]
},
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -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}}]]
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -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}}
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -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
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -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
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -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}}
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -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
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -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
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -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
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -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}}
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -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
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -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}}
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -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
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -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}}
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -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}}
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -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",
Expand Down Expand Up @@ -376,9 +376,7 @@
},
{
"cell_type": "markdown",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": [
"```\n",
"{\n",
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -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",
Expand Down
2 changes: 1 addition & 1 deletion tutorials/e2e-ds-experience/e2e-ml-workflow.ipynb
Original file line number Diff line number Diff line change
Expand Up @@ -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",
Expand Down
2 changes: 1 addition & 1 deletion tutorials/get-started-notebooks/pipeline.ipynb
Original file line number Diff line number Diff line change
Expand Up @@ -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",
Expand Down
2 changes: 1 addition & 1 deletion tutorials/get-started-notebooks/quickstart.ipynb
Original file line number Diff line number Diff line change
Expand Up @@ -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",
")"
]
Expand Down

0 comments on commit 70f0ddd

Please sign in to comment.