From de894f2ff21c477e9843a5c7a5f4ef54336bd95a Mon Sep 17 00:00:00 2001 From: Jeff Shepherd Date: Fri, 14 Jul 2023 13:25:22 -0700 Subject: [PATCH 1/3] Changed to Standard_NC6s_v3 because Standard_NC6 is deprecated --- .../automl-nlp-text-classification-multiclass.ipynb | 2 +- .../automl-nlp-text-classification-multilabel.ipynb | 4 ++-- .../automl-with-azureml/automl-nlp-ner/automl-nlp-ner.ipynb | 2 +- .../auto-ml-classification-text-dnn.ipynb | 4 ++-- ...uto-ml-image-classification-multiclass-batch-scoring.ipynb | 2 +- .../auto-ml-image-classification-multiclass.ipynb | 4 ++-- .../auto-ml-image-classification-multilabel.ipynb | 4 ++-- .../auto-ml-image-instance-segmentation.ipynb | 4 ++-- .../auto-ml-image-object-detection.ipynb | 4 ++-- 9 files changed, 15 insertions(+), 15 deletions(-) diff --git a/v1/python-sdk/tutorials/automl-with-azureml/automl-nlp-multiclass/automl-nlp-text-classification-multiclass.ipynb b/v1/python-sdk/tutorials/automl-with-azureml/automl-nlp-multiclass/automl-nlp-text-classification-multiclass.ipynb index 94ea78792f..6522758688 100644 --- a/v1/python-sdk/tutorials/automl-with-azureml/automl-nlp-multiclass/automl-nlp-text-classification-multiclass.ipynb +++ b/v1/python-sdk/tutorials/automl-with-azureml/automl-nlp-multiclass/automl-nlp-text-classification-multiclass.ipynb @@ -171,7 +171,7 @@ " print(\"Found existing cluster, use it.\")\n", "except ComputeTargetException:\n", " compute_config = AmlCompute.provisioning_configuration(\n", - " vm_size=\"STANDARD_NC6\", max_nodes=num_nodes # use GPU Nodes\n", + " vm_size=\"Standard_NC6s_v3\", max_nodes=num_nodes # use GPU Nodes\n", " )\n", " compute_target = ComputeTarget.create(ws, amlcompute_cluster_name, compute_config)\n", "\n", diff --git a/v1/python-sdk/tutorials/automl-with-azureml/automl-nlp-multilabel/automl-nlp-text-classification-multilabel.ipynb b/v1/python-sdk/tutorials/automl-with-azureml/automl-nlp-multilabel/automl-nlp-text-classification-multilabel.ipynb index 54e05b692d..2ad0883cc4 100644 --- a/v1/python-sdk/tutorials/automl-with-azureml/automl-nlp-multilabel/automl-nlp-text-classification-multilabel.ipynb +++ b/v1/python-sdk/tutorials/automl-with-azureml/automl-nlp-multilabel/automl-nlp-text-classification-multilabel.ipynb @@ -158,7 +158,7 @@ " print(\"Found existing cluster, use it.\")\n", "except ComputeTargetException:\n", " compute_config = AmlCompute.provisioning_configuration(\n", - " vm_size=\"STANDARD_NC6\", max_nodes=num_nodes # Use GPU Nodes\n", + " vm_size=\"Standard_NC6s_v3\", max_nodes=num_nodes # Use GPU Nodes\n", " )\n", " compute_target = ComputeTarget.create(ws, amlcompute_cluster_name, compute_config)\n", "\n", @@ -252,7 +252,7 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "Now we can start the run with the prepared compute resource and datasets. On a `STANDARD_NC6` compute instance with one node, the training would take around 25 minutes, excluding activating nodes in the compute instance. Here, to make training faster, we will use a `STANDARD_NC6` instance with 2 nodes and enable parallel training.\n", + "Now we can start the run with the prepared compute resource and datasets. On a `Standard_NC6s_v3` compute instance with one node, the training would take around 25 minutes, excluding activating nodes in the compute instance. Here, to make training faster, we will use a `Standard_NC6s_v3` instance with 2 nodes and enable parallel training.\n", "\n", "To use distributed training, we need to set `enable_distributed_dnn_training = True` and `max_concurrent_iterations` to be the number of nodes available in you compute instance.\n", "\n", diff --git a/v1/python-sdk/tutorials/automl-with-azureml/automl-nlp-ner/automl-nlp-ner.ipynb b/v1/python-sdk/tutorials/automl-with-azureml/automl-nlp-ner/automl-nlp-ner.ipynb index 16b4040ea0..77fc0b37f6 100644 --- a/v1/python-sdk/tutorials/automl-with-azureml/automl-nlp-ner/automl-nlp-ner.ipynb +++ b/v1/python-sdk/tutorials/automl-with-azureml/automl-nlp-ner/automl-nlp-ner.ipynb @@ -155,7 +155,7 @@ " print(\"Found existing cluster, use it.\")\n", "except ComputeTargetException:\n", " compute_config = AmlCompute.provisioning_configuration(\n", - " vm_size=\"STANDARD_NC6\", max_nodes=num_nodes # Use GPU only\n", + " vm_size=\"Standard_NC6s_v3\", max_nodes=num_nodes # Use GPU only\n", " )\n", " compute_target = ComputeTarget.create(ws, amlcompute_cluster_name, compute_config)\n", "\n", diff --git a/v1/python-sdk/tutorials/automl-with-azureml/classification-text-dnn/auto-ml-classification-text-dnn.ipynb b/v1/python-sdk/tutorials/automl-with-azureml/classification-text-dnn/auto-ml-classification-text-dnn.ipynb index c71749e957..eb3f323288 100644 --- a/v1/python-sdk/tutorials/automl-with-azureml/classification-text-dnn/auto-ml-classification-text-dnn.ipynb +++ b/v1/python-sdk/tutorials/automl-with-azureml/classification-text-dnn/auto-ml-classification-text-dnn.ipynb @@ -139,8 +139,8 @@ " print(\"Found existing cluster, use it.\")\n", "except ComputeTargetException:\n", " compute_config = AmlCompute.provisioning_configuration(\n", - " vm_size=\"STANDARD_NC6\", # CPU for BiLSTM, such as \"STANDARD_D2_V2\"\n", - " # To use BERT (this is recommended for best performance), select a GPU such as \"STANDARD_NC6\"\n", + " vm_size=\"Standard_NC6s_v3, # CPU for BiLSTM, such as \"STANDARD_D2_V2\"\n", + " # To use BERT (this is recommended for best performance), select a GPU such as \"Standard_NC6s_v3\"\n", " # or similar GPU option\n", " # available in your workspace\n", " idle_seconds_before_scaledown=60,\n", diff --git a/v1/python-sdk/tutorials/automl-with-azureml/image-classification-multiclass-batch-scoring/auto-ml-image-classification-multiclass-batch-scoring.ipynb b/v1/python-sdk/tutorials/automl-with-azureml/image-classification-multiclass-batch-scoring/auto-ml-image-classification-multiclass-batch-scoring.ipynb index a202ec909d..6cbcad76c0 100644 --- a/v1/python-sdk/tutorials/automl-with-azureml/image-classification-multiclass-batch-scoring/auto-ml-image-classification-multiclass-batch-scoring.ipynb +++ b/v1/python-sdk/tutorials/automl-with-azureml/image-classification-multiclass-batch-scoring/auto-ml-image-classification-multiclass-batch-scoring.ipynb @@ -101,7 +101,7 @@ "metadata": {}, "source": [ "## Compute target setup\n", - "You will need to provide a [Compute Target](https://docs.microsoft.com/en-us/azure/machine-learning/concept-azure-machine-learning-architecture#computes) that will be used for your AutoML model training. AutoML models for image tasks require [GPU SKUs](https://docs.microsoft.com/en-us/azure/virtual-machines/sizes-gpu) such as the ones from the NC, NCv2, NCv3, ND, NDv2 and NCasT4 series. We recommend using the NCsv3-series (with v100 GPUs) for faster training. Using a compute target with a multi-GPU VM SKU will leverage the multiple GPUs to speed up training. Additionally, setting up a compute target with multiple nodes will allow for faster model training by leveraging parallelism, when tuning hyperparameters for your model." + "You will need to provide a [Compute Target](https://docs.microsoft.com/en-us/azure/machine-learning/concept-azure-machine-learning-architecture#computes) that will be used for your AutoML model training. AutoML models for image tasks require [GPU SKUs](https://docs.microsoft.com/en-us/azure/virtual-machines/sizes-gpu) such as the ones from the NCv3, ND, NDv2 and NCasT4 series. We recommend using the NCsv3-series (with v100 GPUs) for faster training. Using a compute target with a multi-GPU VM SKU will leverage the multiple GPUs to speed up training. Additionally, setting up a compute target with multiple nodes will allow for faster model training by leveraging parallelism, when tuning hyperparameters for your model." ] }, { diff --git a/v1/python-sdk/tutorials/automl-with-azureml/image-classification-multiclass/auto-ml-image-classification-multiclass.ipynb b/v1/python-sdk/tutorials/automl-with-azureml/image-classification-multiclass/auto-ml-image-classification-multiclass.ipynb index 05fd82ad68..9d629f64ae 100644 --- a/v1/python-sdk/tutorials/automl-with-azureml/image-classification-multiclass/auto-ml-image-classification-multiclass.ipynb +++ b/v1/python-sdk/tutorials/automl-with-azureml/image-classification-multiclass/auto-ml-image-classification-multiclass.ipynb @@ -77,7 +77,7 @@ "metadata": {}, "source": [ "## Compute target setup\n", - "You will need to provide a [Compute Target](https://docs.microsoft.com/en-us/azure/machine-learning/concept-azure-machine-learning-architecture#computes) that will be used for your AutoML model training. AutoML models for image tasks require [GPU SKUs](https://docs.microsoft.com/en-us/azure/virtual-machines/sizes-gpu) such as the ones from the NC, NCv2, NCv3, ND, NDv2 and NCasT4 series. We recommend using the NCsv3-series (with v100 GPUs) for faster training. Using a compute target with a multi-GPU VM SKU will leverage the multiple GPUs to speed up training. Additionally, setting up a compute target with multiple nodes will allow for faster model training by leveraging parallelism, when tuning hyperparameters for your model." + "You will need to provide a [Compute Target](https://docs.microsoft.com/en-us/azure/machine-learning/concept-azure-machine-learning-architecture#computes) that will be used for your AutoML model training. AutoML models for image tasks require [GPU SKUs](https://docs.microsoft.com/en-us/azure/virtual-machines/sizes-gpu) such as the ones from the NCv3, ND, NDv2 and NCasT4 series. We recommend using the NCsv3-series (with v100 GPUs) for faster training. Using a compute target with a multi-GPU VM SKU will leverage the multiple GPUs to speed up training. Additionally, setting up a compute target with multiple nodes will allow for faster model training by leveraging parallelism, when tuning hyperparameters for your model." ] }, { @@ -96,7 +96,7 @@ "except KeyError:\n", " print(\"Creating a new compute target...\")\n", " compute_config = AmlCompute.provisioning_configuration(\n", - " vm_size=\"Standard_NC6\",\n", + " vm_size=\"Standard_NC6s_v3\",\n", " idle_seconds_before_scaledown=600,\n", " min_nodes=0,\n", " max_nodes=4,\n", diff --git a/v1/python-sdk/tutorials/automl-with-azureml/image-classification-multilabel/auto-ml-image-classification-multilabel.ipynb b/v1/python-sdk/tutorials/automl-with-azureml/image-classification-multilabel/auto-ml-image-classification-multilabel.ipynb index 37dd0a857e..88b4cbe2a9 100644 --- a/v1/python-sdk/tutorials/automl-with-azureml/image-classification-multilabel/auto-ml-image-classification-multilabel.ipynb +++ b/v1/python-sdk/tutorials/automl-with-azureml/image-classification-multilabel/auto-ml-image-classification-multilabel.ipynb @@ -77,7 +77,7 @@ "metadata": {}, "source": [ "## Compute target setup\n", - "You will need to provide a [Compute Target](https://docs.microsoft.com/en-us/azure/machine-learning/concept-azure-machine-learning-architecture#computes) that will be used for your AutoML model training. AutoML models for image tasks require [GPU SKUs](https://docs.microsoft.com/en-us/azure/virtual-machines/sizes-gpu) such as the ones from the NC, NCv2, NCv3, ND, NDv2 and NCasT4 series. We recommend using the NCsv3-series (with v100 GPUs) for faster training. Using a compute target with a multi-GPU VM SKU will leverage the multiple GPUs to speed up training. Additionally, setting up a compute target with multiple nodes will allow for faster model training by leveraging parallelism, when tuning hyperparameters for your model." + "You will need to provide a [Compute Target](https://docs.microsoft.com/en-us/azure/machine-learning/concept-azure-machine-learning-architecture#computes) that will be used for your AutoML model training. AutoML models for image tasks require [GPU SKUs](https://docs.microsoft.com/en-us/azure/virtual-machines/sizes-gpu) such as the ones from the NCv3, ND, NDv2 and NCasT4 series. We recommend using the NCsv3-series (with v100 GPUs) for faster training. Using a compute target with a multi-GPU VM SKU will leverage the multiple GPUs to speed up training. Additionally, setting up a compute target with multiple nodes will allow for faster model training by leveraging parallelism, when tuning hyperparameters for your model." ] }, { @@ -96,7 +96,7 @@ "except KeyError:\n", " print(\"Creating a new compute target...\")\n", " compute_config = AmlCompute.provisioning_configuration(\n", - " vm_size=\"Standard_NC6\",\n", + " vm_size=\"Standard_NC6s_v3\",\n", " idle_seconds_before_scaledown=600,\n", " min_nodes=0,\n", " max_nodes=4,\n", diff --git a/v1/python-sdk/tutorials/automl-with-azureml/image-instance-segmentation/auto-ml-image-instance-segmentation.ipynb b/v1/python-sdk/tutorials/automl-with-azureml/image-instance-segmentation/auto-ml-image-instance-segmentation.ipynb index 88ef0cd0de..51326e8e83 100644 --- a/v1/python-sdk/tutorials/automl-with-azureml/image-instance-segmentation/auto-ml-image-instance-segmentation.ipynb +++ b/v1/python-sdk/tutorials/automl-with-azureml/image-instance-segmentation/auto-ml-image-instance-segmentation.ipynb @@ -94,7 +94,7 @@ "metadata": {}, "source": [ "## Compute target setup\n", - "You will need to provide a [Compute Target](https://docs.microsoft.com/en-us/azure/machine-learning/concept-azure-machine-learning-architecture#computes) that will be used for your AutoML model training. AutoML models for image tasks require [GPU SKUs](https://docs.microsoft.com/en-us/azure/virtual-machines/sizes-gpu) such as the ones from the NC, NCv2, NCv3, ND, NDv2 and NCasT4 series. We recommend using the NCsv3-series (with v100 GPUs) for faster training. Using a compute target with a multi-GPU VM SKU will leverage the multiple GPUs to speed up training. Additionally, setting up a compute target with multiple nodes will allow for faster model training by leveraging parallelism, when tuning hyperparameters for your model." + "You will need to provide a [Compute Target](https://docs.microsoft.com/en-us/azure/machine-learning/concept-azure-machine-learning-architecture#computes) that will be used for your AutoML model training. AutoML models for image tasks require [GPU SKUs](https://docs.microsoft.com/en-us/azure/virtual-machines/sizes-gpu) such as the ones from the NCv3, ND, NDv2 and NCasT4 series. We recommend using the NCsv3-series (with v100 GPUs) for faster training. Using a compute target with a multi-GPU VM SKU will leverage the multiple GPUs to speed up training. Additionally, setting up a compute target with multiple nodes will allow for faster model training by leveraging parallelism, when tuning hyperparameters for your model." ] }, { @@ -113,7 +113,7 @@ "except KeyError:\n", " print(\"Creating a new compute target...\")\n", " compute_config = AmlCompute.provisioning_configuration(\n", - " vm_size=\"Standard_NC6\",\n", + " vm_size=\"Standard_NC6s_v3\",\n", " idle_seconds_before_scaledown=600,\n", " min_nodes=0,\n", " max_nodes=4,\n", diff --git a/v1/python-sdk/tutorials/automl-with-azureml/image-object-detection/auto-ml-image-object-detection.ipynb b/v1/python-sdk/tutorials/automl-with-azureml/image-object-detection/auto-ml-image-object-detection.ipynb index df7c278b9c..d1362c181e 100644 --- a/v1/python-sdk/tutorials/automl-with-azureml/image-object-detection/auto-ml-image-object-detection.ipynb +++ b/v1/python-sdk/tutorials/automl-with-azureml/image-object-detection/auto-ml-image-object-detection.ipynb @@ -77,7 +77,7 @@ "metadata": {}, "source": [ "## Compute target setup\n", - "You will need to provide a [Compute Target](https://docs.microsoft.com/en-us/azure/machine-learning/concept-azure-machine-learning-architecture#computes) that will be used for your AutoML model training. AutoML models for image tasks require [GPU SKUs](https://docs.microsoft.com/en-us/azure/virtual-machines/sizes-gpu) such as the ones from the NC, NCv2, NCv3, ND, NDv2 and NCasT4 series. We recommend using the NCsv3-series (with v100 GPUs) for faster training. Using a compute target with a multi-GPU VM SKU will leverage the multiple GPUs to speed up training. Additionally, setting up a compute target with multiple nodes will allow for faster model training by leveraging parallelism, when tuning hyperparameters for your model." + "You will need to provide a [Compute Target](https://docs.microsoft.com/en-us/azure/machine-learning/concept-azure-machine-learning-architecture#computes) that will be used for your AutoML model training. AutoML models for image tasks require [GPU SKUs](https://docs.microsoft.com/en-us/azure/virtual-machines/sizes-gpu) such as the ones from the NCv3, ND, NDv2 and NCasT4 series. We recommend using the NCsv3-series (with v100 GPUs) for faster training. Using a compute target with a multi-GPU VM SKU will leverage the multiple GPUs to speed up training. Additionally, setting up a compute target with multiple nodes will allow for faster model training by leveraging parallelism, when tuning hyperparameters for your model." ] }, { @@ -96,7 +96,7 @@ "except KeyError:\n", " print(\"Creating a new compute target...\")\n", " compute_config = AmlCompute.provisioning_configuration(\n", - " vm_size=\"Standard_NC6\",\n", + " vm_size=\"Standard_NC6s_v3\",\n", " idle_seconds_before_scaledown=600,\n", " min_nodes=0,\n", " max_nodes=4,\n", From 3860fa1ba575bba4bc9cc2dc10a9d91610720892 Mon Sep 17 00:00:00 2001 From: Jeff Shepherd Date: Fri, 14 Jul 2023 14:31:16 -0700 Subject: [PATCH 2/3] Updated SDK Version to 1.52.0 in automl_env files --- .../automl-with-azureml/automl_env.yml | 13 +++++--- .../automl-with-azureml/automl_env_linux.yml | 32 ++++++++++++------- .../automl-with-azureml/automl_env_mac.yml | 18 ++++------- 3 files changed, 35 insertions(+), 28 deletions(-) diff --git a/v1/python-sdk/tutorials/automl-with-azureml/automl_env.yml b/v1/python-sdk/tutorials/automl-with-azureml/automl_env.yml index 758214b6e6..8f8d650819 100644 --- a/v1/python-sdk/tutorials/automl-with-azureml/automl_env.yml +++ b/v1/python-sdk/tutorials/automl-with-azureml/automl_env.yml @@ -7,17 +7,20 @@ dependencies: # The python interpreter version. # Azure ML only supports 3.7.0 and later. - pip==22.3.1 -- python>=3.7,<3.9 +- python>=3.8,<3.9 +- holidays==0.10.3 - conda-forge::fbprophet==0.7.1 - pandas==1.1.5 - scipy==1.5.3 +- Cython==0.29.14 +- tqdm==4.65.0 - pip: # Required packages for AzureML execution, history, and data preparation. - - azureml-widgets~=1.49.0 - - azureml-defaults~=1.49.0 - - -r https://automlsdkdataresources.blob.core.windows.net/validated-requirements/1.49.0/validated_win32_requirements.txt [--no-deps] - - matplotlib==3.6.2 + - azureml-widgets~=1.52.0 + - azureml-defaults~=1.52.0 + - -r https://automlsdkdataresources.blob.core.windows.net/validated-requirements/1.52.0/validated_win32_requirements.txt [--no-deps] + - matplotlib==3.7.1 - xgboost==1.3.3 - cmdstanpy==0.9.5 - setuptools-git==1.2 diff --git a/v1/python-sdk/tutorials/automl-with-azureml/automl_env_linux.yml b/v1/python-sdk/tutorials/automl-with-azureml/automl_env_linux.yml index e7e16c98b5..16f3f801e4 100644 --- a/v1/python-sdk/tutorials/automl-with-azureml/automl_env_linux.yml +++ b/v1/python-sdk/tutorials/automl-with-azureml/automl_env_linux.yml @@ -1,24 +1,32 @@ name: azure_automl channels: - conda-forge + - pytorch - main dependencies: # The python interpreter version. # Azure ML only supports 3.7 and later. -- pip==23.0.1 -- python>=3.7,<3.9 +- pip==22.3.1 +- python>=3.8,<3.9 +- matplotlib==3.7.1 +- numpy>=1.21.6,<=1.22.3 +- cython==0.29.14 +- urllib3==1.26.7 +- scipy>=1.4.1,<=1.5.3 +- scikit-learn==0.22.1 +- py-xgboost<=1.3.3 +- holidays==0.10.3 - conda-forge::fbprophet==0.7.1 -- pandas==1.1.5 -- conda-forge::numpy==1.22.3 -- scipy==1.5.3 +- pytorch::pytorch=1.11.0 +- cudatoolkit=10.1.243 +- notebook - pip: # Required packages for AzureML execution, history, and data preparation. - - azureml-widgets~=1.49.0 - - azureml-defaults~=1.49.0 + - azureml-widgets~=1.52.0 + - azureml-defaults~=1.52.0 + - pytorch-transformers==1.0.0 + - spacy==2.2.4 + - pystan==2.19.1.1 - https://aka.ms/automl-resources/packages/en_core_web_sm-2.1.0.tar.gz - - -r https://automlsdkdataresources.blob.core.windows.net/validated-requirements/1.49.0/validated_linux_requirements.txt [--no-deps] - - matplotlib==3.6.2 - - xgboost==1.3.3 - - cmdstanpy==0.9.5 - - setuptools-git==1.2 \ No newline at end of file + - -r https://automlsdkdataresources.blob.core.windows.net/validated-requirements/1.52.0/validated_linux_requirements.txt [--no-deps] diff --git a/v1/python-sdk/tutorials/automl-with-azureml/automl_env_mac.yml b/v1/python-sdk/tutorials/automl-with-azureml/automl_env_mac.yml index df5e46b314..1d370c2eaa 100644 --- a/v1/python-sdk/tutorials/automl-with-azureml/automl_env_mac.yml +++ b/v1/python-sdk/tutorials/automl-with-azureml/automl_env_mac.yml @@ -7,26 +7,22 @@ dependencies: # The python interpreter version. # Currently Azure ML only supports 3.7 and later. - pip==22.3.1 -- python>=3.7,<3.9 -- matplotlib==3.2.1 +- python>=3.8,<3.9 - numpy>=1.21.6,<=1.22.3 - cython==0.29.14 -- urllib3==1.26.7 - scipy>=1.4.1,<=1.5.3 - scikit-learn==0.22.1 -- py-xgboost<=1.3.3 - holidays==0.10.3 -- conda-forge::fbprophet==0.7.1 -- pytorch::pytorch=1.11.0 -- cudatoolkit=9.0 -- notebook - pip: # Required packages for AzureML execution, history, and data preparation. - - azureml-widgets~=1.49.0 - - azureml-defaults~=1.49.0 + - azureml-widgets~=1.52.0 + - azureml-defaults~=1.52.0 - pytorch-transformers==1.0.0 - spacy==2.2.4 - pystan==2.19.1.1 + - fbprophet==0.7.1 + - xgboost==1.3.3 + - matplotlib==3.7.1 - https://aka.ms/automl-resources/packages/en_core_web_sm-2.1.0.tar.gz - - -r https://automlsdkdataresources.blob.core.windows.net/validated-requirements/1.49.0/validated_darwin_requirements.txt [--no-deps] + - -r https://automlsdkdataresources.blob.core.windows.net/validated-requirements/1.52.0/validated_darwin_requirements.txt [--no-deps] From eaac1ce876ef3b95ecb37c5961d2ca97a7f5da8b Mon Sep 17 00:00:00 2001 From: Jeff Shepherd Date: Fri, 14 Jul 2023 15:10:14 -0700 Subject: [PATCH 3/3] Updated credentials for V1 notebooks --- ...ial-auto-ml-classification-bank-marketing-all-features.yml | 2 +- ...utorial-auto-ml-classification-credit-card-fraud-local.yml | 4 ++-- ...-sdk-tutorial-auto-ml-classification-credit-card-fraud.yml | 2 +- .../python-sdk-tutorial-auto-ml-classification-text-dnn.yml | 2 +- .../python-sdk-tutorial-auto-ml-continuous-retraining.yml | 2 +- ...-sdk-tutorial-auto-ml-forecasting-backtest-many-models.yml | 2 +- ...sdk-tutorial-auto-ml-forecasting-backtest-single-model.yml | 2 +- ...thon-sdk-tutorial-auto-ml-forecasting-data-preparation.yml | 2 +- .../python-sdk-tutorial-auto-ml-forecasting-demand-tcn.yml | 4 ++-- .../python-sdk-tutorial-auto-ml-forecasting-energy-demand.yml | 2 +- .../python-sdk-tutorial-auto-ml-forecasting-function.yml | 4 ++-- .../python-sdk-tutorial-auto-ml-forecasting-github-dau.yml | 2 +- ...k-tutorial-auto-ml-forecasting-hierarchical-timeseries.yml | 4 ++-- .../python-sdk-tutorial-auto-ml-forecasting-many-models.yml | 4 ++-- ...on-sdk-tutorial-auto-ml-forecasting-orange-juice-sales.yml | 2 +- .../python-sdk-tutorial-auto-ml-forecasting-pipelines.yml | 4 ++-- ...o-ml-forecasting-univariate-recipe-experiment-settings.yml | 2 +- ...l-auto-ml-forecasting-univariate-recipe-run-experiment.yml | 2 +- ...-auto-ml-image-classification-multiclass-batch-scoring.yml | 4 ++-- ...n-sdk-tutorial-auto-ml-image-classification-multiclass.yml | 4 ++-- ...n-sdk-tutorial-auto-ml-image-classification-multilabel.yml | 4 ++-- ...ython-sdk-tutorial-auto-ml-image-instance-segmentation.yml | 4 ++-- .../python-sdk-tutorial-auto-ml-image-object-detection.yml | 4 ++-- ...-tutorial-auto-ml-regression-explanation-featurization.yml | 4 ++-- .github/workflows/python-sdk-tutorial-auto-ml-regression.yml | 4 ++-- .github/workflows/python-sdk-tutorial-automl-nlp-ner.yml | 2 +- ...s-automl-image-instance-segmentation-task-fridge-items.yml | 2 +- .../tutorials/automl-with-azureml/generate_workflows.py | 2 +- 28 files changed, 41 insertions(+), 41 deletions(-) diff --git a/.github/workflows/python-sdk-tutorial-auto-ml-classification-bank-marketing-all-features.yml b/.github/workflows/python-sdk-tutorial-auto-ml-classification-bank-marketing-all-features.yml index 21ce3e6591..db9f8b38ef 100644 --- a/.github/workflows/python-sdk-tutorial-auto-ml-classification-bank-marketing-all-features.yml +++ b/.github/workflows/python-sdk-tutorial-auto-ml-classification-bank-marketing-all-features.yml @@ -45,7 +45,7 @@ jobs: - name: azure login uses: azure/login@v1 with: - creds: ${{secrets.AZ_CREDS}} + creds: ${{secrets.AZUREML_CREDENTIALS}} - name: Run update-azure-extensions run: | chmod +x ./v1/scripts/update-azure-extensions.sh diff --git a/.github/workflows/python-sdk-tutorial-auto-ml-classification-credit-card-fraud-local.yml b/.github/workflows/python-sdk-tutorial-auto-ml-classification-credit-card-fraud-local.yml index c3f29c7a17..bd5398493e 100644 --- a/.github/workflows/python-sdk-tutorial-auto-ml-classification-credit-card-fraud-local.yml +++ b/.github/workflows/python-sdk-tutorial-auto-ml-classification-credit-card-fraud-local.yml @@ -3,7 +3,7 @@ name: auto-ml-classification-credit-card-fraud-local on: workflow_dispatch: schedule: - - cron: "0 2 * * 2" + - cron: "0 3 * * 2" pull_request: branches: - main @@ -45,7 +45,7 @@ jobs: - name: azure login uses: azure/login@v1 with: - creds: ${{secrets.AZ_CREDS}} + creds: ${{secrets.AZUREML_CREDENTIALS}} - name: Run update-azure-extensions run: | chmod +x ./v1/scripts/update-azure-extensions.sh diff --git a/.github/workflows/python-sdk-tutorial-auto-ml-classification-credit-card-fraud.yml b/.github/workflows/python-sdk-tutorial-auto-ml-classification-credit-card-fraud.yml index 96e695b1c3..2cc5bbb1e4 100644 --- a/.github/workflows/python-sdk-tutorial-auto-ml-classification-credit-card-fraud.yml +++ b/.github/workflows/python-sdk-tutorial-auto-ml-classification-credit-card-fraud.yml @@ -45,7 +45,7 @@ jobs: - name: azure login uses: azure/login@v1 with: - creds: ${{secrets.AZ_CREDS}} + creds: ${{secrets.AZUREML_CREDENTIALS}} - name: Run update-azure-extensions run: | chmod +x ./v1/scripts/update-azure-extensions.sh diff --git a/.github/workflows/python-sdk-tutorial-auto-ml-classification-text-dnn.yml b/.github/workflows/python-sdk-tutorial-auto-ml-classification-text-dnn.yml index b34ed04e14..742226eeea 100644 --- a/.github/workflows/python-sdk-tutorial-auto-ml-classification-text-dnn.yml +++ b/.github/workflows/python-sdk-tutorial-auto-ml-classification-text-dnn.yml @@ -45,7 +45,7 @@ jobs: - name: azure login uses: azure/login@v1 with: - creds: ${{secrets.AZ_CREDS}} + creds: ${{secrets.AZUREML_CREDENTIALS}} - name: Run update-azure-extensions run: | chmod +x ./v1/scripts/update-azure-extensions.sh diff --git a/.github/workflows/python-sdk-tutorial-auto-ml-continuous-retraining.yml b/.github/workflows/python-sdk-tutorial-auto-ml-continuous-retraining.yml index a59a89a38d..6babf3d5b8 100644 --- a/.github/workflows/python-sdk-tutorial-auto-ml-continuous-retraining.yml +++ b/.github/workflows/python-sdk-tutorial-auto-ml-continuous-retraining.yml @@ -45,7 +45,7 @@ jobs: - name: azure login uses: azure/login@v1 with: - creds: ${{secrets.AZ_CREDS}} + creds: ${{secrets.AZUREML_CREDENTIALS}} - name: Run update-azure-extensions run: | chmod +x ./v1/scripts/update-azure-extensions.sh diff --git a/.github/workflows/python-sdk-tutorial-auto-ml-forecasting-backtest-many-models.yml b/.github/workflows/python-sdk-tutorial-auto-ml-forecasting-backtest-many-models.yml index 79960af505..df67fc4026 100644 --- a/.github/workflows/python-sdk-tutorial-auto-ml-forecasting-backtest-many-models.yml +++ b/.github/workflows/python-sdk-tutorial-auto-ml-forecasting-backtest-many-models.yml @@ -48,7 +48,7 @@ jobs: - name: azure login uses: azure/login@v1 with: - creds: ${{secrets.AZ_CREDS}} + creds: ${{secrets.AZUREML_CREDENTIALS}} - name: Run update-azure-extensions run: | chmod +x ./v1/scripts/update-azure-extensions.sh diff --git a/.github/workflows/python-sdk-tutorial-auto-ml-forecasting-backtest-single-model.yml b/.github/workflows/python-sdk-tutorial-auto-ml-forecasting-backtest-single-model.yml index 561ca30cae..840d79dd41 100644 --- a/.github/workflows/python-sdk-tutorial-auto-ml-forecasting-backtest-single-model.yml +++ b/.github/workflows/python-sdk-tutorial-auto-ml-forecasting-backtest-single-model.yml @@ -45,7 +45,7 @@ jobs: - name: azure login uses: azure/login@v1 with: - creds: ${{secrets.AZ_CREDS}} + creds: ${{secrets.AZUREML_CREDENTIALS}} - name: Run update-azure-extensions run: | chmod +x ./v1/scripts/update-azure-extensions.sh diff --git a/.github/workflows/python-sdk-tutorial-auto-ml-forecasting-data-preparation.yml b/.github/workflows/python-sdk-tutorial-auto-ml-forecasting-data-preparation.yml index 1190004eae..64be1dcb42 100644 --- a/.github/workflows/python-sdk-tutorial-auto-ml-forecasting-data-preparation.yml +++ b/.github/workflows/python-sdk-tutorial-auto-ml-forecasting-data-preparation.yml @@ -45,7 +45,7 @@ jobs: - name: azure login uses: azure/login@v1 with: - creds: ${{secrets.AZ_CREDS}} + creds: ${{secrets.AZUREML_CREDENTIALS}} - name: Run update-azure-extensions run: | chmod +x ./v1/scripts/update-azure-extensions.sh diff --git a/.github/workflows/python-sdk-tutorial-auto-ml-forecasting-demand-tcn.yml b/.github/workflows/python-sdk-tutorial-auto-ml-forecasting-demand-tcn.yml index 11f6e3eff4..f5a8b94c68 100644 --- a/.github/workflows/python-sdk-tutorial-auto-ml-forecasting-demand-tcn.yml +++ b/.github/workflows/python-sdk-tutorial-auto-ml-forecasting-demand-tcn.yml @@ -3,7 +3,7 @@ name: auto-ml-forecasting-demand-tcn on: workflow_dispatch: schedule: - - cron: "0 11 * * 2" + - cron: "0 12 * * 2" pull_request: branches: - main @@ -45,7 +45,7 @@ jobs: - name: azure login uses: azure/login@v1 with: - creds: ${{secrets.AZ_CREDS}} + creds: ${{secrets.AZUREML_CREDENTIALS}} - name: Run update-azure-extensions run: | chmod +x ./v1/scripts/update-azure-extensions.sh diff --git a/.github/workflows/python-sdk-tutorial-auto-ml-forecasting-energy-demand.yml b/.github/workflows/python-sdk-tutorial-auto-ml-forecasting-energy-demand.yml index 5189358d03..6c7540396e 100644 --- a/.github/workflows/python-sdk-tutorial-auto-ml-forecasting-energy-demand.yml +++ b/.github/workflows/python-sdk-tutorial-auto-ml-forecasting-energy-demand.yml @@ -3,7 +3,7 @@ name: auto-ml-forecasting-energy-demand on: workflow_dispatch: schedule: - - cron: "0 10 * * 2" + - cron: "0 13 * * 2" pull_request: branches: - main diff --git a/.github/workflows/python-sdk-tutorial-auto-ml-forecasting-function.yml b/.github/workflows/python-sdk-tutorial-auto-ml-forecasting-function.yml index 7d1b82fbe8..267c289c9f 100644 --- a/.github/workflows/python-sdk-tutorial-auto-ml-forecasting-function.yml +++ b/.github/workflows/python-sdk-tutorial-auto-ml-forecasting-function.yml @@ -3,7 +3,7 @@ name: auto-ml-forecasting-function on: workflow_dispatch: schedule: - - cron: "0 11 * * 2" + - cron: "0 14 * * 2" pull_request: branches: - main @@ -45,7 +45,7 @@ jobs: - name: azure login uses: azure/login@v1 with: - creds: ${{secrets.AZ_CREDS}} + creds: ${{secrets.AZUREML_CREDENTIALS}} - name: Run update-azure-extensions run: | chmod +x ./v1/scripts/update-azure-extensions.sh diff --git a/.github/workflows/python-sdk-tutorial-auto-ml-forecasting-github-dau.yml b/.github/workflows/python-sdk-tutorial-auto-ml-forecasting-github-dau.yml index 04839ac6bd..328b721336 100644 --- a/.github/workflows/python-sdk-tutorial-auto-ml-forecasting-github-dau.yml +++ b/.github/workflows/python-sdk-tutorial-auto-ml-forecasting-github-dau.yml @@ -3,7 +3,7 @@ name: auto-ml-forecasting-github-dau on: workflow_dispatch: schedule: - - cron: "0 12 * * 2" + - cron: "0 15 * * 2" pull_request: branches: - main diff --git a/.github/workflows/python-sdk-tutorial-auto-ml-forecasting-hierarchical-timeseries.yml b/.github/workflows/python-sdk-tutorial-auto-ml-forecasting-hierarchical-timeseries.yml index a7694c8927..4cdd8c3913 100644 --- a/.github/workflows/python-sdk-tutorial-auto-ml-forecasting-hierarchical-timeseries.yml +++ b/.github/workflows/python-sdk-tutorial-auto-ml-forecasting-hierarchical-timeseries.yml @@ -3,7 +3,7 @@ name: auto-ml-forecasting-hierarchical-timeseries on: workflow_dispatch: schedule: - - cron: "0 13 * * 2" + - cron: "0 16 * * 2" pull_request: branches: - main @@ -48,7 +48,7 @@ jobs: - name: azure login uses: azure/login@v1 with: - creds: ${{secrets.AZ_CREDS}} + creds: ${{secrets.AZUREML_CREDENTIALS}} - name: Run update-azure-extensions run: | chmod +x ./v1/scripts/update-azure-extensions.sh diff --git a/.github/workflows/python-sdk-tutorial-auto-ml-forecasting-many-models.yml b/.github/workflows/python-sdk-tutorial-auto-ml-forecasting-many-models.yml index 3b15e2f336..1880625d9b 100644 --- a/.github/workflows/python-sdk-tutorial-auto-ml-forecasting-many-models.yml +++ b/.github/workflows/python-sdk-tutorial-auto-ml-forecasting-many-models.yml @@ -3,7 +3,7 @@ name: auto-ml-forecasting-many-models on: workflow_dispatch: schedule: - - cron: "0 14 * * 2" + - cron: "0 17 * * 2" pull_request: branches: - main @@ -48,7 +48,7 @@ jobs: - name: azure login uses: azure/login@v1 with: - creds: ${{secrets.AZ_CREDS}} + creds: ${{secrets.AZUREML_CREDENTIALS}} - name: Run update-azure-extensions run: | chmod +x ./v1/scripts/update-azure-extensions.sh diff --git a/.github/workflows/python-sdk-tutorial-auto-ml-forecasting-orange-juice-sales.yml b/.github/workflows/python-sdk-tutorial-auto-ml-forecasting-orange-juice-sales.yml index 585ad1fb9c..e36459cbc0 100644 --- a/.github/workflows/python-sdk-tutorial-auto-ml-forecasting-orange-juice-sales.yml +++ b/.github/workflows/python-sdk-tutorial-auto-ml-forecasting-orange-juice-sales.yml @@ -3,7 +3,7 @@ name: auto-ml-forecasting-orange-juice-sales on: workflow_dispatch: schedule: - - cron: "0 15 * * 2" + - cron: "0 18 * * 2" pull_request: branches: - main diff --git a/.github/workflows/python-sdk-tutorial-auto-ml-forecasting-pipelines.yml b/.github/workflows/python-sdk-tutorial-auto-ml-forecasting-pipelines.yml index 925f2aa243..128b603b28 100644 --- a/.github/workflows/python-sdk-tutorial-auto-ml-forecasting-pipelines.yml +++ b/.github/workflows/python-sdk-tutorial-auto-ml-forecasting-pipelines.yml @@ -3,7 +3,7 @@ name: auto-ml-forecasting-pipelines on: workflow_dispatch: schedule: - - cron: "0 16 * * 2" + - cron: "0 19 * * 2" pull_request: branches: - main @@ -45,7 +45,7 @@ jobs: - name: azure login uses: azure/login@v1 with: - creds: ${{secrets.AZ_CREDS}} + creds: ${{secrets.AZUREML_CREDENTIALS}} - name: Run update-azure-extensions run: | chmod +x ./v1/scripts/update-azure-extensions.sh diff --git a/.github/workflows/python-sdk-tutorial-auto-ml-forecasting-univariate-recipe-experiment-settings.yml b/.github/workflows/python-sdk-tutorial-auto-ml-forecasting-univariate-recipe-experiment-settings.yml index f01d82bd1a..13b99aa550 100644 --- a/.github/workflows/python-sdk-tutorial-auto-ml-forecasting-univariate-recipe-experiment-settings.yml +++ b/.github/workflows/python-sdk-tutorial-auto-ml-forecasting-univariate-recipe-experiment-settings.yml @@ -3,7 +3,7 @@ name: auto-ml-forecasting-univariate-recipe-experiment-settings on: workflow_dispatch: schedule: - - cron: "0 17 * * 2" + - cron: "0 20 * * 2" pull_request: branches: - main diff --git a/.github/workflows/python-sdk-tutorial-auto-ml-forecasting-univariate-recipe-run-experiment.yml b/.github/workflows/python-sdk-tutorial-auto-ml-forecasting-univariate-recipe-run-experiment.yml index dd58ac7e57..57965b0033 100644 --- a/.github/workflows/python-sdk-tutorial-auto-ml-forecasting-univariate-recipe-run-experiment.yml +++ b/.github/workflows/python-sdk-tutorial-auto-ml-forecasting-univariate-recipe-run-experiment.yml @@ -3,7 +3,7 @@ name: auto-ml-forecasting-univariate-recipe-run-experiment on: workflow_dispatch: schedule: - - cron: "0 18 * * 2" + - cron: "0 21 * * 2" pull_request: branches: - main diff --git a/.github/workflows/python-sdk-tutorial-auto-ml-image-classification-multiclass-batch-scoring.yml b/.github/workflows/python-sdk-tutorial-auto-ml-image-classification-multiclass-batch-scoring.yml index ea36591f34..268156f0df 100644 --- a/.github/workflows/python-sdk-tutorial-auto-ml-image-classification-multiclass-batch-scoring.yml +++ b/.github/workflows/python-sdk-tutorial-auto-ml-image-classification-multiclass-batch-scoring.yml @@ -3,7 +3,7 @@ name: auto-ml-image-classification-multiclass-batch-scoring on: workflow_dispatch: schedule: - - cron: "0 20 * * 2" + - cron: "0 23 * * 2" pull_request: branches: - main @@ -45,7 +45,7 @@ jobs: - name: azure login uses: azure/login@v1 with: - creds: ${{secrets.AZ_CREDS}} + creds: ${{secrets.AZUREML_CREDENTIALS}} - name: Run update-azure-extensions run: | chmod +x ./v1/scripts/update-azure-extensions.sh diff --git a/.github/workflows/python-sdk-tutorial-auto-ml-image-classification-multiclass.yml b/.github/workflows/python-sdk-tutorial-auto-ml-image-classification-multiclass.yml index 9af1308802..1616818a54 100644 --- a/.github/workflows/python-sdk-tutorial-auto-ml-image-classification-multiclass.yml +++ b/.github/workflows/python-sdk-tutorial-auto-ml-image-classification-multiclass.yml @@ -3,7 +3,7 @@ name: auto-ml-image-classification-multiclass on: workflow_dispatch: schedule: - - cron: "0 19 * * 2" + - cron: "0 22 * * 2" pull_request: branches: - main @@ -45,7 +45,7 @@ jobs: - name: azure login uses: azure/login@v1 with: - creds: ${{secrets.AZ_CREDS}} + creds: ${{secrets.AZUREML_CREDENTIALS}} - name: Run update-azure-extensions run: | chmod +x ./v1/scripts/update-azure-extensions.sh diff --git a/.github/workflows/python-sdk-tutorial-auto-ml-image-classification-multilabel.yml b/.github/workflows/python-sdk-tutorial-auto-ml-image-classification-multilabel.yml index 26b84a9d24..0fb021284c 100644 --- a/.github/workflows/python-sdk-tutorial-auto-ml-image-classification-multilabel.yml +++ b/.github/workflows/python-sdk-tutorial-auto-ml-image-classification-multilabel.yml @@ -3,7 +3,7 @@ name: auto-ml-image-classification-multilabel on: workflow_dispatch: schedule: - - cron: "0 21 * * 2" + - cron: "0 0 * * 2" pull_request: branches: - main @@ -45,7 +45,7 @@ jobs: - name: azure login uses: azure/login@v1 with: - creds: ${{secrets.AZ_CREDS}} + creds: ${{secrets.AZUREML_CREDENTIALS}} - name: Run update-azure-extensions run: | chmod +x ./v1/scripts/update-azure-extensions.sh diff --git a/.github/workflows/python-sdk-tutorial-auto-ml-image-instance-segmentation.yml b/.github/workflows/python-sdk-tutorial-auto-ml-image-instance-segmentation.yml index 87744cbbf2..8f6b0ac284 100644 --- a/.github/workflows/python-sdk-tutorial-auto-ml-image-instance-segmentation.yml +++ b/.github/workflows/python-sdk-tutorial-auto-ml-image-instance-segmentation.yml @@ -3,7 +3,7 @@ name: auto-ml-image-instance-segmentation on: workflow_dispatch: schedule: - - cron: "0 22 * * 2" + - cron: "0 1 * * 2" pull_request: branches: - main @@ -45,7 +45,7 @@ jobs: - name: azure login uses: azure/login@v1 with: - creds: ${{secrets.AZ_CREDS}} + creds: ${{secrets.AZUREML_CREDENTIALS}} - name: Run update-azure-extensions run: | chmod +x ./v1/scripts/update-azure-extensions.sh diff --git a/.github/workflows/python-sdk-tutorial-auto-ml-image-object-detection.yml b/.github/workflows/python-sdk-tutorial-auto-ml-image-object-detection.yml index 47935a7475..7b8896916c 100644 --- a/.github/workflows/python-sdk-tutorial-auto-ml-image-object-detection.yml +++ b/.github/workflows/python-sdk-tutorial-auto-ml-image-object-detection.yml @@ -3,7 +3,7 @@ name: auto-ml-image-object-detection on: workflow_dispatch: schedule: - - cron: "0 23 * * 2" + - cron: "0 2 * * 2" pull_request: branches: - main @@ -45,7 +45,7 @@ jobs: - name: azure login uses: azure/login@v1 with: - creds: ${{secrets.AZ_CREDS}} + creds: ${{secrets.AZUREML_CREDENTIALS}} - name: Run update-azure-extensions run: | chmod +x ./v1/scripts/update-azure-extensions.sh diff --git a/.github/workflows/python-sdk-tutorial-auto-ml-regression-explanation-featurization.yml b/.github/workflows/python-sdk-tutorial-auto-ml-regression-explanation-featurization.yml index 8357845318..f4c18db609 100644 --- a/.github/workflows/python-sdk-tutorial-auto-ml-regression-explanation-featurization.yml +++ b/.github/workflows/python-sdk-tutorial-auto-ml-regression-explanation-featurization.yml @@ -3,7 +3,7 @@ name: auto-ml-regression-explanation-featurization on: workflow_dispatch: schedule: - - cron: "0 3 * * 2" + - cron: "0 6 * * 2" pull_request: branches: - main @@ -45,7 +45,7 @@ jobs: - name: azure login uses: azure/login@v1 with: - creds: ${{secrets.AZ_CREDS}} + creds: ${{secrets.AZUREML_CREDENTIALS}} - name: Run update-azure-extensions run: | chmod +x ./v1/scripts/update-azure-extensions.sh diff --git a/.github/workflows/python-sdk-tutorial-auto-ml-regression.yml b/.github/workflows/python-sdk-tutorial-auto-ml-regression.yml index 09f4cd260f..207b118e62 100644 --- a/.github/workflows/python-sdk-tutorial-auto-ml-regression.yml +++ b/.github/workflows/python-sdk-tutorial-auto-ml-regression.yml @@ -3,7 +3,7 @@ name: auto-ml-regression on: workflow_dispatch: schedule: - - cron: "0 2 * * 2" + - cron: "0 5 * * 2" pull_request: branches: - main @@ -45,7 +45,7 @@ jobs: - name: azure login uses: azure/login@v1 with: - creds: ${{secrets.AZ_CREDS}} + creds: ${{secrets.AZUREML_CREDENTIALS}} - name: Run update-azure-extensions run: | chmod +x ./v1/scripts/update-azure-extensions.sh diff --git a/.github/workflows/python-sdk-tutorial-automl-nlp-ner.yml b/.github/workflows/python-sdk-tutorial-automl-nlp-ner.yml index 43f83aabeb..e81416b0d7 100644 --- a/.github/workflows/python-sdk-tutorial-automl-nlp-ner.yml +++ b/.github/workflows/python-sdk-tutorial-automl-nlp-ner.yml @@ -48,7 +48,7 @@ jobs: - name: azure login uses: azure/login@v1 with: - creds: ${{secrets.AZ_CREDS}} + creds: ${{secrets.AZUREML_CREDENTIALS}} - name: Run update-azure-extensions run: | chmod +x ./v1/scripts/update-azure-extensions.sh diff --git a/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-image-instance-segmentation-task-fridge-items-automl-image-instance-segmentation-task-fridge-items.yml b/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-image-instance-segmentation-task-fridge-items-automl-image-instance-segmentation-task-fridge-items.yml index 1d9dd7ece5..e42381e255 100644 --- a/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-image-instance-segmentation-task-fridge-items-automl-image-instance-segmentation-task-fridge-items.yml +++ b/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-image-instance-segmentation-task-fridge-items-automl-image-instance-segmentation-task-fridge-items.yml @@ -9,7 +9,7 @@ name: sdk-jobs-automl-standalone-jobs-automl-image-instance-segmentation-task-fr on: workflow_dispatch: schedule: - - cron: "32 8/12 * * *" + - cron: "32 10/12 * * *" pull_request: branches: - main diff --git a/v1/python-sdk/tutorials/automl-with-azureml/generate_workflows.py b/v1/python-sdk/tutorials/automl-with-azureml/generate_workflows.py index cfcc3b3077..879c991d00 100644 --- a/v1/python-sdk/tutorials/automl-with-azureml/generate_workflows.py +++ b/v1/python-sdk/tutorials/automl-with-azureml/generate_workflows.py @@ -92,7 +92,7 @@ def get_validation_check_yml(notebook_folder, notebook_name, validation): def write_notebook_workflow(notebook, notebook_folder, cron_schedule): notebook_name = notebook.replace(".ipynb", "") - creds = "${{secrets.AZ_CREDS}}" + creds = "${{secrets.AZUREML_CREDENTIALS}}" runner = "${{vars.V1_UBUNTU_RUNNER}}" run_update_env = ""