From 57d65dfb48c4066c49cc57d1c84e23a96fc8a535 Mon Sep 17 00:00:00 2001 From: Samantha Salgado <96396805+ssalgadodev@users.noreply.github.com> Date: Mon, 29 Jan 2024 17:20:59 -0500 Subject: [PATCH 1/6] Update automl-image-object-detection-task-fridge-items.ipynb (#2965) --- .../automl-image-object-detection-task-fridge-items.ipynb | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/sdk/python/jobs/automl-standalone-jobs/automl-image-object-detection-task-fridge-items/automl-image-object-detection-task-fridge-items.ipynb b/sdk/python/jobs/automl-standalone-jobs/automl-image-object-detection-task-fridge-items/automl-image-object-detection-task-fridge-items.ipynb index b8d6bf5ca7..8e63a5dbc8 100644 --- a/sdk/python/jobs/automl-standalone-jobs/automl-image-object-detection-task-fridge-items/automl-image-object-detection-task-fridge-items.ipynb +++ b/sdk/python/jobs/automl-standalone-jobs/automl-image-object-detection-task-fridge-items/automl-image-object-detection-task-fridge-items.ipynb @@ -957,7 +957,7 @@ " model_name=Choice([\"yolov5\"]),\n", " learning_rate=Uniform(0.0001, 0.01),\n", " model_size=Choice([\"small\", \"medium\"]), # model-specific\n", - " # image_size=Choice(640, 704, 768), # model-specific; might need GPU with large memory\n", + " # image_size=Choice([640, 704, 768]), # model-specific; might need GPU with large memory\n", " ),\n", " SearchSpace(\n", " model_name=Choice([\"fasterrcnn_resnet50_fpn\"]),\n", From bc108e5522c3840116c1cccb873235b8643d7bac Mon Sep 17 00:00:00 2001 From: Sheri Gilley Date: Tue, 30 Jan 2024 11:24:51 -0600 Subject: [PATCH 2/6] Update train-hyperparameter-tune-deploy-with-pytorch.ipynb (#2972) fix typo gpu_compute_taget -> gpu_compute_target --- .../train-hyperparameter-tune-deploy-with-pytorch.ipynb | 8 ++++---- 1 file changed, 4 insertions(+), 4 deletions(-) diff --git a/sdk/python/jobs/single-step/pytorch/train-hyperparameter-tune-deploy-with-pytorch/train-hyperparameter-tune-deploy-with-pytorch.ipynb b/sdk/python/jobs/single-step/pytorch/train-hyperparameter-tune-deploy-with-pytorch/train-hyperparameter-tune-deploy-with-pytorch.ipynb index 3be8b2e4e0..66c629d427 100644 --- a/sdk/python/jobs/single-step/pytorch/train-hyperparameter-tune-deploy-with-pytorch/train-hyperparameter-tune-deploy-with-pytorch.ipynb +++ b/sdk/python/jobs/single-step/pytorch/train-hyperparameter-tune-deploy-with-pytorch/train-hyperparameter-tune-deploy-with-pytorch.ipynb @@ -140,13 +140,13 @@ "source": [ "from azure.ai.ml.entities import AmlCompute\n", "\n", - "gpu_compute_taget = \"gpu-cluster\"\n", + "gpu_compute_target = \"gpu-cluster\"\n", "\n", "try:\n", " # let's see if the compute target already exists\n", - " gpu_cluster = ml_client.compute.get(gpu_compute_taget)\n", + " gpu_cluster = ml_client.compute.get(gpu_compute_target)\n", " print(\n", - " f\"You already have a cluster named {gpu_compute_taget}, we'll reuse it as is.\"\n", + " f\"You already have a cluster named {gpu_compute_target}, we'll reuse it as is.\"\n", " )\n", "\n", "except Exception:\n", @@ -249,7 +249,7 @@ " inputs=dict(\n", " num_epochs=30, learning_rate=0.001, momentum=0.9, output_dir=\"./outputs\"\n", " ),\n", - " compute=gpu_compute_taget,\n", + " compute=gpu_compute_target,\n", " environment=curated_env_name,\n", " code=\"./src/\", # location of source code\n", " command=\"python pytorch_train.py --num_epochs ${{inputs.num_epochs}} --output_dir ${{inputs.output_dir}}\",\n", From cec9cbb5ee12058981a00dc3c475943e966acaa5 Mon Sep 17 00:00:00 2001 From: Diondra <16376603+diondrapeck@users.noreply.github.com> Date: Tue, 30 Jan 2024 14:45:35 -0500 Subject: [PATCH 3/6] Add readme check (#2955) * Add script to check README.md and README template * Refactor check-readme.sh and add messages * Add step to cli-assets-component-pipeline workflow to test * Update workflow * Update workflow * Fix syntax error * Update action * Fix typo * Add exclusion logic * Try adding readme validation to readme.py * Update workflows with readme.py * Update workflows with readme.py * Update workflows with readme.py * Update workflows with readme.py * Fix github workspace variable * Fix github workspace variables for exclusion check * Fix exclusion logic * Update readme exclusions * Revert accidental change * Update readme_exclusions.txt * Revert accidental change to working directory * Update check-readme.sh * Update exclusion logic and file name * Add debug message * Update exclusion logic and file name * FIx working directory file names * Update exclusion logic and file name * Add debugging statements * Remove debugging statements * Update readme.py and regenerate cli workflows * Update working-directory * Update readme to add validate readme to sdk workflows * Move templates folder inside infra * Add validate readme check to tutorials and sdk/python files * Fix readme.py and revert unintended changes * Revert unnecessary changes and update readme_validation_exclusions.txt * Update exclusions list * Update template * Update readme_validation_exclusions.txt * Update exclusions * Replace check-readme.sh with check-readme.py * Update readme template * Update check-readme.py with Kevin's suggestions * Remove 2nd CLI argument * Add debugging messages * Add debugging messages * Add debugging messages * Update debugging messages * Update debugging messages * Strip whitespace * Convert sample path to string * Fix exclusions * Remove debugging messages * re-format with black * Manually update one sample with logging logic to test * Regenerate resolved notebooks * Remove appinsights logging step * Exclude /home/runner/work/azureml-examples/azureml-examples/cli/jobs/automl-standalone-jobs/cli-automl-forecasting-task-github-dau * Revert changes to notebooks * Add whitespace back --- .../cli-assets-component-pipeline.yml | 25 ++- .../workflows/cli-assets-component-train.yml | 5 + .../cli-assets-data-cloud-file-https.yml | 5 + .../cli-assets-data-cloud-file-wasbs.yml | 5 + .../workflows/cli-assets-data-cloud-file.yml | 5 + .../cli-assets-data-cloud-folder-https.yml | 5 + .../cli-assets-data-cloud-folder.yml | 5 + .../cli-assets-data-cloud-mltable.yml | 5 + .../cli-assets-data-iris-csv-example.yml | 5 + .../workflows/cli-assets-data-local-file.yml | 5 + ...li-assets-data-local-folder-sampledata.yml | 5 + .../cli-assets-data-local-folder.yml | 5 + .../cli-assets-data-local-mltable.yml | 5 + .../cli-assets-data-public-file-https.yml | 5 + .../cli-assets-environment-docker-context.yml | 5 + .../cli-assets-environment-docker-image.yml | 5 + .../workflows/cli-assets-model-local-file.yml | 5 + .../cli-assets-model-local-mlflow.yml | 5 + ...models-custom-outputs-parquet-endpoint.yml | 7 +- ...odels-heart-classifier-mlflow-endpoint.yml | 7 +- ...uggingface-text-summarization-endpoint.yml | 7 +- ...oy-models-imagenet-classifier-endpoint.yml | 7 +- ...eploy-models-mnist-classifier-endpoint.yml | 7 +- ...ch-scoring-with-preprocessing-endpoint.yml | 7 +- ...-deploy-pipelines-hello-batch-endpoint.yml | 7 +- ...ines-training-with-components-endpoint.yml | 7 +- ...multimodel-minimal-multimodel-endpoint.yml | 7 +- ...gle-model-conda-in-dockerfile-endpoint.yml | 7 +- ...le-model-minimal-single-model-endpoint.yml | 7 +- ...multideployment-scikit-mlflow-endpoint.yml | 7 +- ...tainer-r-multimodel-plumber-r-endpoint.yml | 7 +- ...orchserve-densenet-torchserve-endpoint.yml | 7 +- ...triton-single-model-triton-cc-endpoint.yml | 7 +- ...-online-kubernetes-kubernetes-endpoint.yml | 7 +- ...dpoints-online-managed-sample-endpoint.yml | 7 +- ...ts-online-managed-vnet-mlflow-endpoint.yml | 7 +- ...ts-online-managed-vnet-sample-endpoint.yml | 7 +- ...toml-classification-task-bankmarketing.yml | 5 + ...cli-automl-forecasting-task-bike-share.yml | 5 + ...-automl-forecasting-orange-juice-sales.yml | 5 + ...-automl-forecasting-task-energy-demand.yml | 5 + ...cli-automl-forecasting-task-github-dau.yml | 5 + ...-multiclass-task-fridge-items-automode.yml | 5 + ...ification-multiclass-task-fridge-items.yml | 5 + ...-multilabel-task-fridge-items-automode.yml | 5 + ...ification-multilabel-task-fridge-items.yml | 5 + ...egmentation-task-fridge-items-automode.yml | 5 + ...nstance-segmentation-task-fridge-items.yml | 5 + ...t-detection-task-fridge-items-automode.yml | 5 + ...age-object-detection-task-fridge-items.yml | 5 + ...i-automl-regression-task-hardware-perf.yml | 5 + ...xt-classification-multilabel-paper-cat.yml | 5 + ...i-automl-text-classification-newsgroup.yml | 5 + ...er-conll-cli-automl-text-ner-conll2003.yml | 5 + ...ext-ner-conll2003-distributed-sweeping.yml | 5 + ...cs-hello-automl-hello-automl-job-basic.yml | 5 + .../workflows/cli-jobs-basics-hello-code.yml | 5 + .../cli-jobs-basics-hello-data-uri-folder.yml | 5 + .../cli-jobs-basics-hello-dataset.yml | 5 + .../workflows/cli-jobs-basics-hello-git.yml | 5 + .../cli-jobs-basics-hello-interactive.yml | 5 + ...-jobs-basics-hello-iris-datastore-file.yml | 5 + ...obs-basics-hello-iris-datastore-folder.yml | 5 + .../cli-jobs-basics-hello-iris-file.yml | 5 + .../cli-jobs-basics-hello-iris-folder.yml | 5 + .../cli-jobs-basics-hello-iris-literal.yml | 5 + .../cli-jobs-basics-hello-mlflow.yml | 5 + .../cli-jobs-basics-hello-model-as-input.yml | 5 + .../cli-jobs-basics-hello-model-as-output.yml | 5 + .../cli-jobs-basics-hello-notebook.yml | 5 + .../cli-jobs-basics-hello-pipeline-abc.yml | 5 + ...s-hello-pipeline-customize-output-file.yml | 5 + ...hello-pipeline-customize-output-folder.yml | 5 + ...asics-hello-pipeline-default-artifacts.yml | 5 + .../cli-jobs-basics-hello-pipeline-io.yml | 5 + ...li-jobs-basics-hello-pipeline-settings.yml | 5 + .../cli-jobs-basics-hello-pipeline.yml | 5 + .../workflows/cli-jobs-basics-hello-sweep.yml | 5 + .../cli-jobs-basics-hello-world-env-var.yml | 5 + .../cli-jobs-basics-hello-world-input.yml | 5 + .../cli-jobs-basics-hello-world-org.yml | 5 + ...li-jobs-basics-hello-world-output-data.yml | 5 + .../cli-jobs-basics-hello-world-output.yml | 5 + .../workflows/cli-jobs-basics-hello-world.yml | 5 + ...obs-deepspeed-deepspeed-autotuning-job.yml | 5 + ...-jobs-deepspeed-deepspeed-training-job.yml | 5 + ...li-jobs-nebulaml-PyTorch_CNN_MNIST-job.yml | 5 + ...rallel-1a_oj_sales_prediction-pipeline.yml | 5 + ...llel-2a_iris_batch_prediction-pipeline.yml | 5 + ...3a_mnist_batch_identification-pipeline.yml | 5 + ...n-task-bankmarketing-pipeline-pipeline.yml | 5 + ...cal-timeseries-hts_evaluation_pipeline.yml | 5 + ...models-many_models_evaluation_pipeline.yml | 5 + ...ression-housepricing-pipeline-pipeline.yml | 5 + ...paper-categorization-pipeline-pipeline.yml | 5 + ...sification-newsgroup-pipeline-pipeline.yml | 5 + ...utoml-text-ner-conll-pipeline-pipeline.yml | 5 + ...asting-energy-demand-pipeline-pipeline.yml | 5 + ...on-task-fridge-items-pipeline-pipeline.yml | 5 + ...ication-fridge-items-pipeline-pipeline.yml | 5 + ...ication-fridge-items-pipeline-pipeline.yml | 5 + ...on-task-fridge-items-pipeline-pipeline.yml | 5 + .../cli-jobs-pipelines-cifar-10-pipeline.yml | 5 + ...tch-prediction-using-parallel-pipeline.yml | 5 + ...identification-using-parallel-pipeline.yml | 5 + .../cli-jobs-pipelines-nyc-taxi-pipeline.yml | 5 + ...tensorflow-image-segmentation-pipeline.yml | 5 + ...e2e_local_components-pipeline-registry.yml | 5 + ...asics-1a_e2e_local_components-pipeline.yml | 5 + ...egistered_components-pipeline-registry.yml | 5 + ...-1b_e2e_registered_components-pipeline.yml | 5 + ...s-2a_basic_component-pipeline-registry.yml | 5 + ...nts-basics-2a_basic_component-pipeline.yml | 5 + ...nt_with_input_output-pipeline-registry.yml | 5 + ...b_component_with_input_output-pipeline.yml | 5 + ...cs-3a_basic_pipeline-pipeline-registry.yml | 5 + ...ents-basics-3a_basic_pipeline-pipeline.yml | 5 + ...b_pipeline_with_data-pipeline-registry.yml | 5 + ...-basics-3b_pipeline_with_data-pipeline.yml | 5 + ...-4a_local_data_input-pipeline-registry.yml | 5 + ...ts-basics-4a_local_data_input-pipeline.yml | 5 + ...tastore_datapath_uri-pipeline-registry.yml | 5 + ...ics-4b_datastore_datapath_uri-pipeline.yml | 5 + ...ics-4c_web_url_input-pipeline-registry.yml | 5 + ...nents-basics-4c_web_url_input-pipeline.yml | 5 + ...basics-4d_data_input-pipeline-registry.yml | 5 + ...mponents-basics-4d_data_input-pipeline.yml | 5 + ..._public_docker_image-pipeline-registry.yml | 5 + ...cs-5a_env_public_docker_image-pipeline.yml | 5 + ...cs-5b_env_registered-pipeline-registry.yml | 5 + ...ents-basics-5b_env_registered-pipeline.yml | 5 + ...cs-5c_env_conda_file-pipeline-registry.yml | 5 + ...ents-basics-5c_env_conda_file-pipeline.yml | 5 + ...cs-6a_tf_hello_world-pipeline-registry.yml | 5 + ...ents-basics-6a_tf_hello_world-pipeline.yml | 5 + ..._pytorch_hello_world-pipeline-registry.yml | 5 + ...basics-6b_pytorch_hello_world-pipeline.yml | 5 + ...nts-basics-6c_r_iris-pipeline-registry.yml | 5 + ...h-components-basics-6c_r_iris-pipeline.yml | 5 + ..._classification_with_densenet-pipeline.yml | 5 + ...ents-nyc_taxi_data_regression-pipeline.yml | 5 + ...xi_data_regression-single-job-pipeline.yml | 5 + ...ne_job_with_flow_as_component-pipeline.yml | 5 + ...ine_with_hyperparameter_sweep-pipeline.yml | 5 + ...ssion_with_pipeline_component-pipeline.yml | 5 + ...train_eval_pipeline_component-pipeline.yml | 5 + .../cli-jobs-single-step-dask-nyctaxi-job.yml | 5 + ...jobs-single-step-gpu_perf-gpu_perf_job.yml | 5 + .../cli-jobs-single-step-julia-iris-job.yml | 5 + ...bs-single-step-lightgbm-iris-job-sweep.yml | 5 + ...cli-jobs-single-step-lightgbm-iris-job.yml | 5 + ...gle-step-pytorch-cifar-distributed-job.yml | 5 + .../cli-jobs-single-step-pytorch-iris-job.yml | 5 + ...e-step-pytorch-word-language-model-job.yml | 5 + .../cli-jobs-single-step-r-accidents-job.yml | 5 + .../cli-jobs-single-step-r-iris-job.yml | 5 + ...-single-step-scikit-learn-diabetes-job.yml | 5 + ...p-scikit-learn-iris-job-docker-context.yml | 5 + ...ingle-step-scikit-learn-iris-job-sweep.yml | 5 + ...jobs-single-step-scikit-learn-iris-job.yml | 5 + ...le-step-scikit-learn-iris-notebook-job.yml | 5 + ...nsorflow-mnist-distributed-horovod-job.yml | 5 + ...-step-tensorflow-mnist-distributed-job.yml | 5 + ...-jobs-single-step-tensorflow-mnist-job.yml | 5 + ...tached-spark-pipeline-default-identity.yml | 5 + ...tached-spark-pipeline-managed-identity.yml | 5 + ...-attached-spark-pipeline-user-identity.yml | 5 + ...ched-spark-standalone-default-identity.yml | 5 + ...ched-spark-standalone-managed-identity.yml | 5 + ...ttached-spark-standalone-user-identity.yml | 5 + ...erless-spark-pipeline-default-identity.yml | 5 + ...erless-spark-pipeline-managed-identity.yml | 5 + ...erverless-spark-pipeline-user-identity.yml | 5 + ...less-spark-standalone-default-identity.yml | 5 + ...less-spark-standalone-managed-identity.yml | 5 + ...verless-spark-standalone-user-identity.yml | 5 + .../cli-resources-compute-cluster-basic.yml | 5 + ...cli-resources-compute-cluster-location.yml | 5 + ...resources-compute-cluster-low-priority.yml | 5 + .../cli-resources-compute-cluster-minimal.yml | 5 + ...resources-compute-cluster-ssh-password.yml | 5 + ...ources-compute-cluster-system-identity.yml | 5 + ...ibleaidashboard-housing-classification.yml | 5 + ...sibleaidashboard-programmer-regression.yml | 5 + ...-schedules-schedules-cron-job-schedule.yml | 5 + ...edules-cron-with-settings-job-schedule.yml | 5 + ...ules-schedules-recurrence-job-schedule.yml | 5 + .../cli-scripts-batch-score-rest.yml | 5 + .github/workflows/cli-scripts-batch-score.yml | 5 + ...oy-custom-container-minimal-multimodel.yml | 5 + ...-custom-container-minimal-single-model.yml | 5 + ...ontainer-mlflow-multideployment-scikit.yml | 5 + ...-custom-container-r-multimodel-plumber.yml | 5 + ...ner-tfserving-half-plus-two-integrated.yml | 5 + ...stom-container-tfserving-half-plus-two.yml | 5 + ...y-custom-container-torchserve-densenet.yml | 5 + ...ntainer-torchserve-huggingface-textgen.yml | 5 + ...y-custom-container-triton-single-model.yml | 5 + .../cli-scripts-deploy-local-endpoint.yml | 5 + ...ed-online-endpoint-access-resource-sai.yml | 5 + ...ed-online-endpoint-access-resource-uai.yml | 5 + ...pts-deploy-managed-online-endpoint-ncd.yml | 5 + ...scripts-deploy-managed-online-endpoint.yml | 5 + ...-mlcompute-create_with-system-identity.yml | 5 + ...oy-mlcompute-update-to-system-identity.yml | 5 + ...ploy-mlcompute-update-to-user-identity.yml | 5 + .../cli-scripts-deploy-moe-autoscale.yml | 5 + ...cli-scripts-deploy-moe-binary-payloads.yml | 5 + ...li-scripts-deploy-moe-inference-schema.yml | 5 + .../cli-scripts-deploy-moe-keyvault.yml | 5 + ...oy-moe-minimal-single-model-registered.yml | 5 + .../cli-scripts-deploy-moe-openapi.yml | 5 + .github/workflows/cli-scripts-deploy-rest.yml | 5 + ...fe-rollout-kubernetes-online-endpoints.yml | 5 + ...s-deploy-safe-rollout-online-endpoints.yml | 5 + ...-deploy-triton-managed-online-endpoint.yml | 5 + .github/workflows/cli-scripts-misc.yml | 5 + .github/workflows/cli-scripts-mlflow-uri.yml | 5 + .github/workflows/cli-scripts-train-rest.yml | 5 + .github/workflows/cli-scripts-train.yml | 5 + ...-in-registry-share-data-using-registry.yml | 5 + ...y-share-models-components-environments.yml | 5 + .../sdk-assets-component-component.yml | 5 + .github/workflows/sdk-assets-data-data.yml | 5 + .../sdk-assets-data-working_with_mltable.yml | 5 + .../sdk-assets-environment-environment.yml | 5 + .github/workflows/sdk-assets-model-model.yml | 5 + ...om-outputs-parquet-custom-output-batch.yml | 5 + ...sifier-mlflow-mlflow-for-batch-tabular.yml | 5 + ...summarization-text-summarization-batch.yml | 5 + ...t-classifier-imagenet-classifier-batch.yml | 5 + ...-classifier-imagenet-classifier-mlflow.yml | 5 + ...oy-models-mnist-classifier-mnist-batch.yml | 5 + ...with-preprocessing-sdk-deploy-and-test.yml | 5 + ...elines-hello-batch-sdk-deploy-and-test.yml | 5 + ...ng-with-components-sdk-deploy-and-test.yml | 5 + ...-endpoints-custom-container-multimodel.yml | 5 + ...iner-online-endpoints-custom-container.yml | 5 + ...iner-triton-online-endpoints-triton-cc.yml | 5 + ...bernetes-online-endpoints-safe-rollout.yml | 5 + ...tes-online-endpoints-simple-deployment.yml | 5 + ...llm-langchain-1_langchain_basic_deploy.yml | 5 + ...semantic-kernel-1_semantic_http_server.yml | 5 + ...-online-endpoints-managed-identity-sai.yml | 5 + ...-online-endpoints-managed-identity-uai.yml | 5 + ...naged-online-endpoints-binary-payloads.yml | 5 + ...aged-online-endpoints-inference-schema.yml | 5 + ...line-managed-online-endpoints-keyvault.yml | 5 + ...ne-managed-online-endpoints-multimodel.yml | 5 + ...nline-managed-online-endpoints-openapi.yml | 5 + ...-managed-online-endpoints-safe-rollout.yml | 5 + ...ged-online-endpoints-simple-deployment.yml | 5 + ...points-deploy-mlflow-model-with-script.yml | 5 + ...w-online-endpoints-deploy-mlflow-model.yml | 5 + ...n-single-model-online-endpoints-triton.yml | 5 + ...ion-test-test_featurestore_cli_samples.yml | 5 + ...ion-test-test_featurestore_sdk_samples.yml | 5 + ...nai-oai-v1-openai_completions_finetune.yml | 5 + ...i-oai-v2-openai_chat_finetune_pipeline.yml | 7 +- ...ing-question-answering-online-endpoint.yml | 5 + ...n-token-classification-online-endpoint.yml | 5 + ...ranslation-translation-online-endpoint.yml | 5 + ...ro-shot-classification-online-endpoint.yml | 5 + ...stem-import-import_model_into_registry.yml | 5 + ...toml-classification-task-bankmarketing.yml | 5 + ...tcn-automl-forecasting-distributed-tcn.yml | 5 + ...hub-dau-auto-ml-forecasting-github-dau.yml | 5 + ...-forecasting-orange-juice-sales-mlflow.yml | 5 + ...-recipe-univariate-experiment-settings.yml | 5 + ...toml-forecasting-recipe-univariate-run.yml | 5 + ...e-share-auto-ml-forecasting-bike-share.yml | 5 + ...ing-task-energy-demand-advanced-mlflow.yml | 5 + ...orecasting-task-energy-demand-advanced.yml | 5 + ...ification-multiclass-task-fridge-items.yml | 5 + ...ification-multilabel-task-fridge-items.yml | 5 + ...nstance-segmentation-task-fridge-items.yml | 5 + ...age-object-detection-task-fridge-items.yml | 7 +- ...tection-batch-scoring-non-mlflow-model.yml | 7 +- ...automl-nlp-multiclass-sentiment-mlflow.yml | 7 +- ...alysis-automl-nlp-multiclass-sentiment.yml | 5 + ...zation-automl-nlp-multilabel-paper-cat.yml | 5 + ...ognition-task-automl-nlp-text-ner-task.yml | 5 + ...ext-ner-task-distributed-with-sweeping.yml | 5 + ...l-regression-task-hardware-performance.yml | 5 + .github/workflows/sdk-jobs-configuration.yml | 5 + ...j_sales_prediction-oj_sales_prediction.yml | 5 + ...batch_prediction-iris_batch_prediction.yml | 5 + ..._identification-mnist_batch_prediction.yml | 5 + ...aml-pipeline_with_components_from_yaml.yml | 5 + ...peline_with_python_function_components.yml | 5 + ...eep-pipeline_with_hyperparameter_sweep.yml | 5 + ...ts-pipeline_with_non_python_components.yml | 5 + ...ts-pipeline_with_registered_components.yml | 5 + ...lel_nodes-pipeline_with_parallel_nodes.yml | 5 + ...assification-bankmarketing-in-pipeline.yml | 5 + ...ipeline-automl-forecasting-in-pipeline.yml | 5 + ...-classification-multiclass-in-pipeline.yml | 5 + ...-classification-multilabel-in-pipeline.yml | 5 + ...mage-instance-segmentation-in-pipeline.yml | 5 + ...oml-image-object-detection-in-pipeline.yml | 5 + ...l-regression-house-pricing-in-pipeline.yml | 5 + ...automl-text-classification-in-pipeline.yml | 5 + ...-classification-multilabel-in-pipeline.yml | 5 + ...r-named-entity-recognition-in-pipeline.yml | 5 + ..._spark_nodes-pipeline_with_spark_nodes.yml | 5 + ...ata_regression_with_pipeline_component.yml | 5 + ...ine_with_train_eval_pipeline_component.yml | 5 + ...casting-demand-many-models-in-pipeline.yml | 5 + ...s-1l_flow_in_pipeline-flow_in_pipeline.yml | 5 + ...tensorflow-train_mnist_with_tensorflow.yml | 5 + ...th_pytorch-train_cifar_10_with_pytorch.yml | 5 + ...ta_regression-nyc_taxi_data_regression.yml | 5 + ...net-image_classification_with_densenet.yml | 5 + ...ge_classification_keras_minist_convnet.yml | 5 + ...ep-debug-and-monitor-debug-and-monitor.yml | 5 + ...step-lightgbm-iris-lightgbm-iris-sweep.yml | 5 + ...stributed-training-distributed-cifar10.yml | 5 + ...training-yolov5-objectdetectionAzureML.yml | 5 + ...-single-step-pytorch-iris-pytorch-iris.yml | 5 + ...yperparameter-tune-deploy-with-pytorch.yml | 5 + ...e-step-r-accidents-accident-prediction.yml | 5 + ...scikit-learn-diabetes-sklearn-diabetes.yml | 5 + ...ep-scikit-learn-iris-iris-scikit-learn.yml | 5 + ...-step-scikit-learn-mnist-sklearn-mnist.yml | 5 + ...d-tensorflow-mnist-distributed-horovod.yml | 5 + ...stributed-tensorflow-mnist-distributed.yml | 5 + ...step-tensorflow-mnist-tensorflow-mnist.yml | 5 + ...ation-run_interactive_session_notebook.yml | 5 + ...-jobs-spark-submit_spark_pipeline_jobs.yml | 5 + ...obs-spark-submit_spark_standalone_jobs.yml | 5 + ...mit_spark_standalone_jobs_managed_vnet.yml | 5 + ...rces-compute-attach_manage_spark_pools.yml | 5 + .../sdk-resources-compute-compute.yml | 5 + .../sdk-resources-connections-connections.yml | 5 + ...sdk-resources-registry-registry-create.yml | 5 + .../sdk-resources-workspace-workspace.yml | 5 + ...ns-mlflow-deployment-with-explanations.yml | 5 + ...leaidashboard-diabetes-decision-making.yml | 5 + ...rd-diabetes-regression-model-debugging.yml | 5 + ...housing-classification-model-debugging.yml | 5 + ...bleaidashboard-housing-decision-making.yml | 5 + ...-programmer-regression-model-debugging.yml | 5 + ...label-text-classification-covid-events.yml | 5 + ...idashboard-text-classification-DBPedia.yml | 5 + ...board-text-classification-blbooksgenre.yml | 5 + ...ashboard-text-question-answering-squad.yml | 5 + ...ard-automl-image-classification-fridge.yml | 5 + ...l-object-detection-fridge-private-data.yml | 5 + ...idashboard-image-classification-fridge.yml | 5 + ...image-multilabel-classification-fridge.yml | 5 + ...bleaidashboard-object-detection-MSCOCO.yml | 5 + .../workflows/sdk-schedules-job-schedule.yml | 5 + ...-files-example-delimited-files-example.yml | 5 + ...-delta-lake-example-delta-lake-example.yml | 5 + ...-from-paths-example-from-paths-example.yml | 5 + ...-local-to-cloud-mltable-local-to-cloud.yml | 5 + ...-mltable-quickstart-mltable-quickstart.yml | 5 + ...started-azureml-getting-started-studio.yml | 5 + ...ials-azureml-in-a-day-azureml-in-a-day.yml | 5 + ...ect-classification-distributed-pytorch.yml | 5 + ...ials-e2e-ds-experience-e2e-ml-workflow.yml | 5 + ...et-started-notebooks-cloud-workstation.yml | 5 + ...als-get-started-notebooks-deploy-model.yml | 5 + ...als-get-started-notebooks-explore-data.yml | 5 + ...torials-get-started-notebooks-pipeline.yml | 5 + ...rials-get-started-notebooks-quickstart.yml | 5 + ...ials-get-started-notebooks-train-model.yml | 5 + cli/readme.py | 37 +++- infra/bootstrapping/check-readme.py | 64 +++++++ .../readme_validation_exclusions.txt | 172 ++++++++++++++++++ infra/templates/readme_template.md | 28 +++ sdk/python/readme.py | 5 + tutorials/readme.py | 5 + 373 files changed, 2186 insertions(+), 26 deletions(-) create mode 100644 infra/bootstrapping/check-readme.py create mode 100644 infra/bootstrapping/readme_validation_exclusions.txt create mode 100644 infra/templates/readme_template.md diff --git a/.github/workflows/cli-assets-component-pipeline.yml b/.github/workflows/cli-assets-component-pipeline.yml index 8fce1ad73d..054ccf1772 100644 --- a/.github/workflows/cli-assets-component-pipeline.yml +++ b/.github/workflows/cli-assets-component-pipeline.yml @@ -41,9 +41,32 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/assets/component" + working-directory: infra/bootstrapping + continue-on-error: false - name: create asset run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; - az ml component create -f assets/component/pipeline.yml + log_output=$(az ml component create -f assets/component/pipeline.yml 2>&1) + echo "$log_output" > create-asset.log + cat create-asset.log working-directory: cli + - name: Determine Failure Reason + run: | + failure_reason="N/A" + if [ "${{ job.status }}" == "failure" ]; then + if grep -q "ResourceNotReady" create-asset.log; then + failure_reason = "ResourceNotReady" + elif grep -q "quota" create-asset.log; then + failure_reason="QuotaIssue" + elif grep -q "ParentResourceNotFound" create-asset.log; then + failure_reason="ParentResourceNotFound" + else + failure_reason="UncategorizedFailure" + fi + fi + echo "FAILURE_REASON=$failure_reason" >> $GITHUB_ENV + working-directory: cli \ No newline at end of file diff --git a/.github/workflows/cli-assets-component-train.yml b/.github/workflows/cli-assets-component-train.yml index 720ac20aeb..1ae8c68a70 100644 --- a/.github/workflows/cli-assets-component-train.yml +++ b/.github/workflows/cli-assets-component-train.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/assets/component" + working-directory: infra/bootstrapping + continue-on-error: false - name: create asset run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-assets-data-cloud-file-https.yml b/.github/workflows/cli-assets-data-cloud-file-https.yml index 86faa2c393..87ca542428 100644 --- a/.github/workflows/cli-assets-data-cloud-file-https.yml +++ b/.github/workflows/cli-assets-data-cloud-file-https.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/assets/data" + working-directory: infra/bootstrapping + continue-on-error: false - name: create asset run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-assets-data-cloud-file-wasbs.yml b/.github/workflows/cli-assets-data-cloud-file-wasbs.yml index 6ef667f45d..734c78ac7f 100644 --- a/.github/workflows/cli-assets-data-cloud-file-wasbs.yml +++ b/.github/workflows/cli-assets-data-cloud-file-wasbs.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/assets/data" + working-directory: infra/bootstrapping + continue-on-error: false - name: create asset run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-assets-data-cloud-file.yml b/.github/workflows/cli-assets-data-cloud-file.yml index bd75992da3..4c0f261eed 100644 --- a/.github/workflows/cli-assets-data-cloud-file.yml +++ b/.github/workflows/cli-assets-data-cloud-file.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/assets/data" + working-directory: infra/bootstrapping + continue-on-error: false - name: create asset run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-assets-data-cloud-folder-https.yml b/.github/workflows/cli-assets-data-cloud-folder-https.yml index 5b96bb25f4..15f5d96fd3 100644 --- a/.github/workflows/cli-assets-data-cloud-folder-https.yml +++ b/.github/workflows/cli-assets-data-cloud-folder-https.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/assets/data" + working-directory: infra/bootstrapping + continue-on-error: false - name: create asset run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-assets-data-cloud-folder.yml b/.github/workflows/cli-assets-data-cloud-folder.yml index 3f1b8323bc..dcb7be5747 100644 --- a/.github/workflows/cli-assets-data-cloud-folder.yml +++ b/.github/workflows/cli-assets-data-cloud-folder.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/assets/data" + working-directory: infra/bootstrapping + continue-on-error: false - name: create asset run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-assets-data-cloud-mltable.yml b/.github/workflows/cli-assets-data-cloud-mltable.yml index 243bbaa9bc..cc7b77a65b 100644 --- a/.github/workflows/cli-assets-data-cloud-mltable.yml +++ b/.github/workflows/cli-assets-data-cloud-mltable.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/assets/data" + working-directory: infra/bootstrapping + continue-on-error: false - name: create asset run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-assets-data-iris-csv-example.yml b/.github/workflows/cli-assets-data-iris-csv-example.yml index de3992cf81..3d4d8ce644 100644 --- a/.github/workflows/cli-assets-data-iris-csv-example.yml +++ b/.github/workflows/cli-assets-data-iris-csv-example.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/assets/data" + working-directory: infra/bootstrapping + continue-on-error: false - name: create asset run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-assets-data-local-file.yml b/.github/workflows/cli-assets-data-local-file.yml index 1fceae7d86..81d715e464 100644 --- a/.github/workflows/cli-assets-data-local-file.yml +++ b/.github/workflows/cli-assets-data-local-file.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/assets/data" + working-directory: infra/bootstrapping + continue-on-error: false - name: create asset run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-assets-data-local-folder-sampledata.yml b/.github/workflows/cli-assets-data-local-folder-sampledata.yml index fe0884ea48..7be667f671 100644 --- a/.github/workflows/cli-assets-data-local-folder-sampledata.yml +++ b/.github/workflows/cli-assets-data-local-folder-sampledata.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/assets/data" + working-directory: infra/bootstrapping + continue-on-error: false - name: create asset run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-assets-data-local-folder.yml b/.github/workflows/cli-assets-data-local-folder.yml index 72dd69d98d..c901f92856 100644 --- a/.github/workflows/cli-assets-data-local-folder.yml +++ b/.github/workflows/cli-assets-data-local-folder.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/assets/data" + working-directory: infra/bootstrapping + continue-on-error: false - name: create asset run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-assets-data-local-mltable.yml b/.github/workflows/cli-assets-data-local-mltable.yml index 8c3ff5641a..6ae6ab4859 100644 --- a/.github/workflows/cli-assets-data-local-mltable.yml +++ b/.github/workflows/cli-assets-data-local-mltable.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/assets/data" + working-directory: infra/bootstrapping + continue-on-error: false - name: create asset run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-assets-data-public-file-https.yml b/.github/workflows/cli-assets-data-public-file-https.yml index 1729eec3fa..934d107a38 100644 --- a/.github/workflows/cli-assets-data-public-file-https.yml +++ b/.github/workflows/cli-assets-data-public-file-https.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/assets/data" + working-directory: infra/bootstrapping + continue-on-error: false - name: create asset run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-assets-environment-docker-context.yml b/.github/workflows/cli-assets-environment-docker-context.yml index 77128b0bee..e54b7febab 100644 --- a/.github/workflows/cli-assets-environment-docker-context.yml +++ b/.github/workflows/cli-assets-environment-docker-context.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/assets/environment" + working-directory: infra/bootstrapping + continue-on-error: false - name: create asset run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-assets-environment-docker-image.yml b/.github/workflows/cli-assets-environment-docker-image.yml index 29ee8b1969..f5dfa78dd4 100644 --- a/.github/workflows/cli-assets-environment-docker-image.yml +++ b/.github/workflows/cli-assets-environment-docker-image.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/assets/environment" + working-directory: infra/bootstrapping + continue-on-error: false - name: create asset run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-assets-model-local-file.yml b/.github/workflows/cli-assets-model-local-file.yml index 36eb827d7b..40032e0bc2 100644 --- a/.github/workflows/cli-assets-model-local-file.yml +++ b/.github/workflows/cli-assets-model-local-file.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/assets/model" + working-directory: infra/bootstrapping + continue-on-error: false - name: create asset run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-assets-model-local-mlflow.yml b/.github/workflows/cli-assets-model-local-mlflow.yml index 4488a1e4c9..92f989e87c 100644 --- a/.github/workflows/cli-assets-model-local-mlflow.yml +++ b/.github/workflows/cli-assets-model-local-mlflow.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/assets/model" + working-directory: infra/bootstrapping + continue-on-error: false - name: create asset run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-endpoints-batch-deploy-models-custom-outputs-parquet-endpoint.yml b/.github/workflows/cli-endpoints-batch-deploy-models-custom-outputs-parquet-endpoint.yml index 35539a87f1..c4c1628b27 100644 --- a/.github/workflows/cli-endpoints-batch-deploy-models-custom-outputs-parquet-endpoint.yml +++ b/.github/workflows/cli-endpoints-batch-deploy-models-custom-outputs-parquet-endpoint.yml @@ -42,6 +42,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/endpoints/batch/deploy-models/custom-outputs-parquet" + working-directory: infra/bootstrapping + continue-on-error: false - name: delete endpoint if existing run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; @@ -68,4 +73,4 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; az ml batch-endpoint delete -n tomoutputsparquetendpoint8741 -y - working-directory: cli + working-directory: cli \ No newline at end of file diff --git a/.github/workflows/cli-endpoints-batch-deploy-models-heart-classifier-mlflow-endpoint.yml b/.github/workflows/cli-endpoints-batch-deploy-models-heart-classifier-mlflow-endpoint.yml index 574632363f..193820f478 100644 --- a/.github/workflows/cli-endpoints-batch-deploy-models-heart-classifier-mlflow-endpoint.yml +++ b/.github/workflows/cli-endpoints-batch-deploy-models-heart-classifier-mlflow-endpoint.yml @@ -42,6 +42,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/endpoints/batch/deploy-models/heart-classifier-mlflow" + working-directory: infra/bootstrapping + continue-on-error: false - name: delete endpoint if existing run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; @@ -61,4 +66,4 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; az ml batch-endpoint delete -n tclassifiermlflowendpoint3191 -y - working-directory: cli + working-directory: cli \ No newline at end of file diff --git a/.github/workflows/cli-endpoints-batch-deploy-models-huggingface-text-summarization-endpoint.yml b/.github/workflows/cli-endpoints-batch-deploy-models-huggingface-text-summarization-endpoint.yml index f8e62d8b4f..63cd697cc4 100644 --- a/.github/workflows/cli-endpoints-batch-deploy-models-huggingface-text-summarization-endpoint.yml +++ b/.github/workflows/cli-endpoints-batch-deploy-models-huggingface-text-summarization-endpoint.yml @@ -42,6 +42,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/endpoints/batch/deploy-models/huggingface-text-summarization" + working-directory: infra/bootstrapping + continue-on-error: false - name: delete endpoint if existing run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; @@ -68,4 +73,4 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; az ml batch-endpoint delete -n textsummarizationendpoint2742 -y - working-directory: cli + working-directory: cli \ No newline at end of file diff --git a/.github/workflows/cli-endpoints-batch-deploy-models-imagenet-classifier-endpoint.yml b/.github/workflows/cli-endpoints-batch-deploy-models-imagenet-classifier-endpoint.yml index e4f3fe09b6..d94ad84417 100644 --- a/.github/workflows/cli-endpoints-batch-deploy-models-imagenet-classifier-endpoint.yml +++ b/.github/workflows/cli-endpoints-batch-deploy-models-imagenet-classifier-endpoint.yml @@ -42,6 +42,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/endpoints/batch/deploy-models/imagenet-classifier" + working-directory: infra/bootstrapping + continue-on-error: false - name: delete endpoint if existing run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; @@ -61,4 +66,4 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; az ml batch-endpoint delete -n imagenetclassifierendpoint3948 -y - working-directory: cli + working-directory: cli \ No newline at end of file diff --git a/.github/workflows/cli-endpoints-batch-deploy-models-mnist-classifier-endpoint.yml b/.github/workflows/cli-endpoints-batch-deploy-models-mnist-classifier-endpoint.yml index 2249264c40..b5da448bd6 100644 --- a/.github/workflows/cli-endpoints-batch-deploy-models-mnist-classifier-endpoint.yml +++ b/.github/workflows/cli-endpoints-batch-deploy-models-mnist-classifier-endpoint.yml @@ -42,6 +42,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/endpoints/batch/deploy-models/mnist-classifier" + working-directory: infra/bootstrapping + continue-on-error: false - name: delete endpoint if existing run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; @@ -61,4 +66,4 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; az ml batch-endpoint delete -n lsmnistclassifierendpoint9980 -y - working-directory: cli + working-directory: cli \ No newline at end of file diff --git a/.github/workflows/cli-endpoints-batch-deploy-pipelines-batch-scoring-with-preprocessing-endpoint.yml b/.github/workflows/cli-endpoints-batch-deploy-pipelines-batch-scoring-with-preprocessing-endpoint.yml index d8e2b77605..a21bc3b85d 100644 --- a/.github/workflows/cli-endpoints-batch-deploy-pipelines-batch-scoring-with-preprocessing-endpoint.yml +++ b/.github/workflows/cli-endpoints-batch-deploy-pipelines-batch-scoring-with-preprocessing-endpoint.yml @@ -42,6 +42,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/endpoints/batch/deploy-pipelines/batch-scoring-with-preprocessing" + working-directory: infra/bootstrapping + continue-on-error: false - name: delete endpoint if existing run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; @@ -68,4 +73,4 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; az ml batch-endpoint delete -n withpreprocessingendpoint6601 -y - working-directory: cli + working-directory: cli \ No newline at end of file diff --git a/.github/workflows/cli-endpoints-batch-deploy-pipelines-hello-batch-endpoint.yml b/.github/workflows/cli-endpoints-batch-deploy-pipelines-hello-batch-endpoint.yml index 531b004ff6..79eb4b5c35 100644 --- a/.github/workflows/cli-endpoints-batch-deploy-pipelines-hello-batch-endpoint.yml +++ b/.github/workflows/cli-endpoints-batch-deploy-pipelines-hello-batch-endpoint.yml @@ -42,6 +42,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/endpoints/batch/deploy-pipelines/hello-batch" + working-directory: infra/bootstrapping + continue-on-error: false - name: delete endpoint if existing run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; @@ -68,4 +73,4 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; az ml batch-endpoint delete -n pelineshellobatchendpoint9006 -y - working-directory: cli + working-directory: cli \ No newline at end of file diff --git a/.github/workflows/cli-endpoints-batch-deploy-pipelines-training-with-components-endpoint.yml b/.github/workflows/cli-endpoints-batch-deploy-pipelines-training-with-components-endpoint.yml index 4380b774b2..cb726ef692 100644 --- a/.github/workflows/cli-endpoints-batch-deploy-pipelines-training-with-components-endpoint.yml +++ b/.github/workflows/cli-endpoints-batch-deploy-pipelines-training-with-components-endpoint.yml @@ -42,6 +42,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/endpoints/batch/deploy-pipelines/training-with-components" + working-directory: infra/bootstrapping + continue-on-error: false - name: delete endpoint if existing run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; @@ -61,4 +66,4 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; az ml batch-endpoint delete -n ingwithcomponentsendpoint9219 -y - working-directory: cli + working-directory: cli \ No newline at end of file diff --git a/.github/workflows/cli-endpoints-online-custom-container-minimal-multimodel-minimal-multimodel-endpoint.yml b/.github/workflows/cli-endpoints-online-custom-container-minimal-multimodel-minimal-multimodel-endpoint.yml index 89ad70c54e..23173468a0 100644 --- a/.github/workflows/cli-endpoints-online-custom-container-minimal-multimodel-minimal-multimodel-endpoint.yml +++ b/.github/workflows/cli-endpoints-online-custom-container-minimal-multimodel-minimal-multimodel-endpoint.yml @@ -42,6 +42,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/endpoints/online/custom-container/minimal/multimodel" + working-directory: infra/bootstrapping + continue-on-error: false - name: delete endpoint if existing run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; @@ -61,4 +66,4 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; az ml online-endpoint delete -n minimalmultimodelendpoint9199 -y - working-directory: cli + working-directory: cli \ No newline at end of file diff --git a/.github/workflows/cli-endpoints-online-custom-container-minimal-single-model-conda-in-dockerfile-minimal-single-model-conda-in-dockerfile-endpoint.yml b/.github/workflows/cli-endpoints-online-custom-container-minimal-single-model-conda-in-dockerfile-minimal-single-model-conda-in-dockerfile-endpoint.yml index c2b25884cc..ff2fd2bf00 100644 --- a/.github/workflows/cli-endpoints-online-custom-container-minimal-single-model-conda-in-dockerfile-minimal-single-model-conda-in-dockerfile-endpoint.yml +++ b/.github/workflows/cli-endpoints-online-custom-container-minimal-single-model-conda-in-dockerfile-minimal-single-model-conda-in-dockerfile-endpoint.yml @@ -42,6 +42,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/endpoints/online/custom-container/minimal/single-model/conda-in-dockerfile" + working-directory: infra/bootstrapping + continue-on-error: false - name: delete endpoint if existing run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; @@ -61,4 +66,4 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; az ml online-endpoint delete -n condaindockerfileendpoint3179 -y - working-directory: cli + working-directory: cli \ No newline at end of file diff --git a/.github/workflows/cli-endpoints-online-custom-container-minimal-single-model-minimal-single-model-endpoint.yml b/.github/workflows/cli-endpoints-online-custom-container-minimal-single-model-minimal-single-model-endpoint.yml index bbf2a417e0..449558fc9a 100644 --- a/.github/workflows/cli-endpoints-online-custom-container-minimal-single-model-minimal-single-model-endpoint.yml +++ b/.github/workflows/cli-endpoints-online-custom-container-minimal-single-model-minimal-single-model-endpoint.yml @@ -42,6 +42,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/endpoints/online/custom-container/minimal/single-model" + working-directory: infra/bootstrapping + continue-on-error: false - name: delete endpoint if existing run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; @@ -61,4 +66,4 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; az ml online-endpoint delete -n inimalsinglemodelendpoint2770 -y - working-directory: cli + working-directory: cli \ No newline at end of file diff --git a/.github/workflows/cli-endpoints-online-custom-container-mlflow-multideployment-scikit-mlflow-endpoint.yml b/.github/workflows/cli-endpoints-online-custom-container-mlflow-multideployment-scikit-mlflow-endpoint.yml index 2374135ad4..82385c6cc7 100644 --- a/.github/workflows/cli-endpoints-online-custom-container-mlflow-multideployment-scikit-mlflow-endpoint.yml +++ b/.github/workflows/cli-endpoints-online-custom-container-mlflow-multideployment-scikit-mlflow-endpoint.yml @@ -42,6 +42,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/endpoints/online/custom-container/mlflow/multideployment-scikit" + working-directory: infra/bootstrapping + continue-on-error: false - name: delete endpoint if existing run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; @@ -61,4 +66,4 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; az ml online-endpoint delete -n ymentscikitmlflowendpoint4848 -y - working-directory: cli + working-directory: cli \ No newline at end of file diff --git a/.github/workflows/cli-endpoints-online-custom-container-r-multimodel-plumber-r-endpoint.yml b/.github/workflows/cli-endpoints-online-custom-container-r-multimodel-plumber-r-endpoint.yml index e25cfd01b3..a3491985eb 100644 --- a/.github/workflows/cli-endpoints-online-custom-container-r-multimodel-plumber-r-endpoint.yml +++ b/.github/workflows/cli-endpoints-online-custom-container-r-multimodel-plumber-r-endpoint.yml @@ -42,6 +42,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/endpoints/online/custom-container/r/multimodel-plumber" + working-directory: infra/bootstrapping + continue-on-error: false - name: delete endpoint if existing run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; @@ -61,4 +66,4 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; az ml online-endpoint delete -n ultimodelplumberrendpoint9536 -y - working-directory: cli + working-directory: cli \ No newline at end of file diff --git a/.github/workflows/cli-endpoints-online-custom-container-torchserve-densenet-torchserve-endpoint.yml b/.github/workflows/cli-endpoints-online-custom-container-torchserve-densenet-torchserve-endpoint.yml index 67941ea48a..5a1246e0ff 100644 --- a/.github/workflows/cli-endpoints-online-custom-container-torchserve-densenet-torchserve-endpoint.yml +++ b/.github/workflows/cli-endpoints-online-custom-container-torchserve-densenet-torchserve-endpoint.yml @@ -42,6 +42,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/endpoints/online/custom-container/torchserve/densenet" + working-directory: infra/bootstrapping + continue-on-error: false - name: delete endpoint if existing run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; @@ -61,4 +66,4 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; az ml online-endpoint delete -n densenettorchserveendpoint7556 -y - working-directory: cli + working-directory: cli \ No newline at end of file diff --git a/.github/workflows/cli-endpoints-online-custom-container-triton-single-model-triton-cc-endpoint.yml b/.github/workflows/cli-endpoints-online-custom-container-triton-single-model-triton-cc-endpoint.yml index 03c70671a5..4d7775a28b 100644 --- a/.github/workflows/cli-endpoints-online-custom-container-triton-single-model-triton-cc-endpoint.yml +++ b/.github/workflows/cli-endpoints-online-custom-container-triton-single-model-triton-cc-endpoint.yml @@ -42,6 +42,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/endpoints/online/custom-container/triton/single-model" + working-directory: infra/bootstrapping + continue-on-error: false - name: delete endpoint if existing run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; @@ -61,4 +66,4 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; az ml online-endpoint delete -n glemodeltritonccendpoint4238 -y - working-directory: cli + working-directory: cli \ No newline at end of file diff --git a/.github/workflows/cli-endpoints-online-kubernetes-kubernetes-endpoint.yml b/.github/workflows/cli-endpoints-online-kubernetes-kubernetes-endpoint.yml index 4ce466a79f..71767cc638 100644 --- a/.github/workflows/cli-endpoints-online-kubernetes-kubernetes-endpoint.yml +++ b/.github/workflows/cli-endpoints-online-kubernetes-kubernetes-endpoint.yml @@ -42,6 +42,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/endpoints/online/kubernetes" + working-directory: infra/bootstrapping + continue-on-error: false - name: delete endpoint if existing run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; @@ -68,4 +73,4 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; az ml online-endpoint delete -n berneteskubernetesendpoint4232 -y - working-directory: cli + working-directory: cli \ No newline at end of file diff --git a/.github/workflows/cli-endpoints-online-managed-sample-endpoint.yml b/.github/workflows/cli-endpoints-online-managed-sample-endpoint.yml index 128a17adbb..2588715a6d 100644 --- a/.github/workflows/cli-endpoints-online-managed-sample-endpoint.yml +++ b/.github/workflows/cli-endpoints-online-managed-sample-endpoint.yml @@ -42,6 +42,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/endpoints/online/managed/sample" + working-directory: infra/bootstrapping + continue-on-error: false - name: delete endpoint if existing run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; @@ -75,4 +80,4 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; az ml online-endpoint delete -n linemanagedsampleendpoint6303 -y - working-directory: cli + working-directory: cli \ No newline at end of file diff --git a/.github/workflows/cli-endpoints-online-managed-vnet-mlflow-endpoint.yml b/.github/workflows/cli-endpoints-online-managed-vnet-mlflow-endpoint.yml index 5b3d13f00e..9aff2fe723 100644 --- a/.github/workflows/cli-endpoints-online-managed-vnet-mlflow-endpoint.yml +++ b/.github/workflows/cli-endpoints-online-managed-vnet-mlflow-endpoint.yml @@ -42,6 +42,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/endpoints/online/managed/vnet/mlflow" + working-directory: infra/bootstrapping + continue-on-error: false - name: delete endpoint if existing run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; @@ -61,4 +66,4 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; az ml online-endpoint delete -n managedvnetmlflowendpoint6555 -y - working-directory: cli + working-directory: cli \ No newline at end of file diff --git a/.github/workflows/cli-endpoints-online-managed-vnet-sample-endpoint.yml b/.github/workflows/cli-endpoints-online-managed-vnet-sample-endpoint.yml index 3f7493c9a0..35236e5486 100644 --- a/.github/workflows/cli-endpoints-online-managed-vnet-sample-endpoint.yml +++ b/.github/workflows/cli-endpoints-online-managed-vnet-sample-endpoint.yml @@ -42,6 +42,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/endpoints/online/managed/vnet/sample" + working-directory: infra/bootstrapping + continue-on-error: false - name: delete endpoint if existing run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; @@ -61,4 +66,4 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; az ml online-endpoint delete -n managedvnetsampleendpoint8383 -y - working-directory: cli + working-directory: cli \ No newline at end of file diff --git a/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-classification-task-bankmarketing-cli-automl-classification-task-bankmarketing.yml b/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-classification-task-bankmarketing-cli-automl-classification-task-bankmarketing.yml index 1b40a0a8f1..0db30b3c72 100644 --- a/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-classification-task-bankmarketing-cli-automl-classification-task-bankmarketing.yml +++ b/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-classification-task-bankmarketing-cli-automl-classification-task-bankmarketing.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../run-job.sh cli-automl-classification-task-bankmarketing.yml working-directory: cli/jobs/automl-standalone-jobs/cli-automl-classification-task-bankmarketing + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/automl-standalone-jobs/cli-automl-classification-task-bankmarketing" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-forecasting-bike-share-cli-automl-forecasting-task-bike-share.yml b/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-forecasting-bike-share-cli-automl-forecasting-task-bike-share.yml index 6187ce8f89..87168e9286 100644 --- a/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-forecasting-bike-share-cli-automl-forecasting-task-bike-share.yml +++ b/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-forecasting-bike-share-cli-automl-forecasting-task-bike-share.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../run-job.sh cli-automl-forecasting-task-bike-share.yml working-directory: cli/jobs/automl-standalone-jobs/cli-automl-forecasting-bike-share + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/automl-standalone-jobs/cli-automl-forecasting-bike-share" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-forecasting-orange-juice-sales-cli-automl-forecasting-orange-juice-sales.yml b/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-forecasting-orange-juice-sales-cli-automl-forecasting-orange-juice-sales.yml index 47f10c1dd8..e5a4227db0 100644 --- a/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-forecasting-orange-juice-sales-cli-automl-forecasting-orange-juice-sales.yml +++ b/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-forecasting-orange-juice-sales-cli-automl-forecasting-orange-juice-sales.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../run-job.sh cli-automl-forecasting-orange-juice-sales.yml working-directory: cli/jobs/automl-standalone-jobs/cli-automl-forecasting-orange-juice-sales + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/automl-standalone-jobs/cli-automl-forecasting-orange-juice-sales" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-forecasting-task-energy-demand-cli-automl-forecasting-task-energy-demand.yml b/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-forecasting-task-energy-demand-cli-automl-forecasting-task-energy-demand.yml index 6d8f734f68..2bae68b2ae 100644 --- a/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-forecasting-task-energy-demand-cli-automl-forecasting-task-energy-demand.yml +++ b/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-forecasting-task-energy-demand-cli-automl-forecasting-task-energy-demand.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../run-job.sh cli-automl-forecasting-task-energy-demand.yml working-directory: cli/jobs/automl-standalone-jobs/cli-automl-forecasting-task-energy-demand + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/automl-standalone-jobs/cli-automl-forecasting-task-energy-demand" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-forecasting-task-github-dau-cli-automl-forecasting-task-github-dau.yml b/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-forecasting-task-github-dau-cli-automl-forecasting-task-github-dau.yml index 21bdc2e92b..67030a6389 100644 --- a/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-forecasting-task-github-dau-cli-automl-forecasting-task-github-dau.yml +++ b/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-forecasting-task-github-dau-cli-automl-forecasting-task-github-dau.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../run-job.sh cli-automl-forecasting-task-github-dau.yml working-directory: cli/jobs/automl-standalone-jobs/cli-automl-forecasting-task-github-dau + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/automl-standalone-jobs/cli-automl-forecasting-task-github-dau" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-image-classification-multiclass-task-fridge-items-cli-automl-image-classification-multiclass-task-fridge-items-automode.yml b/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-image-classification-multiclass-task-fridge-items-cli-automl-image-classification-multiclass-task-fridge-items-automode.yml index 091bee2e0e..aafe9ba2b1 100644 --- a/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-image-classification-multiclass-task-fridge-items-cli-automl-image-classification-multiclass-task-fridge-items-automode.yml +++ b/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-image-classification-multiclass-task-fridge-items-cli-automl-image-classification-multiclass-task-fridge-items-automode.yml @@ -52,3 +52,8 @@ jobs: python prepare_data.py --subscription $SUBSCRIPTION_ID --group $RESOURCE_GROUP_NAME --workspace $WORKSPACE_NAME bash -x ../../../run-job.sh cli-automl-image-classification-multiclass-task-fridge-items-automode.yml working-directory: cli/jobs/automl-standalone-jobs/cli-automl-image-classification-multiclass-task-fridge-items + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/automl-standalone-jobs/cli-automl-image-classification-multiclass-task-fridge-items" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-image-classification-multiclass-task-fridge-items-cli-automl-image-classification-multiclass-task-fridge-items.yml b/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-image-classification-multiclass-task-fridge-items-cli-automl-image-classification-multiclass-task-fridge-items.yml index 4c841716e9..48d1c5c20a 100644 --- a/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-image-classification-multiclass-task-fridge-items-cli-automl-image-classification-multiclass-task-fridge-items.yml +++ b/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-image-classification-multiclass-task-fridge-items-cli-automl-image-classification-multiclass-task-fridge-items.yml @@ -52,3 +52,8 @@ jobs: python prepare_data.py --subscription $SUBSCRIPTION_ID --group $RESOURCE_GROUP_NAME --workspace $WORKSPACE_NAME bash -x ../../../run-job.sh cli-automl-image-classification-multiclass-task-fridge-items.yml working-directory: cli/jobs/automl-standalone-jobs/cli-automl-image-classification-multiclass-task-fridge-items + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/automl-standalone-jobs/cli-automl-image-classification-multiclass-task-fridge-items" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-image-classification-multilabel-task-fridge-items-cli-automl-image-classification-multilabel-task-fridge-items-automode.yml b/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-image-classification-multilabel-task-fridge-items-cli-automl-image-classification-multilabel-task-fridge-items-automode.yml index 5643a89268..87b356051b 100644 --- a/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-image-classification-multilabel-task-fridge-items-cli-automl-image-classification-multilabel-task-fridge-items-automode.yml +++ b/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-image-classification-multilabel-task-fridge-items-cli-automl-image-classification-multilabel-task-fridge-items-automode.yml @@ -52,3 +52,8 @@ jobs: python prepare_data.py --subscription $SUBSCRIPTION_ID --group $RESOURCE_GROUP_NAME --workspace $WORKSPACE_NAME bash -x ../../../run-job.sh cli-automl-image-classification-multilabel-task-fridge-items-automode.yml working-directory: cli/jobs/automl-standalone-jobs/cli-automl-image-classification-multilabel-task-fridge-items + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/automl-standalone-jobs/cli-automl-image-classification-multilabel-task-fridge-items" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-image-classification-multilabel-task-fridge-items-cli-automl-image-classification-multilabel-task-fridge-items.yml b/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-image-classification-multilabel-task-fridge-items-cli-automl-image-classification-multilabel-task-fridge-items.yml index 510fd7bc8e..8861479b46 100644 --- a/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-image-classification-multilabel-task-fridge-items-cli-automl-image-classification-multilabel-task-fridge-items.yml +++ b/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-image-classification-multilabel-task-fridge-items-cli-automl-image-classification-multilabel-task-fridge-items.yml @@ -52,3 +52,8 @@ jobs: python prepare_data.py --subscription $SUBSCRIPTION_ID --group $RESOURCE_GROUP_NAME --workspace $WORKSPACE_NAME bash -x ../../../run-job.sh cli-automl-image-classification-multilabel-task-fridge-items.yml working-directory: cli/jobs/automl-standalone-jobs/cli-automl-image-classification-multilabel-task-fridge-items + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/automl-standalone-jobs/cli-automl-image-classification-multilabel-task-fridge-items" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-image-instance-segmentation-task-fridge-items-cli-automl-image-instance-segmentation-task-fridge-items-automode.yml b/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-image-instance-segmentation-task-fridge-items-cli-automl-image-instance-segmentation-task-fridge-items-automode.yml index 16a157eb66..5f1af05008 100644 --- a/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-image-instance-segmentation-task-fridge-items-cli-automl-image-instance-segmentation-task-fridge-items-automode.yml +++ b/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-image-instance-segmentation-task-fridge-items-cli-automl-image-instance-segmentation-task-fridge-items-automode.yml @@ -52,3 +52,8 @@ jobs: python prepare_data.py --subscription $SUBSCRIPTION_ID --group $RESOURCE_GROUP_NAME --workspace $WORKSPACE_NAME bash -x ../../../run-job.sh cli-automl-image-instance-segmentation-task-fridge-items-automode.yml working-directory: cli/jobs/automl-standalone-jobs/cli-automl-image-instance-segmentation-task-fridge-items + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/automl-standalone-jobs/cli-automl-image-instance-segmentation-task-fridge-items" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-image-instance-segmentation-task-fridge-items-cli-automl-image-instance-segmentation-task-fridge-items.yml b/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-image-instance-segmentation-task-fridge-items-cli-automl-image-instance-segmentation-task-fridge-items.yml index 5288e8f987..ce46c0eb71 100644 --- a/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-image-instance-segmentation-task-fridge-items-cli-automl-image-instance-segmentation-task-fridge-items.yml +++ b/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-image-instance-segmentation-task-fridge-items-cli-automl-image-instance-segmentation-task-fridge-items.yml @@ -52,3 +52,8 @@ jobs: python prepare_data.py --subscription $SUBSCRIPTION_ID --group $RESOURCE_GROUP_NAME --workspace $WORKSPACE_NAME bash -x ../../../run-job.sh cli-automl-image-instance-segmentation-task-fridge-items.yml working-directory: cli/jobs/automl-standalone-jobs/cli-automl-image-instance-segmentation-task-fridge-items + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/automl-standalone-jobs/cli-automl-image-instance-segmentation-task-fridge-items" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-image-object-detection-task-fridge-items-cli-automl-image-object-detection-task-fridge-items-automode.yml b/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-image-object-detection-task-fridge-items-cli-automl-image-object-detection-task-fridge-items-automode.yml index b5730a441d..ebe21383a9 100644 --- a/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-image-object-detection-task-fridge-items-cli-automl-image-object-detection-task-fridge-items-automode.yml +++ b/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-image-object-detection-task-fridge-items-cli-automl-image-object-detection-task-fridge-items-automode.yml @@ -52,3 +52,8 @@ jobs: python prepare_data.py --subscription $SUBSCRIPTION_ID --group $RESOURCE_GROUP_NAME --workspace $WORKSPACE_NAME bash -x ../../../run-job.sh cli-automl-image-object-detection-task-fridge-items-automode.yml working-directory: cli/jobs/automl-standalone-jobs/cli-automl-image-object-detection-task-fridge-items + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/automl-standalone-jobs/cli-automl-image-object-detection-task-fridge-items" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-image-object-detection-task-fridge-items-cli-automl-image-object-detection-task-fridge-items.yml b/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-image-object-detection-task-fridge-items-cli-automl-image-object-detection-task-fridge-items.yml index d06c420671..b4d33e34da 100644 --- a/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-image-object-detection-task-fridge-items-cli-automl-image-object-detection-task-fridge-items.yml +++ b/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-image-object-detection-task-fridge-items-cli-automl-image-object-detection-task-fridge-items.yml @@ -52,3 +52,8 @@ jobs: python prepare_data.py --subscription $SUBSCRIPTION_ID --group $RESOURCE_GROUP_NAME --workspace $WORKSPACE_NAME bash -x ../../../run-job.sh cli-automl-image-object-detection-task-fridge-items.yml working-directory: cli/jobs/automl-standalone-jobs/cli-automl-image-object-detection-task-fridge-items + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/automl-standalone-jobs/cli-automl-image-object-detection-task-fridge-items" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-regression-task-hardware-perf-cli-automl-regression-task-hardware-perf.yml b/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-regression-task-hardware-perf-cli-automl-regression-task-hardware-perf.yml index c8b55688d3..af4c401b66 100644 --- a/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-regression-task-hardware-perf-cli-automl-regression-task-hardware-perf.yml +++ b/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-regression-task-hardware-perf-cli-automl-regression-task-hardware-perf.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../run-job.sh cli-automl-regression-task-hardware-perf.yml working-directory: cli/jobs/automl-standalone-jobs/cli-automl-regression-task-hardware-perf + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/automl-standalone-jobs/cli-automl-regression-task-hardware-perf" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-text-classification-multilabel-paper-cat-cli-automl-text-classification-multilabel-paper-cat.yml b/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-text-classification-multilabel-paper-cat-cli-automl-text-classification-multilabel-paper-cat.yml index dce134320e..d337dc1c9f 100644 --- a/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-text-classification-multilabel-paper-cat-cli-automl-text-classification-multilabel-paper-cat.yml +++ b/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-text-classification-multilabel-paper-cat-cli-automl-text-classification-multilabel-paper-cat.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../run-job.sh cli-automl-text-classification-multilabel-paper-cat.yml working-directory: cli/jobs/automl-standalone-jobs/cli-automl-text-classification-multilabel-paper-cat + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/automl-standalone-jobs/cli-automl-text-classification-multilabel-paper-cat" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-text-classification-newsgroup-cli-automl-text-classification-newsgroup.yml b/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-text-classification-newsgroup-cli-automl-text-classification-newsgroup.yml index 63a7363d0d..c04639319b 100644 --- a/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-text-classification-newsgroup-cli-automl-text-classification-newsgroup.yml +++ b/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-text-classification-newsgroup-cli-automl-text-classification-newsgroup.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../run-job.sh cli-automl-text-classification-newsgroup.yml working-directory: cli/jobs/automl-standalone-jobs/cli-automl-text-classification-newsgroup + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/automl-standalone-jobs/cli-automl-text-classification-newsgroup" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-text-ner-conll-cli-automl-text-ner-conll2003.yml b/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-text-ner-conll-cli-automl-text-ner-conll2003.yml index 0ac8efa26e..e357cd22d0 100644 --- a/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-text-ner-conll-cli-automl-text-ner-conll2003.yml +++ b/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-text-ner-conll-cli-automl-text-ner-conll2003.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../run-job.sh cli-automl-text-ner-conll2003.yml working-directory: cli/jobs/automl-standalone-jobs/cli-automl-text-ner-conll + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/automl-standalone-jobs/cli-automl-text-ner-conll" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-text-ner-conll-distributed-sweeping-cli-automl-text-ner-conll2003-distributed-sweeping.yml b/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-text-ner-conll-distributed-sweeping-cli-automl-text-ner-conll2003-distributed-sweeping.yml index cf84cb5f4b..aba782d88a 100644 --- a/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-text-ner-conll-distributed-sweeping-cli-automl-text-ner-conll2003-distributed-sweeping.yml +++ b/.github/workflows/cli-jobs-automl-standalone-jobs-cli-automl-text-ner-conll-distributed-sweeping-cli-automl-text-ner-conll2003-distributed-sweeping.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../run-job.sh cli-automl-text-ner-conll2003-distributed-sweeping.yml working-directory: cli/jobs/automl-standalone-jobs/cli-automl-text-ner-conll-distributed-sweeping + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/automl-standalone-jobs/cli-automl-text-ner-conll-distributed-sweeping" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-basics-hello-automl-hello-automl-job-basic.yml b/.github/workflows/cli-jobs-basics-hello-automl-hello-automl-job-basic.yml index 52b7d702f1..67ca9af5d9 100644 --- a/.github/workflows/cli-jobs-basics-hello-automl-hello-automl-job-basic.yml +++ b/.github/workflows/cli-jobs-basics-hello-automl-hello-automl-job-basic.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../run-job.sh hello-automl-job-basic.yml working-directory: cli/jobs/basics/hello-automl + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/basics/hello-automl" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-basics-hello-code.yml b/.github/workflows/cli-jobs-basics-hello-code.yml index cb3c201e76..cc055da278 100644 --- a/.github/workflows/cli-jobs-basics-hello-code.yml +++ b/.github/workflows/cli-jobs-basics-hello-code.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../run-job.sh hello-code.yml working-directory: cli/jobs/basics + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/basics" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-basics-hello-data-uri-folder.yml b/.github/workflows/cli-jobs-basics-hello-data-uri-folder.yml index af24602ca1..5cd2564f4e 100644 --- a/.github/workflows/cli-jobs-basics-hello-data-uri-folder.yml +++ b/.github/workflows/cli-jobs-basics-hello-data-uri-folder.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../run-job.sh hello-data-uri-folder.yml working-directory: cli/jobs/basics + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/basics" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-basics-hello-dataset.yml b/.github/workflows/cli-jobs-basics-hello-dataset.yml index b2482b35e8..d7d3678aa1 100644 --- a/.github/workflows/cli-jobs-basics-hello-dataset.yml +++ b/.github/workflows/cli-jobs-basics-hello-dataset.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../run-job.sh hello-dataset.yml working-directory: cli/jobs/basics + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/basics" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-basics-hello-git.yml b/.github/workflows/cli-jobs-basics-hello-git.yml index aa09af08ae..ddefb0edfe 100644 --- a/.github/workflows/cli-jobs-basics-hello-git.yml +++ b/.github/workflows/cli-jobs-basics-hello-git.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../run-job.sh hello-git.yml working-directory: cli/jobs/basics + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/basics" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-basics-hello-interactive.yml b/.github/workflows/cli-jobs-basics-hello-interactive.yml index 3b6d22d906..b8d4d0170f 100644 --- a/.github/workflows/cli-jobs-basics-hello-interactive.yml +++ b/.github/workflows/cli-jobs-basics-hello-interactive.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../run-job.sh hello-interactive.yml working-directory: cli/jobs/basics + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/basics" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-basics-hello-iris-datastore-file.yml b/.github/workflows/cli-jobs-basics-hello-iris-datastore-file.yml index adf670314d..e6f0b82b17 100644 --- a/.github/workflows/cli-jobs-basics-hello-iris-datastore-file.yml +++ b/.github/workflows/cli-jobs-basics-hello-iris-datastore-file.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../run-job.sh hello-iris-datastore-file.yml working-directory: cli/jobs/basics + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/basics" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-basics-hello-iris-datastore-folder.yml b/.github/workflows/cli-jobs-basics-hello-iris-datastore-folder.yml index da56c4fd09..26f03f2005 100644 --- a/.github/workflows/cli-jobs-basics-hello-iris-datastore-folder.yml +++ b/.github/workflows/cli-jobs-basics-hello-iris-datastore-folder.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../run-job.sh hello-iris-datastore-folder.yml working-directory: cli/jobs/basics + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/basics" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-basics-hello-iris-file.yml b/.github/workflows/cli-jobs-basics-hello-iris-file.yml index 4ba231359f..8b6735493c 100644 --- a/.github/workflows/cli-jobs-basics-hello-iris-file.yml +++ b/.github/workflows/cli-jobs-basics-hello-iris-file.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../run-job.sh hello-iris-file.yml working-directory: cli/jobs/basics + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/basics" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-basics-hello-iris-folder.yml b/.github/workflows/cli-jobs-basics-hello-iris-folder.yml index 09de00affa..1145f17315 100644 --- a/.github/workflows/cli-jobs-basics-hello-iris-folder.yml +++ b/.github/workflows/cli-jobs-basics-hello-iris-folder.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../run-job.sh hello-iris-folder.yml working-directory: cli/jobs/basics + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/basics" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-basics-hello-iris-literal.yml b/.github/workflows/cli-jobs-basics-hello-iris-literal.yml index aa39da2119..663bc6f095 100644 --- a/.github/workflows/cli-jobs-basics-hello-iris-literal.yml +++ b/.github/workflows/cli-jobs-basics-hello-iris-literal.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../run-job.sh hello-iris-literal.yml working-directory: cli/jobs/basics + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/basics" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-basics-hello-mlflow.yml b/.github/workflows/cli-jobs-basics-hello-mlflow.yml index 94e9e4422c..35cb2111bf 100644 --- a/.github/workflows/cli-jobs-basics-hello-mlflow.yml +++ b/.github/workflows/cli-jobs-basics-hello-mlflow.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../run-job.sh hello-mlflow.yml working-directory: cli/jobs/basics + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/basics" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-basics-hello-model-as-input.yml b/.github/workflows/cli-jobs-basics-hello-model-as-input.yml index bdfd9fe346..f5b3b30976 100644 --- a/.github/workflows/cli-jobs-basics-hello-model-as-input.yml +++ b/.github/workflows/cli-jobs-basics-hello-model-as-input.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../run-job.sh hello-model-as-input.yml working-directory: cli/jobs/basics + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/basics" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-basics-hello-model-as-output.yml b/.github/workflows/cli-jobs-basics-hello-model-as-output.yml index 0aaa974c76..c0dfe9aeb8 100644 --- a/.github/workflows/cli-jobs-basics-hello-model-as-output.yml +++ b/.github/workflows/cli-jobs-basics-hello-model-as-output.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../run-job.sh hello-model-as-output.yml working-directory: cli/jobs/basics + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/basics" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-basics-hello-notebook.yml b/.github/workflows/cli-jobs-basics-hello-notebook.yml index 0df3216cf9..75060a7df2 100644 --- a/.github/workflows/cli-jobs-basics-hello-notebook.yml +++ b/.github/workflows/cli-jobs-basics-hello-notebook.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../run-job.sh hello-notebook.yml working-directory: cli/jobs/basics + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/basics" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-basics-hello-pipeline-abc.yml b/.github/workflows/cli-jobs-basics-hello-pipeline-abc.yml index 268a2cf74e..595eb047c7 100644 --- a/.github/workflows/cli-jobs-basics-hello-pipeline-abc.yml +++ b/.github/workflows/cli-jobs-basics-hello-pipeline-abc.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../run-job.sh hello-pipeline-abc.yml working-directory: cli/jobs/basics + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/basics" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-basics-hello-pipeline-customize-output-file.yml b/.github/workflows/cli-jobs-basics-hello-pipeline-customize-output-file.yml index ab27c221ba..979e878ccd 100644 --- a/.github/workflows/cli-jobs-basics-hello-pipeline-customize-output-file.yml +++ b/.github/workflows/cli-jobs-basics-hello-pipeline-customize-output-file.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../run-job.sh hello-pipeline-customize-output-file.yml working-directory: cli/jobs/basics + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/basics" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-basics-hello-pipeline-customize-output-folder.yml b/.github/workflows/cli-jobs-basics-hello-pipeline-customize-output-folder.yml index 2f79cc2a0a..72c482f178 100644 --- a/.github/workflows/cli-jobs-basics-hello-pipeline-customize-output-folder.yml +++ b/.github/workflows/cli-jobs-basics-hello-pipeline-customize-output-folder.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../run-job.sh hello-pipeline-customize-output-folder.yml working-directory: cli/jobs/basics + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/basics" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-basics-hello-pipeline-default-artifacts.yml b/.github/workflows/cli-jobs-basics-hello-pipeline-default-artifacts.yml index 12602ac5fc..ae593f8e6f 100644 --- a/.github/workflows/cli-jobs-basics-hello-pipeline-default-artifacts.yml +++ b/.github/workflows/cli-jobs-basics-hello-pipeline-default-artifacts.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../run-job.sh hello-pipeline-default-artifacts.yml working-directory: cli/jobs/basics + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/basics" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-basics-hello-pipeline-io.yml b/.github/workflows/cli-jobs-basics-hello-pipeline-io.yml index 0369ab51bb..8e8bcd592e 100644 --- a/.github/workflows/cli-jobs-basics-hello-pipeline-io.yml +++ b/.github/workflows/cli-jobs-basics-hello-pipeline-io.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../run-job.sh hello-pipeline-io.yml working-directory: cli/jobs/basics + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/basics" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-basics-hello-pipeline-settings.yml b/.github/workflows/cli-jobs-basics-hello-pipeline-settings.yml index 89bc55141d..01afc8beff 100644 --- a/.github/workflows/cli-jobs-basics-hello-pipeline-settings.yml +++ b/.github/workflows/cli-jobs-basics-hello-pipeline-settings.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../run-job.sh hello-pipeline-settings.yml working-directory: cli/jobs/basics + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/basics" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-basics-hello-pipeline.yml b/.github/workflows/cli-jobs-basics-hello-pipeline.yml index 2f80e1a9d8..525f4ced95 100644 --- a/.github/workflows/cli-jobs-basics-hello-pipeline.yml +++ b/.github/workflows/cli-jobs-basics-hello-pipeline.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../run-job.sh hello-pipeline.yml working-directory: cli/jobs/basics + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/basics" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-basics-hello-sweep.yml b/.github/workflows/cli-jobs-basics-hello-sweep.yml index b11be2fa6a..e656aab2f8 100644 --- a/.github/workflows/cli-jobs-basics-hello-sweep.yml +++ b/.github/workflows/cli-jobs-basics-hello-sweep.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../run-job.sh hello-sweep.yml working-directory: cli/jobs/basics + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/basics" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-basics-hello-world-env-var.yml b/.github/workflows/cli-jobs-basics-hello-world-env-var.yml index 5a0b0d0d68..156acc171d 100644 --- a/.github/workflows/cli-jobs-basics-hello-world-env-var.yml +++ b/.github/workflows/cli-jobs-basics-hello-world-env-var.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../run-job.sh hello-world-env-var.yml working-directory: cli/jobs/basics + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/basics" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-basics-hello-world-input.yml b/.github/workflows/cli-jobs-basics-hello-world-input.yml index 2693345c42..72fdbcb314 100644 --- a/.github/workflows/cli-jobs-basics-hello-world-input.yml +++ b/.github/workflows/cli-jobs-basics-hello-world-input.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../run-job.sh hello-world-input.yml working-directory: cli/jobs/basics + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/basics" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-basics-hello-world-org.yml b/.github/workflows/cli-jobs-basics-hello-world-org.yml index a16b529e48..2afc246cbe 100644 --- a/.github/workflows/cli-jobs-basics-hello-world-org.yml +++ b/.github/workflows/cli-jobs-basics-hello-world-org.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../run-job.sh hello-world-org.yml working-directory: cli/jobs/basics + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/basics" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-basics-hello-world-output-data.yml b/.github/workflows/cli-jobs-basics-hello-world-output-data.yml index b49c80951a..6c55a73ead 100644 --- a/.github/workflows/cli-jobs-basics-hello-world-output-data.yml +++ b/.github/workflows/cli-jobs-basics-hello-world-output-data.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../run-job.sh hello-world-output-data.yml working-directory: cli/jobs/basics + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/basics" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-basics-hello-world-output.yml b/.github/workflows/cli-jobs-basics-hello-world-output.yml index 6146ed5001..11a93b354b 100644 --- a/.github/workflows/cli-jobs-basics-hello-world-output.yml +++ b/.github/workflows/cli-jobs-basics-hello-world-output.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../run-job.sh hello-world-output.yml working-directory: cli/jobs/basics + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/basics" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-basics-hello-world.yml b/.github/workflows/cli-jobs-basics-hello-world.yml index fa28ba91fa..d33ce3c603 100644 --- a/.github/workflows/cli-jobs-basics-hello-world.yml +++ b/.github/workflows/cli-jobs-basics-hello-world.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../run-job.sh hello-world.yml working-directory: cli/jobs/basics + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/basics" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-deepspeed-deepspeed-autotuning-job.yml b/.github/workflows/cli-jobs-deepspeed-deepspeed-autotuning-job.yml index 9367d83f12..af0c92fc96 100644 --- a/.github/workflows/cli-jobs-deepspeed-deepspeed-autotuning-job.yml +++ b/.github/workflows/cli-jobs-deepspeed-deepspeed-autotuning-job.yml @@ -49,3 +49,8 @@ jobs: bash -x generate-yml.sh bash -x ../../../run-job.sh job.yml working-directory: cli/jobs/deepspeed/deepspeed-autotuning + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/deepspeed/deepspeed-autotuning" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-deepspeed-deepspeed-training-job.yml b/.github/workflows/cli-jobs-deepspeed-deepspeed-training-job.yml index 7d9460efc0..ed5d41fb19 100644 --- a/.github/workflows/cli-jobs-deepspeed-deepspeed-training-job.yml +++ b/.github/workflows/cli-jobs-deepspeed-deepspeed-training-job.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../run-job.sh job.yml working-directory: cli/jobs/deepspeed/deepspeed-training + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/deepspeed/deepspeed-training" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-nebulaml-PyTorch_CNN_MNIST-job.yml b/.github/workflows/cli-jobs-nebulaml-PyTorch_CNN_MNIST-job.yml index d94b34d25c..b788d7eeae 100644 --- a/.github/workflows/cli-jobs-nebulaml-PyTorch_CNN_MNIST-job.yml +++ b/.github/workflows/cli-jobs-nebulaml-PyTorch_CNN_MNIST-job.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../run-job.sh job.yml working-directory: cli/jobs/nebulaml/PyTorch_CNN_MNIST + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/nebulaml/PyTorch_CNN_MNIST" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-parallel-1a_oj_sales_prediction-pipeline.yml b/.github/workflows/cli-jobs-parallel-1a_oj_sales_prediction-pipeline.yml index 19ba8cfcfd..4b65be880c 100644 --- a/.github/workflows/cli-jobs-parallel-1a_oj_sales_prediction-pipeline.yml +++ b/.github/workflows/cli-jobs-parallel-1a_oj_sales_prediction-pipeline.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../run-job.sh pipeline.yml working-directory: cli/jobs/parallel/1a_oj_sales_prediction + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/parallel/1a_oj_sales_prediction" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-parallel-2a_iris_batch_prediction-pipeline.yml b/.github/workflows/cli-jobs-parallel-2a_iris_batch_prediction-pipeline.yml index 4672edd1f9..29484a0c92 100644 --- a/.github/workflows/cli-jobs-parallel-2a_iris_batch_prediction-pipeline.yml +++ b/.github/workflows/cli-jobs-parallel-2a_iris_batch_prediction-pipeline.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../run-job.sh pipeline.yml working-directory: cli/jobs/parallel/2a_iris_batch_prediction + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/parallel/2a_iris_batch_prediction" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-parallel-3a_mnist_batch_identification-pipeline.yml b/.github/workflows/cli-jobs-parallel-3a_mnist_batch_identification-pipeline.yml index 7eed46d39a..1ad648b464 100644 --- a/.github/workflows/cli-jobs-parallel-3a_mnist_batch_identification-pipeline.yml +++ b/.github/workflows/cli-jobs-parallel-3a_mnist_batch_identification-pipeline.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../run-job.sh pipeline.yml working-directory: cli/jobs/parallel/3a_mnist_batch_identification + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/parallel/3a_mnist_batch_identification" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-pipelines-automl-cli-automl-classification-task-bankmarketing-pipeline-pipeline.yml b/.github/workflows/cli-jobs-pipelines-automl-cli-automl-classification-task-bankmarketing-pipeline-pipeline.yml index 647a563739..01f3a6a7c1 100644 --- a/.github/workflows/cli-jobs-pipelines-automl-cli-automl-classification-task-bankmarketing-pipeline-pipeline.yml +++ b/.github/workflows/cli-jobs-pipelines-automl-cli-automl-classification-task-bankmarketing-pipeline-pipeline.yml @@ -49,3 +49,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../../run-job.sh pipeline.yml working-directory: cli/jobs/pipelines/automl/cli-automl-classification-task-bankmarketing-pipeline + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/pipelines/automl/cli-automl-classification-task-bankmarketing-pipeline" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-pipelines-automl-cli-automl-forecasting-demand-with-pipeline-components-cli-automl-forecasting-demand-hierarchical-timeseries-hts_evaluation_pipeline.yml b/.github/workflows/cli-jobs-pipelines-automl-cli-automl-forecasting-demand-with-pipeline-components-cli-automl-forecasting-demand-hierarchical-timeseries-hts_evaluation_pipeline.yml index 8842a5483c..dc2d9ded9f 100644 --- a/.github/workflows/cli-jobs-pipelines-automl-cli-automl-forecasting-demand-with-pipeline-components-cli-automl-forecasting-demand-hierarchical-timeseries-hts_evaluation_pipeline.yml +++ b/.github/workflows/cli-jobs-pipelines-automl-cli-automl-forecasting-demand-with-pipeline-components-cli-automl-forecasting-demand-hierarchical-timeseries-hts_evaluation_pipeline.yml @@ -49,3 +49,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../../../run-job.sh hts_evaluation_pipeline.yml working-directory: cli/jobs/pipelines/automl/cli-automl-forecasting-demand-with-pipeline-components/cli-automl-forecasting-demand-hierarchical-timeseries + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/pipelines/automl/cli-automl-forecasting-demand-with-pipeline-components/cli-automl-forecasting-demand-hierarchical-timeseries" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-pipelines-automl-cli-automl-forecasting-demand-with-pipeline-components-cli-automl-forecasting-demand-many-models-many_models_evaluation_pipeline.yml b/.github/workflows/cli-jobs-pipelines-automl-cli-automl-forecasting-demand-with-pipeline-components-cli-automl-forecasting-demand-many-models-many_models_evaluation_pipeline.yml index 218343b066..9bd297f6d3 100644 --- a/.github/workflows/cli-jobs-pipelines-automl-cli-automl-forecasting-demand-with-pipeline-components-cli-automl-forecasting-demand-many-models-many_models_evaluation_pipeline.yml +++ b/.github/workflows/cli-jobs-pipelines-automl-cli-automl-forecasting-demand-with-pipeline-components-cli-automl-forecasting-demand-many-models-many_models_evaluation_pipeline.yml @@ -49,3 +49,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../../../run-job.sh many_models_evaluation_pipeline.yml working-directory: cli/jobs/pipelines/automl/cli-automl-forecasting-demand-with-pipeline-components/cli-automl-forecasting-demand-many-models + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/pipelines/automl/cli-automl-forecasting-demand-with-pipeline-components/cli-automl-forecasting-demand-many-models" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-pipelines-automl-cli-automl-regression-housepricing-pipeline-pipeline.yml b/.github/workflows/cli-jobs-pipelines-automl-cli-automl-regression-housepricing-pipeline-pipeline.yml index 9a5822fe7d..417fefdc55 100644 --- a/.github/workflows/cli-jobs-pipelines-automl-cli-automl-regression-housepricing-pipeline-pipeline.yml +++ b/.github/workflows/cli-jobs-pipelines-automl-cli-automl-regression-housepricing-pipeline-pipeline.yml @@ -49,3 +49,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../../run-job.sh pipeline.yml working-directory: cli/jobs/pipelines/automl/cli-automl-regression-housepricing-pipeline + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/pipelines/automl/cli-automl-regression-housepricing-pipeline" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-pipelines-automl-cli-automl-text-classification-multilabel-paper-categorization-pipeline-pipeline.yml b/.github/workflows/cli-jobs-pipelines-automl-cli-automl-text-classification-multilabel-paper-categorization-pipeline-pipeline.yml index 8dca6cd647..aa606e2e81 100644 --- a/.github/workflows/cli-jobs-pipelines-automl-cli-automl-text-classification-multilabel-paper-categorization-pipeline-pipeline.yml +++ b/.github/workflows/cli-jobs-pipelines-automl-cli-automl-text-classification-multilabel-paper-categorization-pipeline-pipeline.yml @@ -49,3 +49,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../../run-job.sh pipeline.yml working-directory: cli/jobs/pipelines/automl/cli-automl-text-classification-multilabel-paper-categorization-pipeline + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/pipelines/automl/cli-automl-text-classification-multilabel-paper-categorization-pipeline" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-pipelines-automl-cli-automl-text-classification-newsgroup-pipeline-pipeline.yml b/.github/workflows/cli-jobs-pipelines-automl-cli-automl-text-classification-newsgroup-pipeline-pipeline.yml index b293c3e241..e591ceffba 100644 --- a/.github/workflows/cli-jobs-pipelines-automl-cli-automl-text-classification-newsgroup-pipeline-pipeline.yml +++ b/.github/workflows/cli-jobs-pipelines-automl-cli-automl-text-classification-newsgroup-pipeline-pipeline.yml @@ -49,3 +49,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../../run-job.sh pipeline.yml working-directory: cli/jobs/pipelines/automl/cli-automl-text-classification-newsgroup-pipeline + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/pipelines/automl/cli-automl-text-classification-newsgroup-pipeline" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-pipelines-automl-cli-automl-text-ner-conll-pipeline-pipeline.yml b/.github/workflows/cli-jobs-pipelines-automl-cli-automl-text-ner-conll-pipeline-pipeline.yml index 13997c3c14..27f94951fe 100644 --- a/.github/workflows/cli-jobs-pipelines-automl-cli-automl-text-ner-conll-pipeline-pipeline.yml +++ b/.github/workflows/cli-jobs-pipelines-automl-cli-automl-text-ner-conll-pipeline-pipeline.yml @@ -49,3 +49,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../../run-job.sh pipeline.yml working-directory: cli/jobs/pipelines/automl/cli-automl-text-ner-conll-pipeline + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/pipelines/automl/cli-automl-text-ner-conll-pipeline" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-pipelines-automl-forecasting-energy-demand-pipeline-pipeline.yml b/.github/workflows/cli-jobs-pipelines-automl-forecasting-energy-demand-pipeline-pipeline.yml index 1da1e36117..1dc3821cf3 100644 --- a/.github/workflows/cli-jobs-pipelines-automl-forecasting-energy-demand-pipeline-pipeline.yml +++ b/.github/workflows/cli-jobs-pipelines-automl-forecasting-energy-demand-pipeline-pipeline.yml @@ -49,3 +49,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../../run-job.sh pipeline.yml working-directory: cli/jobs/pipelines/automl/forecasting-energy-demand-pipeline + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/pipelines/automl/forecasting-energy-demand-pipeline" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-pipelines-automl-image-instance-segmentation-task-fridge-items-pipeline-pipeline.yml b/.github/workflows/cli-jobs-pipelines-automl-image-instance-segmentation-task-fridge-items-pipeline-pipeline.yml index 774f5ec33c..ff159cca3d 100644 --- a/.github/workflows/cli-jobs-pipelines-automl-image-instance-segmentation-task-fridge-items-pipeline-pipeline.yml +++ b/.github/workflows/cli-jobs-pipelines-automl-image-instance-segmentation-task-fridge-items-pipeline-pipeline.yml @@ -53,3 +53,8 @@ jobs: python prepare_data.py --subscription $SUBSCRIPTION_ID --group $RESOURCE_GROUP_NAME --workspace $WORKSPACE_NAME bash -x ../../../../run-job.sh pipeline.yml working-directory: cli/jobs/pipelines/automl/image-instance-segmentation-task-fridge-items-pipeline + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/pipelines/automl/image-instance-segmentation-task-fridge-items-pipeline" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-pipelines-automl-image-multiclass-classification-fridge-items-pipeline-pipeline.yml b/.github/workflows/cli-jobs-pipelines-automl-image-multiclass-classification-fridge-items-pipeline-pipeline.yml index 332b67f0d2..d443274d3f 100644 --- a/.github/workflows/cli-jobs-pipelines-automl-image-multiclass-classification-fridge-items-pipeline-pipeline.yml +++ b/.github/workflows/cli-jobs-pipelines-automl-image-multiclass-classification-fridge-items-pipeline-pipeline.yml @@ -53,3 +53,8 @@ jobs: python prepare_data.py --subscription $SUBSCRIPTION_ID --group $RESOURCE_GROUP_NAME --workspace $WORKSPACE_NAME bash -x ../../../../run-job.sh pipeline.yml working-directory: cli/jobs/pipelines/automl/image-multiclass-classification-fridge-items-pipeline + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/pipelines/automl/image-multiclass-classification-fridge-items-pipeline" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-pipelines-automl-image-multilabel-classification-fridge-items-pipeline-pipeline.yml b/.github/workflows/cli-jobs-pipelines-automl-image-multilabel-classification-fridge-items-pipeline-pipeline.yml index ebcb9d9ab4..4f95e959c9 100644 --- a/.github/workflows/cli-jobs-pipelines-automl-image-multilabel-classification-fridge-items-pipeline-pipeline.yml +++ b/.github/workflows/cli-jobs-pipelines-automl-image-multilabel-classification-fridge-items-pipeline-pipeline.yml @@ -53,3 +53,8 @@ jobs: python prepare_data.py --subscription $SUBSCRIPTION_ID --group $RESOURCE_GROUP_NAME --workspace $WORKSPACE_NAME bash -x ../../../../run-job.sh pipeline.yml working-directory: cli/jobs/pipelines/automl/image-multilabel-classification-fridge-items-pipeline + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/pipelines/automl/image-multilabel-classification-fridge-items-pipeline" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-pipelines-automl-image-object-detection-task-fridge-items-pipeline-pipeline.yml b/.github/workflows/cli-jobs-pipelines-automl-image-object-detection-task-fridge-items-pipeline-pipeline.yml index 38d4032cae..ff620c354f 100644 --- a/.github/workflows/cli-jobs-pipelines-automl-image-object-detection-task-fridge-items-pipeline-pipeline.yml +++ b/.github/workflows/cli-jobs-pipelines-automl-image-object-detection-task-fridge-items-pipeline-pipeline.yml @@ -53,3 +53,8 @@ jobs: python prepare_data.py --subscription $SUBSCRIPTION_ID --group $RESOURCE_GROUP_NAME --workspace $WORKSPACE_NAME bash -x ../../../../run-job.sh pipeline.yml working-directory: cli/jobs/pipelines/automl/image-object-detection-task-fridge-items-pipeline + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/pipelines/automl/image-object-detection-task-fridge-items-pipeline" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-pipelines-cifar-10-pipeline.yml b/.github/workflows/cli-jobs-pipelines-cifar-10-pipeline.yml index 5c2c9764a9..8a60b0d571 100644 --- a/.github/workflows/cli-jobs-pipelines-cifar-10-pipeline.yml +++ b/.github/workflows/cli-jobs-pipelines-cifar-10-pipeline.yml @@ -49,3 +49,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../run-job.sh pipeline.yml working-directory: cli/jobs/pipelines/cifar-10 + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/pipelines/cifar-10" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-pipelines-iris-batch-prediction-using-parallel-pipeline.yml b/.github/workflows/cli-jobs-pipelines-iris-batch-prediction-using-parallel-pipeline.yml index 33749d596c..57cc5d2287 100644 --- a/.github/workflows/cli-jobs-pipelines-iris-batch-prediction-using-parallel-pipeline.yml +++ b/.github/workflows/cli-jobs-pipelines-iris-batch-prediction-using-parallel-pipeline.yml @@ -49,3 +49,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../run-job.sh pipeline.yml working-directory: cli/jobs/pipelines/iris-batch-prediction-using-parallel + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/pipelines/iris-batch-prediction-using-parallel" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-pipelines-mnist-batch-identification-using-parallel-pipeline.yml b/.github/workflows/cli-jobs-pipelines-mnist-batch-identification-using-parallel-pipeline.yml index 243a866d31..d70f4ae4c5 100644 --- a/.github/workflows/cli-jobs-pipelines-mnist-batch-identification-using-parallel-pipeline.yml +++ b/.github/workflows/cli-jobs-pipelines-mnist-batch-identification-using-parallel-pipeline.yml @@ -49,3 +49,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../run-job.sh pipeline.yml working-directory: cli/jobs/pipelines/mnist-batch-identification-using-parallel + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/pipelines/mnist-batch-identification-using-parallel" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-pipelines-nyc-taxi-pipeline.yml b/.github/workflows/cli-jobs-pipelines-nyc-taxi-pipeline.yml index 82f5df974b..53b086f9d1 100644 --- a/.github/workflows/cli-jobs-pipelines-nyc-taxi-pipeline.yml +++ b/.github/workflows/cli-jobs-pipelines-nyc-taxi-pipeline.yml @@ -49,3 +49,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../run-job.sh pipeline.yml working-directory: cli/jobs/pipelines/nyc-taxi + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/pipelines/nyc-taxi" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-pipelines-tensorflow-image-segmentation-pipeline.yml b/.github/workflows/cli-jobs-pipelines-tensorflow-image-segmentation-pipeline.yml index 7c907a75fd..3993eebc29 100644 --- a/.github/workflows/cli-jobs-pipelines-tensorflow-image-segmentation-pipeline.yml +++ b/.github/workflows/cli-jobs-pipelines-tensorflow-image-segmentation-pipeline.yml @@ -49,3 +49,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../run-job.sh pipeline.yml working-directory: cli/jobs/pipelines/tensorflow-image-segmentation + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/pipelines/tensorflow-image-segmentation" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-pipelines-with-components-basics-1a_e2e_local_components-pipeline-registry.yml b/.github/workflows/cli-jobs-pipelines-with-components-basics-1a_e2e_local_components-pipeline-registry.yml index fa74803629..318b14b952 100644 --- a/.github/workflows/cli-jobs-pipelines-with-components-basics-1a_e2e_local_components-pipeline-registry.yml +++ b/.github/workflows/cli-jobs-pipelines-with-components-basics-1a_e2e_local_components-pipeline-registry.yml @@ -43,6 +43,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/pipelines-with-components/basics/1a_e2e_local_components" + working-directory: infra/bootstrapping + continue-on-error: false - name: run job run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-jobs-pipelines-with-components-basics-1a_e2e_local_components-pipeline.yml b/.github/workflows/cli-jobs-pipelines-with-components-basics-1a_e2e_local_components-pipeline.yml index 21876ae17c..ffcaec7695 100644 --- a/.github/workflows/cli-jobs-pipelines-with-components-basics-1a_e2e_local_components-pipeline.yml +++ b/.github/workflows/cli-jobs-pipelines-with-components-basics-1a_e2e_local_components-pipeline.yml @@ -49,3 +49,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../../run-job.sh pipeline.yml working-directory: cli/jobs/pipelines-with-components/basics/1a_e2e_local_components + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/pipelines-with-components/basics/1a_e2e_local_components" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-pipelines-with-components-basics-1b_e2e_registered_components-pipeline-registry.yml b/.github/workflows/cli-jobs-pipelines-with-components-basics-1b_e2e_registered_components-pipeline-registry.yml index a99aaf90a5..18ed513e0f 100644 --- a/.github/workflows/cli-jobs-pipelines-with-components-basics-1b_e2e_registered_components-pipeline-registry.yml +++ b/.github/workflows/cli-jobs-pipelines-with-components-basics-1b_e2e_registered_components-pipeline-registry.yml @@ -43,6 +43,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/pipelines-with-components/basics/1b_e2e_registered_components" + working-directory: infra/bootstrapping + continue-on-error: false - name: run job run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-jobs-pipelines-with-components-basics-1b_e2e_registered_components-pipeline.yml b/.github/workflows/cli-jobs-pipelines-with-components-basics-1b_e2e_registered_components-pipeline.yml index 16f08eb064..8797c35b74 100644 --- a/.github/workflows/cli-jobs-pipelines-with-components-basics-1b_e2e_registered_components-pipeline.yml +++ b/.github/workflows/cli-jobs-pipelines-with-components-basics-1b_e2e_registered_components-pipeline.yml @@ -49,3 +49,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../../run-job.sh pipeline.yml working-directory: cli/jobs/pipelines-with-components/basics/1b_e2e_registered_components + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/pipelines-with-components/basics/1b_e2e_registered_components" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-pipelines-with-components-basics-2a_basic_component-pipeline-registry.yml b/.github/workflows/cli-jobs-pipelines-with-components-basics-2a_basic_component-pipeline-registry.yml index d9a029dd4d..ce9c33c4d0 100644 --- a/.github/workflows/cli-jobs-pipelines-with-components-basics-2a_basic_component-pipeline-registry.yml +++ b/.github/workflows/cli-jobs-pipelines-with-components-basics-2a_basic_component-pipeline-registry.yml @@ -43,6 +43,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/pipelines-with-components/basics/2a_basic_component" + working-directory: infra/bootstrapping + continue-on-error: false - name: run job run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-jobs-pipelines-with-components-basics-2a_basic_component-pipeline.yml b/.github/workflows/cli-jobs-pipelines-with-components-basics-2a_basic_component-pipeline.yml index 98202fc14e..34256fc6b3 100644 --- a/.github/workflows/cli-jobs-pipelines-with-components-basics-2a_basic_component-pipeline.yml +++ b/.github/workflows/cli-jobs-pipelines-with-components-basics-2a_basic_component-pipeline.yml @@ -49,3 +49,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../../run-job.sh pipeline.yml working-directory: cli/jobs/pipelines-with-components/basics/2a_basic_component + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/pipelines-with-components/basics/2a_basic_component" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-pipelines-with-components-basics-2b_component_with_input_output-pipeline-registry.yml b/.github/workflows/cli-jobs-pipelines-with-components-basics-2b_component_with_input_output-pipeline-registry.yml index 0dd786417b..37a7af58c5 100644 --- a/.github/workflows/cli-jobs-pipelines-with-components-basics-2b_component_with_input_output-pipeline-registry.yml +++ b/.github/workflows/cli-jobs-pipelines-with-components-basics-2b_component_with_input_output-pipeline-registry.yml @@ -43,6 +43,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/pipelines-with-components/basics/2b_component_with_input_output" + working-directory: infra/bootstrapping + continue-on-error: false - name: run job run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-jobs-pipelines-with-components-basics-2b_component_with_input_output-pipeline.yml b/.github/workflows/cli-jobs-pipelines-with-components-basics-2b_component_with_input_output-pipeline.yml index f39fb93d1d..6a990564be 100644 --- a/.github/workflows/cli-jobs-pipelines-with-components-basics-2b_component_with_input_output-pipeline.yml +++ b/.github/workflows/cli-jobs-pipelines-with-components-basics-2b_component_with_input_output-pipeline.yml @@ -49,3 +49,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../../run-job.sh pipeline.yml working-directory: cli/jobs/pipelines-with-components/basics/2b_component_with_input_output + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/pipelines-with-components/basics/2b_component_with_input_output" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-pipelines-with-components-basics-3a_basic_pipeline-pipeline-registry.yml b/.github/workflows/cli-jobs-pipelines-with-components-basics-3a_basic_pipeline-pipeline-registry.yml index 82570ff993..c08ca13b83 100644 --- a/.github/workflows/cli-jobs-pipelines-with-components-basics-3a_basic_pipeline-pipeline-registry.yml +++ b/.github/workflows/cli-jobs-pipelines-with-components-basics-3a_basic_pipeline-pipeline-registry.yml @@ -43,6 +43,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/pipelines-with-components/basics/3a_basic_pipeline" + working-directory: infra/bootstrapping + continue-on-error: false - name: run job run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-jobs-pipelines-with-components-basics-3a_basic_pipeline-pipeline.yml b/.github/workflows/cli-jobs-pipelines-with-components-basics-3a_basic_pipeline-pipeline.yml index b358c6d133..064bc8522b 100644 --- a/.github/workflows/cli-jobs-pipelines-with-components-basics-3a_basic_pipeline-pipeline.yml +++ b/.github/workflows/cli-jobs-pipelines-with-components-basics-3a_basic_pipeline-pipeline.yml @@ -49,3 +49,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../../run-job.sh pipeline.yml working-directory: cli/jobs/pipelines-with-components/basics/3a_basic_pipeline + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/pipelines-with-components/basics/3a_basic_pipeline" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-pipelines-with-components-basics-3b_pipeline_with_data-pipeline-registry.yml b/.github/workflows/cli-jobs-pipelines-with-components-basics-3b_pipeline_with_data-pipeline-registry.yml index d9fcb8bbda..a9f5093d96 100644 --- a/.github/workflows/cli-jobs-pipelines-with-components-basics-3b_pipeline_with_data-pipeline-registry.yml +++ b/.github/workflows/cli-jobs-pipelines-with-components-basics-3b_pipeline_with_data-pipeline-registry.yml @@ -43,6 +43,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/pipelines-with-components/basics/3b_pipeline_with_data" + working-directory: infra/bootstrapping + continue-on-error: false - name: run job run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-jobs-pipelines-with-components-basics-3b_pipeline_with_data-pipeline.yml b/.github/workflows/cli-jobs-pipelines-with-components-basics-3b_pipeline_with_data-pipeline.yml index c55cadca32..eeb2e17c81 100644 --- a/.github/workflows/cli-jobs-pipelines-with-components-basics-3b_pipeline_with_data-pipeline.yml +++ b/.github/workflows/cli-jobs-pipelines-with-components-basics-3b_pipeline_with_data-pipeline.yml @@ -49,3 +49,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../../run-job.sh pipeline.yml working-directory: cli/jobs/pipelines-with-components/basics/3b_pipeline_with_data + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/pipelines-with-components/basics/3b_pipeline_with_data" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-pipelines-with-components-basics-4a_local_data_input-pipeline-registry.yml b/.github/workflows/cli-jobs-pipelines-with-components-basics-4a_local_data_input-pipeline-registry.yml index d2d8e79039..85235dbfa3 100644 --- a/.github/workflows/cli-jobs-pipelines-with-components-basics-4a_local_data_input-pipeline-registry.yml +++ b/.github/workflows/cli-jobs-pipelines-with-components-basics-4a_local_data_input-pipeline-registry.yml @@ -43,6 +43,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/pipelines-with-components/basics/4a_local_data_input" + working-directory: infra/bootstrapping + continue-on-error: false - name: run job run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-jobs-pipelines-with-components-basics-4a_local_data_input-pipeline.yml b/.github/workflows/cli-jobs-pipelines-with-components-basics-4a_local_data_input-pipeline.yml index dc9f645a0b..73f8fae9c0 100644 --- a/.github/workflows/cli-jobs-pipelines-with-components-basics-4a_local_data_input-pipeline.yml +++ b/.github/workflows/cli-jobs-pipelines-with-components-basics-4a_local_data_input-pipeline.yml @@ -49,3 +49,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../../run-job.sh pipeline.yml working-directory: cli/jobs/pipelines-with-components/basics/4a_local_data_input + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/pipelines-with-components/basics/4a_local_data_input" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-pipelines-with-components-basics-4b_datastore_datapath_uri-pipeline-registry.yml b/.github/workflows/cli-jobs-pipelines-with-components-basics-4b_datastore_datapath_uri-pipeline-registry.yml index aa3f44a45f..5467076359 100644 --- a/.github/workflows/cli-jobs-pipelines-with-components-basics-4b_datastore_datapath_uri-pipeline-registry.yml +++ b/.github/workflows/cli-jobs-pipelines-with-components-basics-4b_datastore_datapath_uri-pipeline-registry.yml @@ -43,6 +43,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/pipelines-with-components/basics/4b_datastore_datapath_uri" + working-directory: infra/bootstrapping + continue-on-error: false - name: run job run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-jobs-pipelines-with-components-basics-4b_datastore_datapath_uri-pipeline.yml b/.github/workflows/cli-jobs-pipelines-with-components-basics-4b_datastore_datapath_uri-pipeline.yml index 64afc0f752..023a297777 100644 --- a/.github/workflows/cli-jobs-pipelines-with-components-basics-4b_datastore_datapath_uri-pipeline.yml +++ b/.github/workflows/cli-jobs-pipelines-with-components-basics-4b_datastore_datapath_uri-pipeline.yml @@ -49,3 +49,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../../run-job.sh pipeline.yml working-directory: cli/jobs/pipelines-with-components/basics/4b_datastore_datapath_uri + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/pipelines-with-components/basics/4b_datastore_datapath_uri" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-pipelines-with-components-basics-4c_web_url_input-pipeline-registry.yml b/.github/workflows/cli-jobs-pipelines-with-components-basics-4c_web_url_input-pipeline-registry.yml index 4f896e9fff..7b60f9b328 100644 --- a/.github/workflows/cli-jobs-pipelines-with-components-basics-4c_web_url_input-pipeline-registry.yml +++ b/.github/workflows/cli-jobs-pipelines-with-components-basics-4c_web_url_input-pipeline-registry.yml @@ -43,6 +43,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/pipelines-with-components/basics/4c_web_url_input" + working-directory: infra/bootstrapping + continue-on-error: false - name: run job run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-jobs-pipelines-with-components-basics-4c_web_url_input-pipeline.yml b/.github/workflows/cli-jobs-pipelines-with-components-basics-4c_web_url_input-pipeline.yml index d4a1c4f7bc..c387e8aeaf 100644 --- a/.github/workflows/cli-jobs-pipelines-with-components-basics-4c_web_url_input-pipeline.yml +++ b/.github/workflows/cli-jobs-pipelines-with-components-basics-4c_web_url_input-pipeline.yml @@ -49,3 +49,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../../run-job.sh pipeline.yml working-directory: cli/jobs/pipelines-with-components/basics/4c_web_url_input + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/pipelines-with-components/basics/4c_web_url_input" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-pipelines-with-components-basics-4d_data_input-pipeline-registry.yml b/.github/workflows/cli-jobs-pipelines-with-components-basics-4d_data_input-pipeline-registry.yml index b27bb47f1b..6b5a47e0d2 100644 --- a/.github/workflows/cli-jobs-pipelines-with-components-basics-4d_data_input-pipeline-registry.yml +++ b/.github/workflows/cli-jobs-pipelines-with-components-basics-4d_data_input-pipeline-registry.yml @@ -43,6 +43,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/pipelines-with-components/basics/4d_data_input" + working-directory: infra/bootstrapping + continue-on-error: false - name: run job run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-jobs-pipelines-with-components-basics-4d_data_input-pipeline.yml b/.github/workflows/cli-jobs-pipelines-with-components-basics-4d_data_input-pipeline.yml index 7a5f97c0f0..7eaa99cf81 100644 --- a/.github/workflows/cli-jobs-pipelines-with-components-basics-4d_data_input-pipeline.yml +++ b/.github/workflows/cli-jobs-pipelines-with-components-basics-4d_data_input-pipeline.yml @@ -49,3 +49,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../../run-job.sh pipeline.yml working-directory: cli/jobs/pipelines-with-components/basics/4d_data_input + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/pipelines-with-components/basics/4d_data_input" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-pipelines-with-components-basics-5a_env_public_docker_image-pipeline-registry.yml b/.github/workflows/cli-jobs-pipelines-with-components-basics-5a_env_public_docker_image-pipeline-registry.yml index 6c8e4710a7..9ecd7862e2 100644 --- a/.github/workflows/cli-jobs-pipelines-with-components-basics-5a_env_public_docker_image-pipeline-registry.yml +++ b/.github/workflows/cli-jobs-pipelines-with-components-basics-5a_env_public_docker_image-pipeline-registry.yml @@ -43,6 +43,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/pipelines-with-components/basics/5a_env_public_docker_image" + working-directory: infra/bootstrapping + continue-on-error: false - name: run job run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-jobs-pipelines-with-components-basics-5a_env_public_docker_image-pipeline.yml b/.github/workflows/cli-jobs-pipelines-with-components-basics-5a_env_public_docker_image-pipeline.yml index 5a8c302b74..49a9ceb0bf 100644 --- a/.github/workflows/cli-jobs-pipelines-with-components-basics-5a_env_public_docker_image-pipeline.yml +++ b/.github/workflows/cli-jobs-pipelines-with-components-basics-5a_env_public_docker_image-pipeline.yml @@ -49,3 +49,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../../run-job.sh pipeline.yml working-directory: cli/jobs/pipelines-with-components/basics/5a_env_public_docker_image + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/pipelines-with-components/basics/5a_env_public_docker_image" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-pipelines-with-components-basics-5b_env_registered-pipeline-registry.yml b/.github/workflows/cli-jobs-pipelines-with-components-basics-5b_env_registered-pipeline-registry.yml index a17c632003..da294a6ca7 100644 --- a/.github/workflows/cli-jobs-pipelines-with-components-basics-5b_env_registered-pipeline-registry.yml +++ b/.github/workflows/cli-jobs-pipelines-with-components-basics-5b_env_registered-pipeline-registry.yml @@ -43,6 +43,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/pipelines-with-components/basics/5b_env_registered" + working-directory: infra/bootstrapping + continue-on-error: false - name: run job run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-jobs-pipelines-with-components-basics-5b_env_registered-pipeline.yml b/.github/workflows/cli-jobs-pipelines-with-components-basics-5b_env_registered-pipeline.yml index 8f4bcdeda4..8691df2902 100644 --- a/.github/workflows/cli-jobs-pipelines-with-components-basics-5b_env_registered-pipeline.yml +++ b/.github/workflows/cli-jobs-pipelines-with-components-basics-5b_env_registered-pipeline.yml @@ -49,3 +49,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../../run-job.sh pipeline.yml working-directory: cli/jobs/pipelines-with-components/basics/5b_env_registered + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/pipelines-with-components/basics/5b_env_registered" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-pipelines-with-components-basics-5c_env_conda_file-pipeline-registry.yml b/.github/workflows/cli-jobs-pipelines-with-components-basics-5c_env_conda_file-pipeline-registry.yml index 29b2a678ff..d52346f81d 100644 --- a/.github/workflows/cli-jobs-pipelines-with-components-basics-5c_env_conda_file-pipeline-registry.yml +++ b/.github/workflows/cli-jobs-pipelines-with-components-basics-5c_env_conda_file-pipeline-registry.yml @@ -43,6 +43,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/pipelines-with-components/basics/5c_env_conda_file" + working-directory: infra/bootstrapping + continue-on-error: false - name: run job run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-jobs-pipelines-with-components-basics-5c_env_conda_file-pipeline.yml b/.github/workflows/cli-jobs-pipelines-with-components-basics-5c_env_conda_file-pipeline.yml index aa7486812f..d5fab2fdff 100644 --- a/.github/workflows/cli-jobs-pipelines-with-components-basics-5c_env_conda_file-pipeline.yml +++ b/.github/workflows/cli-jobs-pipelines-with-components-basics-5c_env_conda_file-pipeline.yml @@ -49,3 +49,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../../run-job.sh pipeline.yml working-directory: cli/jobs/pipelines-with-components/basics/5c_env_conda_file + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/pipelines-with-components/basics/5c_env_conda_file" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-pipelines-with-components-basics-6a_tf_hello_world-pipeline-registry.yml b/.github/workflows/cli-jobs-pipelines-with-components-basics-6a_tf_hello_world-pipeline-registry.yml index 16a704d82d..4263e0d98f 100644 --- a/.github/workflows/cli-jobs-pipelines-with-components-basics-6a_tf_hello_world-pipeline-registry.yml +++ b/.github/workflows/cli-jobs-pipelines-with-components-basics-6a_tf_hello_world-pipeline-registry.yml @@ -43,6 +43,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/pipelines-with-components/basics/6a_tf_hello_world" + working-directory: infra/bootstrapping + continue-on-error: false - name: run job run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-jobs-pipelines-with-components-basics-6a_tf_hello_world-pipeline.yml b/.github/workflows/cli-jobs-pipelines-with-components-basics-6a_tf_hello_world-pipeline.yml index a68ee8026d..073151c002 100644 --- a/.github/workflows/cli-jobs-pipelines-with-components-basics-6a_tf_hello_world-pipeline.yml +++ b/.github/workflows/cli-jobs-pipelines-with-components-basics-6a_tf_hello_world-pipeline.yml @@ -49,3 +49,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../../run-job.sh pipeline.yml working-directory: cli/jobs/pipelines-with-components/basics/6a_tf_hello_world + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/pipelines-with-components/basics/6a_tf_hello_world" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-pipelines-with-components-basics-6b_pytorch_hello_world-pipeline-registry.yml b/.github/workflows/cli-jobs-pipelines-with-components-basics-6b_pytorch_hello_world-pipeline-registry.yml index 2c10d2cc07..1fc23a383a 100644 --- a/.github/workflows/cli-jobs-pipelines-with-components-basics-6b_pytorch_hello_world-pipeline-registry.yml +++ b/.github/workflows/cli-jobs-pipelines-with-components-basics-6b_pytorch_hello_world-pipeline-registry.yml @@ -43,6 +43,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/pipelines-with-components/basics/6b_pytorch_hello_world" + working-directory: infra/bootstrapping + continue-on-error: false - name: run job run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-jobs-pipelines-with-components-basics-6b_pytorch_hello_world-pipeline.yml b/.github/workflows/cli-jobs-pipelines-with-components-basics-6b_pytorch_hello_world-pipeline.yml index 1ad51caa0a..a5e19d4d26 100644 --- a/.github/workflows/cli-jobs-pipelines-with-components-basics-6b_pytorch_hello_world-pipeline.yml +++ b/.github/workflows/cli-jobs-pipelines-with-components-basics-6b_pytorch_hello_world-pipeline.yml @@ -49,3 +49,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../../run-job.sh pipeline.yml working-directory: cli/jobs/pipelines-with-components/basics/6b_pytorch_hello_world + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/pipelines-with-components/basics/6b_pytorch_hello_world" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-pipelines-with-components-basics-6c_r_iris-pipeline-registry.yml b/.github/workflows/cli-jobs-pipelines-with-components-basics-6c_r_iris-pipeline-registry.yml index 6cd7c06997..6ba015d075 100644 --- a/.github/workflows/cli-jobs-pipelines-with-components-basics-6c_r_iris-pipeline-registry.yml +++ b/.github/workflows/cli-jobs-pipelines-with-components-basics-6c_r_iris-pipeline-registry.yml @@ -43,6 +43,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/pipelines-with-components/basics/6c_r_iris" + working-directory: infra/bootstrapping + continue-on-error: false - name: run job run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-jobs-pipelines-with-components-basics-6c_r_iris-pipeline.yml b/.github/workflows/cli-jobs-pipelines-with-components-basics-6c_r_iris-pipeline.yml index 7bba782d09..c952c35c2a 100644 --- a/.github/workflows/cli-jobs-pipelines-with-components-basics-6c_r_iris-pipeline.yml +++ b/.github/workflows/cli-jobs-pipelines-with-components-basics-6c_r_iris-pipeline.yml @@ -49,3 +49,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../../run-job.sh pipeline.yml working-directory: cli/jobs/pipelines-with-components/basics/6c_r_iris + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/pipelines-with-components/basics/6c_r_iris" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-pipelines-with-components-image_classification_with_densenet-pipeline.yml b/.github/workflows/cli-jobs-pipelines-with-components-image_classification_with_densenet-pipeline.yml index af45db9352..1a51c7ac73 100644 --- a/.github/workflows/cli-jobs-pipelines-with-components-image_classification_with_densenet-pipeline.yml +++ b/.github/workflows/cli-jobs-pipelines-with-components-image_classification_with_densenet-pipeline.yml @@ -49,3 +49,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../run-job.sh pipeline.yml working-directory: cli/jobs/pipelines-with-components/image_classification_with_densenet + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/pipelines-with-components/image_classification_with_densenet" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-pipelines-with-components-nyc_taxi_data_regression-pipeline.yml b/.github/workflows/cli-jobs-pipelines-with-components-nyc_taxi_data_regression-pipeline.yml index e81ff436e8..0e849e83b1 100644 --- a/.github/workflows/cli-jobs-pipelines-with-components-nyc_taxi_data_regression-pipeline.yml +++ b/.github/workflows/cli-jobs-pipelines-with-components-nyc_taxi_data_regression-pipeline.yml @@ -49,3 +49,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../run-job.sh pipeline.yml working-directory: cli/jobs/pipelines-with-components/nyc_taxi_data_regression + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/pipelines-with-components/nyc_taxi_data_regression" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-pipelines-with-components-nyc_taxi_data_regression-single-job-pipeline.yml b/.github/workflows/cli-jobs-pipelines-with-components-nyc_taxi_data_regression-single-job-pipeline.yml index 6815909061..dc4c242387 100644 --- a/.github/workflows/cli-jobs-pipelines-with-components-nyc_taxi_data_regression-single-job-pipeline.yml +++ b/.github/workflows/cli-jobs-pipelines-with-components-nyc_taxi_data_regression-single-job-pipeline.yml @@ -49,3 +49,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../run-job.sh single-job-pipeline.yml working-directory: cli/jobs/pipelines-with-components/nyc_taxi_data_regression + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/pipelines-with-components/nyc_taxi_data_regression" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-pipelines-with-components-pipeline_job_with_flow_as_component-pipeline.yml b/.github/workflows/cli-jobs-pipelines-with-components-pipeline_job_with_flow_as_component-pipeline.yml index c405332fcb..68b9f9ba4c 100644 --- a/.github/workflows/cli-jobs-pipelines-with-components-pipeline_job_with_flow_as_component-pipeline.yml +++ b/.github/workflows/cli-jobs-pipelines-with-components-pipeline_job_with_flow_as_component-pipeline.yml @@ -49,3 +49,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../run-job.sh pipeline.yml working-directory: cli/jobs/pipelines-with-components/pipeline_job_with_flow_as_component + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/pipelines-with-components/pipeline_job_with_flow_as_component" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-pipelines-with-components-pipeline_with_hyperparameter_sweep-pipeline.yml b/.github/workflows/cli-jobs-pipelines-with-components-pipeline_with_hyperparameter_sweep-pipeline.yml index 5bac0177c7..88523c5e7e 100644 --- a/.github/workflows/cli-jobs-pipelines-with-components-pipeline_with_hyperparameter_sweep-pipeline.yml +++ b/.github/workflows/cli-jobs-pipelines-with-components-pipeline_with_hyperparameter_sweep-pipeline.yml @@ -49,3 +49,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../run-job.sh pipeline.yml working-directory: cli/jobs/pipelines-with-components/pipeline_with_hyperparameter_sweep + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/pipelines-with-components/pipeline_with_hyperparameter_sweep" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-pipelines-with-components-pipeline_with_pipeline_component-nyc_taxi_data_regression_with_pipeline_component-pipeline.yml b/.github/workflows/cli-jobs-pipelines-with-components-pipeline_with_pipeline_component-nyc_taxi_data_regression_with_pipeline_component-pipeline.yml index 4f18487238..a41ed46c7b 100644 --- a/.github/workflows/cli-jobs-pipelines-with-components-pipeline_with_pipeline_component-nyc_taxi_data_regression_with_pipeline_component-pipeline.yml +++ b/.github/workflows/cli-jobs-pipelines-with-components-pipeline_with_pipeline_component-nyc_taxi_data_regression_with_pipeline_component-pipeline.yml @@ -49,3 +49,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../../run-job.sh pipeline.yml working-directory: cli/jobs/pipelines-with-components/pipeline_with_pipeline_component/nyc_taxi_data_regression_with_pipeline_component + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/pipelines-with-components/pipeline_with_pipeline_component/nyc_taxi_data_regression_with_pipeline_component" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-pipelines-with-components-pipeline_with_pipeline_component-pipeline_with_train_eval_pipeline_component-pipeline.yml b/.github/workflows/cli-jobs-pipelines-with-components-pipeline_with_pipeline_component-pipeline_with_train_eval_pipeline_component-pipeline.yml index 702482d258..1c4fb95c03 100644 --- a/.github/workflows/cli-jobs-pipelines-with-components-pipeline_with_pipeline_component-pipeline_with_train_eval_pipeline_component-pipeline.yml +++ b/.github/workflows/cli-jobs-pipelines-with-components-pipeline_with_pipeline_component-pipeline_with_train_eval_pipeline_component-pipeline.yml @@ -49,3 +49,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../../run-job.sh pipeline.yml working-directory: cli/jobs/pipelines-with-components/pipeline_with_pipeline_component/pipeline_with_train_eval_pipeline_component + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/pipelines-with-components/pipeline_with_pipeline_component/pipeline_with_train_eval_pipeline_component" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-single-step-dask-nyctaxi-job.yml b/.github/workflows/cli-jobs-single-step-dask-nyctaxi-job.yml index d1dd268874..7865007dff 100644 --- a/.github/workflows/cli-jobs-single-step-dask-nyctaxi-job.yml +++ b/.github/workflows/cli-jobs-single-step-dask-nyctaxi-job.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../../run-job.sh job.yml working-directory: cli/jobs/single-step/dask/nyctaxi + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/single-step/dask/nyctaxi" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-single-step-gpu_perf-gpu_perf_job.yml b/.github/workflows/cli-jobs-single-step-gpu_perf-gpu_perf_job.yml index 6540b83dcc..3c9a1d9e4a 100644 --- a/.github/workflows/cli-jobs-single-step-gpu_perf-gpu_perf_job.yml +++ b/.github/workflows/cli-jobs-single-step-gpu_perf-gpu_perf_job.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../run-job.sh gpu_perf_job.yml working-directory: cli/jobs/single-step/gpu_perf + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/single-step/gpu_perf" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-single-step-julia-iris-job.yml b/.github/workflows/cli-jobs-single-step-julia-iris-job.yml index 72be7218da..9fabf47136 100644 --- a/.github/workflows/cli-jobs-single-step-julia-iris-job.yml +++ b/.github/workflows/cli-jobs-single-step-julia-iris-job.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../../run-job.sh job.yml working-directory: cli/jobs/single-step/julia/iris + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/single-step/julia/iris" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-single-step-lightgbm-iris-job-sweep.yml b/.github/workflows/cli-jobs-single-step-lightgbm-iris-job-sweep.yml index ec24a45f83..433680d285 100644 --- a/.github/workflows/cli-jobs-single-step-lightgbm-iris-job-sweep.yml +++ b/.github/workflows/cli-jobs-single-step-lightgbm-iris-job-sweep.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../../run-job.sh job-sweep.yml working-directory: cli/jobs/single-step/lightgbm/iris + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/single-step/lightgbm/iris" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-single-step-lightgbm-iris-job.yml b/.github/workflows/cli-jobs-single-step-lightgbm-iris-job.yml index 5051bd5c4f..9990233549 100644 --- a/.github/workflows/cli-jobs-single-step-lightgbm-iris-job.yml +++ b/.github/workflows/cli-jobs-single-step-lightgbm-iris-job.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../../run-job.sh job.yml working-directory: cli/jobs/single-step/lightgbm/iris + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/single-step/lightgbm/iris" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-single-step-pytorch-cifar-distributed-job.yml b/.github/workflows/cli-jobs-single-step-pytorch-cifar-distributed-job.yml index b9461d2764..1137f1ce5b 100644 --- a/.github/workflows/cli-jobs-single-step-pytorch-cifar-distributed-job.yml +++ b/.github/workflows/cli-jobs-single-step-pytorch-cifar-distributed-job.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../../run-job.sh job.yml working-directory: cli/jobs/single-step/pytorch/cifar-distributed + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/single-step/pytorch/cifar-distributed" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-single-step-pytorch-iris-job.yml b/.github/workflows/cli-jobs-single-step-pytorch-iris-job.yml index c280e4e597..43c2cfaa6d 100644 --- a/.github/workflows/cli-jobs-single-step-pytorch-iris-job.yml +++ b/.github/workflows/cli-jobs-single-step-pytorch-iris-job.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../../run-job.sh job.yml working-directory: cli/jobs/single-step/pytorch/iris + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/single-step/pytorch/iris" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-single-step-pytorch-word-language-model-job.yml b/.github/workflows/cli-jobs-single-step-pytorch-word-language-model-job.yml index 49ae264687..75f802bc7b 100644 --- a/.github/workflows/cli-jobs-single-step-pytorch-word-language-model-job.yml +++ b/.github/workflows/cli-jobs-single-step-pytorch-word-language-model-job.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../../run-job.sh job.yml working-directory: cli/jobs/single-step/pytorch/word-language-model + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/single-step/pytorch/word-language-model" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-single-step-r-accidents-job.yml b/.github/workflows/cli-jobs-single-step-r-accidents-job.yml index 57ea9ff16b..a7caed55bf 100644 --- a/.github/workflows/cli-jobs-single-step-r-accidents-job.yml +++ b/.github/workflows/cli-jobs-single-step-r-accidents-job.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../../run-job.sh job.yml working-directory: cli/jobs/single-step/r/accidents + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/single-step/r/accidents" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-single-step-r-iris-job.yml b/.github/workflows/cli-jobs-single-step-r-iris-job.yml index 8b44eab48d..ca0aca0eb9 100644 --- a/.github/workflows/cli-jobs-single-step-r-iris-job.yml +++ b/.github/workflows/cli-jobs-single-step-r-iris-job.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../../run-job.sh job.yml working-directory: cli/jobs/single-step/r/iris + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/single-step/r/iris" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-single-step-scikit-learn-diabetes-job.yml b/.github/workflows/cli-jobs-single-step-scikit-learn-diabetes-job.yml index 574a851696..d525a88046 100644 --- a/.github/workflows/cli-jobs-single-step-scikit-learn-diabetes-job.yml +++ b/.github/workflows/cli-jobs-single-step-scikit-learn-diabetes-job.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../../run-job.sh job.yml working-directory: cli/jobs/single-step/scikit-learn/diabetes + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/single-step/scikit-learn/diabetes" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-single-step-scikit-learn-iris-job-docker-context.yml b/.github/workflows/cli-jobs-single-step-scikit-learn-iris-job-docker-context.yml index 8fb5fdb206..b39657fe5c 100644 --- a/.github/workflows/cli-jobs-single-step-scikit-learn-iris-job-docker-context.yml +++ b/.github/workflows/cli-jobs-single-step-scikit-learn-iris-job-docker-context.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../../run-job.sh job-docker-context.yml working-directory: cli/jobs/single-step/scikit-learn/iris + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/single-step/scikit-learn/iris" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-single-step-scikit-learn-iris-job-sweep.yml b/.github/workflows/cli-jobs-single-step-scikit-learn-iris-job-sweep.yml index ac535312cc..ff2804f3ce 100644 --- a/.github/workflows/cli-jobs-single-step-scikit-learn-iris-job-sweep.yml +++ b/.github/workflows/cli-jobs-single-step-scikit-learn-iris-job-sweep.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../../run-job.sh job-sweep.yml working-directory: cli/jobs/single-step/scikit-learn/iris + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/single-step/scikit-learn/iris" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-single-step-scikit-learn-iris-job.yml b/.github/workflows/cli-jobs-single-step-scikit-learn-iris-job.yml index 50130630d7..de60e8c66b 100644 --- a/.github/workflows/cli-jobs-single-step-scikit-learn-iris-job.yml +++ b/.github/workflows/cli-jobs-single-step-scikit-learn-iris-job.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../../run-job.sh job.yml working-directory: cli/jobs/single-step/scikit-learn/iris + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/single-step/scikit-learn/iris" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-single-step-scikit-learn-iris-notebook-job.yml b/.github/workflows/cli-jobs-single-step-scikit-learn-iris-notebook-job.yml index c63d281774..7e9d0502f8 100644 --- a/.github/workflows/cli-jobs-single-step-scikit-learn-iris-notebook-job.yml +++ b/.github/workflows/cli-jobs-single-step-scikit-learn-iris-notebook-job.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../../run-job.sh job.yml working-directory: cli/jobs/single-step/scikit-learn/iris-notebook + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/single-step/scikit-learn/iris-notebook" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-single-step-tensorflow-mnist-distributed-horovod-job.yml b/.github/workflows/cli-jobs-single-step-tensorflow-mnist-distributed-horovod-job.yml index 0e89db127f..a8790f3c7c 100644 --- a/.github/workflows/cli-jobs-single-step-tensorflow-mnist-distributed-horovod-job.yml +++ b/.github/workflows/cli-jobs-single-step-tensorflow-mnist-distributed-horovod-job.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../../run-job.sh job.yml working-directory: cli/jobs/single-step/tensorflow/mnist-distributed-horovod + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/single-step/tensorflow/mnist-distributed-horovod" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-single-step-tensorflow-mnist-distributed-job.yml b/.github/workflows/cli-jobs-single-step-tensorflow-mnist-distributed-job.yml index 405edd3a66..fa499826ff 100644 --- a/.github/workflows/cli-jobs-single-step-tensorflow-mnist-distributed-job.yml +++ b/.github/workflows/cli-jobs-single-step-tensorflow-mnist-distributed-job.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../../run-job.sh job.yml working-directory: cli/jobs/single-step/tensorflow/mnist-distributed + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/single-step/tensorflow/mnist-distributed" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-single-step-tensorflow-mnist-job.yml b/.github/workflows/cli-jobs-single-step-tensorflow-mnist-job.yml index e65c1e45dd..4fc687a97f 100644 --- a/.github/workflows/cli-jobs-single-step-tensorflow-mnist-job.yml +++ b/.github/workflows/cli-jobs-single-step-tensorflow-mnist-job.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../../../run-job.sh job.yml working-directory: cli/jobs/single-step/tensorflow/mnist + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/single-step/tensorflow/mnist" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-spark-attached-spark-pipeline-default-identity.yml b/.github/workflows/cli-jobs-spark-attached-spark-pipeline-default-identity.yml index 876bc53d3a..e3e87f383d 100644 --- a/.github/workflows/cli-jobs-spark-attached-spark-pipeline-default-identity.yml +++ b/.github/workflows/cli-jobs-spark-attached-spark-pipeline-default-identity.yml @@ -59,3 +59,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../run-job.sh attached-spark-pipeline-default-identity.yml working-directory: cli/jobs/spark + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/spark" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-spark-attached-spark-pipeline-managed-identity.yml b/.github/workflows/cli-jobs-spark-attached-spark-pipeline-managed-identity.yml index 3c976b95d7..9acc36c8f4 100644 --- a/.github/workflows/cli-jobs-spark-attached-spark-pipeline-managed-identity.yml +++ b/.github/workflows/cli-jobs-spark-attached-spark-pipeline-managed-identity.yml @@ -64,3 +64,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../run-job.sh attached-spark-pipeline-managed-identity.yml working-directory: cli/jobs/spark + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/spark" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-spark-attached-spark-pipeline-user-identity.yml b/.github/workflows/cli-jobs-spark-attached-spark-pipeline-user-identity.yml index 3f44b9851b..20ec8b611c 100644 --- a/.github/workflows/cli-jobs-spark-attached-spark-pipeline-user-identity.yml +++ b/.github/workflows/cli-jobs-spark-attached-spark-pipeline-user-identity.yml @@ -59,3 +59,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../run-job.sh attached-spark-pipeline-user-identity.yml working-directory: cli/jobs/spark + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/spark" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-spark-attached-spark-standalone-default-identity.yml b/.github/workflows/cli-jobs-spark-attached-spark-standalone-default-identity.yml index e83df49fd7..8d0ef42b7a 100644 --- a/.github/workflows/cli-jobs-spark-attached-spark-standalone-default-identity.yml +++ b/.github/workflows/cli-jobs-spark-attached-spark-standalone-default-identity.yml @@ -59,3 +59,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../run-job.sh attached-spark-standalone-default-identity.yml working-directory: cli/jobs/spark + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/spark" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-spark-attached-spark-standalone-managed-identity.yml b/.github/workflows/cli-jobs-spark-attached-spark-standalone-managed-identity.yml index 0994c8225c..c2ccc731e6 100644 --- a/.github/workflows/cli-jobs-spark-attached-spark-standalone-managed-identity.yml +++ b/.github/workflows/cli-jobs-spark-attached-spark-standalone-managed-identity.yml @@ -64,3 +64,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../run-job.sh attached-spark-standalone-managed-identity.yml working-directory: cli/jobs/spark + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/spark" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-spark-attached-spark-standalone-user-identity.yml b/.github/workflows/cli-jobs-spark-attached-spark-standalone-user-identity.yml index 978fb63ed0..0db5cac89f 100644 --- a/.github/workflows/cli-jobs-spark-attached-spark-standalone-user-identity.yml +++ b/.github/workflows/cli-jobs-spark-attached-spark-standalone-user-identity.yml @@ -59,3 +59,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../run-job.sh attached-spark-standalone-user-identity.yml working-directory: cli/jobs/spark + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/spark" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-spark-serverless-spark-pipeline-default-identity.yml b/.github/workflows/cli-jobs-spark-serverless-spark-pipeline-default-identity.yml index 70cdba7b0c..39e8d4383d 100644 --- a/.github/workflows/cli-jobs-spark-serverless-spark-pipeline-default-identity.yml +++ b/.github/workflows/cli-jobs-spark-serverless-spark-pipeline-default-identity.yml @@ -53,3 +53,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../run-job.sh serverless-spark-pipeline-default-identity.yml working-directory: cli/jobs/spark + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/spark" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-spark-serverless-spark-pipeline-managed-identity.yml b/.github/workflows/cli-jobs-spark-serverless-spark-pipeline-managed-identity.yml index 20e1214f5f..9d7374d667 100644 --- a/.github/workflows/cli-jobs-spark-serverless-spark-pipeline-managed-identity.yml +++ b/.github/workflows/cli-jobs-spark-serverless-spark-pipeline-managed-identity.yml @@ -59,3 +59,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../run-job.sh serverless-spark-pipeline-managed-identity.yml working-directory: cli/jobs/spark + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/spark" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-spark-serverless-spark-pipeline-user-identity.yml b/.github/workflows/cli-jobs-spark-serverless-spark-pipeline-user-identity.yml index d4bab3b999..3e5ea3bd26 100644 --- a/.github/workflows/cli-jobs-spark-serverless-spark-pipeline-user-identity.yml +++ b/.github/workflows/cli-jobs-spark-serverless-spark-pipeline-user-identity.yml @@ -53,3 +53,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../run-job.sh serverless-spark-pipeline-user-identity.yml working-directory: cli/jobs/spark + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/spark" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-spark-serverless-spark-standalone-default-identity.yml b/.github/workflows/cli-jobs-spark-serverless-spark-standalone-default-identity.yml index bbff3d7c89..0d20822b90 100644 --- a/.github/workflows/cli-jobs-spark-serverless-spark-standalone-default-identity.yml +++ b/.github/workflows/cli-jobs-spark-serverless-spark-standalone-default-identity.yml @@ -53,3 +53,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../run-job.sh serverless-spark-standalone-default-identity.yml working-directory: cli/jobs/spark + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/spark" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-spark-serverless-spark-standalone-managed-identity.yml b/.github/workflows/cli-jobs-spark-serverless-spark-standalone-managed-identity.yml index a189d54e60..9a607113aa 100644 --- a/.github/workflows/cli-jobs-spark-serverless-spark-standalone-managed-identity.yml +++ b/.github/workflows/cli-jobs-spark-serverless-spark-standalone-managed-identity.yml @@ -59,3 +59,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../run-job.sh serverless-spark-standalone-managed-identity.yml working-directory: cli/jobs/spark + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/spark" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-jobs-spark-serverless-spark-standalone-user-identity.yml b/.github/workflows/cli-jobs-spark-serverless-spark-standalone-user-identity.yml index fce4fbf974..ed8622abe1 100644 --- a/.github/workflows/cli-jobs-spark-serverless-spark-standalone-user-identity.yml +++ b/.github/workflows/cli-jobs-spark-serverless-spark-standalone-user-identity.yml @@ -53,3 +53,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../run-job.sh serverless-spark-standalone-user-identity.yml working-directory: cli/jobs/spark + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/jobs/spark" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-resources-compute-cluster-basic.yml b/.github/workflows/cli-resources-compute-cluster-basic.yml index b45936818b..651fd92afd 100644 --- a/.github/workflows/cli-resources-compute-cluster-basic.yml +++ b/.github/workflows/cli-resources-compute-cluster-basic.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/resources/compute" + working-directory: infra/bootstrapping + continue-on-error: false - name: create asset run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-resources-compute-cluster-location.yml b/.github/workflows/cli-resources-compute-cluster-location.yml index 1166aa08e7..23e8d00758 100644 --- a/.github/workflows/cli-resources-compute-cluster-location.yml +++ b/.github/workflows/cli-resources-compute-cluster-location.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/resources/compute" + working-directory: infra/bootstrapping + continue-on-error: false - name: create asset run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-resources-compute-cluster-low-priority.yml b/.github/workflows/cli-resources-compute-cluster-low-priority.yml index 6947eaabb3..f74641c974 100644 --- a/.github/workflows/cli-resources-compute-cluster-low-priority.yml +++ b/.github/workflows/cli-resources-compute-cluster-low-priority.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/resources/compute" + working-directory: infra/bootstrapping + continue-on-error: false - name: create asset run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-resources-compute-cluster-minimal.yml b/.github/workflows/cli-resources-compute-cluster-minimal.yml index 8ea58b6ac1..0dae8f1470 100644 --- a/.github/workflows/cli-resources-compute-cluster-minimal.yml +++ b/.github/workflows/cli-resources-compute-cluster-minimal.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/resources/compute" + working-directory: infra/bootstrapping + continue-on-error: false - name: create asset run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-resources-compute-cluster-ssh-password.yml b/.github/workflows/cli-resources-compute-cluster-ssh-password.yml index bd0499e748..4a582756f4 100644 --- a/.github/workflows/cli-resources-compute-cluster-ssh-password.yml +++ b/.github/workflows/cli-resources-compute-cluster-ssh-password.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/resources/compute" + working-directory: infra/bootstrapping + continue-on-error: false - name: create asset run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-resources-compute-cluster-system-identity.yml b/.github/workflows/cli-resources-compute-cluster-system-identity.yml index e6b068318d..7349eb1509 100644 --- a/.github/workflows/cli-resources-compute-cluster-system-identity.yml +++ b/.github/workflows/cli-resources-compute-cluster-system-identity.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/resources/compute" + working-directory: infra/bootstrapping + continue-on-error: false - name: create asset run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-responsible-ai-cli-responsibleaidashboard-housing-classification-cli-responsibleaidashboard-housing-classification.yml b/.github/workflows/cli-responsible-ai-cli-responsibleaidashboard-housing-classification-cli-responsibleaidashboard-housing-classification.yml index 731df49fff..1b0162d312 100644 --- a/.github/workflows/cli-responsible-ai-cli-responsibleaidashboard-housing-classification-cli-responsibleaidashboard-housing-classification.yml +++ b/.github/workflows/cli-responsible-ai-cli-responsibleaidashboard-housing-classification-cli-responsibleaidashboard-housing-classification.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../run-job.sh cli-responsibleaidashboard-housing-classification.yml working-directory: cli/responsible-ai/cli-responsibleaidashboard-housing-classification + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/responsible-ai/cli-responsibleaidashboard-housing-classification" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-responsible-ai-cli-responsibleaidashboard-programmer-regression-cli-responsibleaidashboard-programmer-regression.yml b/.github/workflows/cli-responsible-ai-cli-responsibleaidashboard-programmer-regression-cli-responsibleaidashboard-programmer-regression.yml index 8481eda034..237838ddfa 100644 --- a/.github/workflows/cli-responsible-ai-cli-responsibleaidashboard-programmer-regression-cli-responsibleaidashboard-programmer-regression.yml +++ b/.github/workflows/cli-responsible-ai-cli-responsibleaidashboard-programmer-regression-cli-responsibleaidashboard-programmer-regression.yml @@ -48,3 +48,8 @@ jobs: source "${{ github.workspace }}/infra/bootstrapping/init_environment.sh"; bash -x ../../run-job.sh cli-responsibleaidashboard-programmer-regression.yml working-directory: cli/responsible-ai/cli-responsibleaidashboard-programmer-regression + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/responsible-ai/cli-responsibleaidashboard-programmer-regression" + working-directory: infra/bootstrapping + continue-on-error: false diff --git a/.github/workflows/cli-schedules-schedules-cron-job-schedule.yml b/.github/workflows/cli-schedules-schedules-cron-job-schedule.yml index 8786b58fba..5ecd9ed2cd 100644 --- a/.github/workflows/cli-schedules-schedules-cron-job-schedule.yml +++ b/.github/workflows/cli-schedules-schedules-cron-job-schedule.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/schedules" + working-directory: infra/bootstrapping + continue-on-error: false - name: create schedule run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-schedules-schedules-cron-with-settings-job-schedule.yml b/.github/workflows/cli-schedules-schedules-cron-with-settings-job-schedule.yml index 439d73b827..266ae7da62 100644 --- a/.github/workflows/cli-schedules-schedules-cron-with-settings-job-schedule.yml +++ b/.github/workflows/cli-schedules-schedules-cron-with-settings-job-schedule.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/schedules" + working-directory: infra/bootstrapping + continue-on-error: false - name: create schedule run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-schedules-schedules-recurrence-job-schedule.yml b/.github/workflows/cli-schedules-schedules-recurrence-job-schedule.yml index 7dfaa3347e..350b6739bd 100644 --- a/.github/workflows/cli-schedules-schedules-recurrence-job-schedule.yml +++ b/.github/workflows/cli-schedules-schedules-recurrence-job-schedule.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/schedules" + working-directory: infra/bootstrapping + continue-on-error: false - name: create schedule run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-scripts-batch-score-rest.yml b/.github/workflows/cli-scripts-batch-score-rest.yml index 6234227273..a29366de0c 100644 --- a/.github/workflows/cli-scripts-batch-score-rest.yml +++ b/.github/workflows/cli-scripts-batch-score-rest.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/" + working-directory: infra/bootstrapping + continue-on-error: false - name: test script script run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-scripts-batch-score.yml b/.github/workflows/cli-scripts-batch-score.yml index 75fb22f6c3..02ad643e03 100644 --- a/.github/workflows/cli-scripts-batch-score.yml +++ b/.github/workflows/cli-scripts-batch-score.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/" + working-directory: infra/bootstrapping + continue-on-error: false - name: test script script run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-scripts-deploy-custom-container-minimal-multimodel.yml b/.github/workflows/cli-scripts-deploy-custom-container-minimal-multimodel.yml index d99f69af64..a14bdbc3cc 100644 --- a/.github/workflows/cli-scripts-deploy-custom-container-minimal-multimodel.yml +++ b/.github/workflows/cli-scripts-deploy-custom-container-minimal-multimodel.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/" + working-directory: infra/bootstrapping + continue-on-error: false - name: test script script run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-scripts-deploy-custom-container-minimal-single-model.yml b/.github/workflows/cli-scripts-deploy-custom-container-minimal-single-model.yml index 30ef6713d9..7ee7acd818 100644 --- a/.github/workflows/cli-scripts-deploy-custom-container-minimal-single-model.yml +++ b/.github/workflows/cli-scripts-deploy-custom-container-minimal-single-model.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/" + working-directory: infra/bootstrapping + continue-on-error: false - name: test script script run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-scripts-deploy-custom-container-mlflow-multideployment-scikit.yml b/.github/workflows/cli-scripts-deploy-custom-container-mlflow-multideployment-scikit.yml index 3b9e15468d..24169c7961 100644 --- a/.github/workflows/cli-scripts-deploy-custom-container-mlflow-multideployment-scikit.yml +++ b/.github/workflows/cli-scripts-deploy-custom-container-mlflow-multideployment-scikit.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/" + working-directory: infra/bootstrapping + continue-on-error: false - name: test script script run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-scripts-deploy-custom-container-r-multimodel-plumber.yml b/.github/workflows/cli-scripts-deploy-custom-container-r-multimodel-plumber.yml index b617031f29..c3e83b280a 100644 --- a/.github/workflows/cli-scripts-deploy-custom-container-r-multimodel-plumber.yml +++ b/.github/workflows/cli-scripts-deploy-custom-container-r-multimodel-plumber.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/" + working-directory: infra/bootstrapping + continue-on-error: false - name: test script script run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-scripts-deploy-custom-container-tfserving-half-plus-two-integrated.yml b/.github/workflows/cli-scripts-deploy-custom-container-tfserving-half-plus-two-integrated.yml index 848ef64cb2..0c97c67eb5 100644 --- a/.github/workflows/cli-scripts-deploy-custom-container-tfserving-half-plus-two-integrated.yml +++ b/.github/workflows/cli-scripts-deploy-custom-container-tfserving-half-plus-two-integrated.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/" + working-directory: infra/bootstrapping + continue-on-error: false - name: test script script run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-scripts-deploy-custom-container-tfserving-half-plus-two.yml b/.github/workflows/cli-scripts-deploy-custom-container-tfserving-half-plus-two.yml index 20d57687e6..d673764097 100644 --- a/.github/workflows/cli-scripts-deploy-custom-container-tfserving-half-plus-two.yml +++ b/.github/workflows/cli-scripts-deploy-custom-container-tfserving-half-plus-two.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/" + working-directory: infra/bootstrapping + continue-on-error: false - name: test script script run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-scripts-deploy-custom-container-torchserve-densenet.yml b/.github/workflows/cli-scripts-deploy-custom-container-torchserve-densenet.yml index bdc8e75a54..9be2f19071 100644 --- a/.github/workflows/cli-scripts-deploy-custom-container-torchserve-densenet.yml +++ b/.github/workflows/cli-scripts-deploy-custom-container-torchserve-densenet.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/" + working-directory: infra/bootstrapping + continue-on-error: false - name: test script script run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-scripts-deploy-custom-container-torchserve-huggingface-textgen.yml b/.github/workflows/cli-scripts-deploy-custom-container-torchserve-huggingface-textgen.yml index ec733df212..a5e12c3250 100644 --- a/.github/workflows/cli-scripts-deploy-custom-container-torchserve-huggingface-textgen.yml +++ b/.github/workflows/cli-scripts-deploy-custom-container-torchserve-huggingface-textgen.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/" + working-directory: infra/bootstrapping + continue-on-error: false - name: test script script run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-scripts-deploy-custom-container-triton-single-model.yml b/.github/workflows/cli-scripts-deploy-custom-container-triton-single-model.yml index fcce8ce5ef..65b06f9d54 100644 --- a/.github/workflows/cli-scripts-deploy-custom-container-triton-single-model.yml +++ b/.github/workflows/cli-scripts-deploy-custom-container-triton-single-model.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/" + working-directory: infra/bootstrapping + continue-on-error: false - name: test script script run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-scripts-deploy-local-endpoint.yml b/.github/workflows/cli-scripts-deploy-local-endpoint.yml index dd756df6ef..ec5d487ffc 100644 --- a/.github/workflows/cli-scripts-deploy-local-endpoint.yml +++ b/.github/workflows/cli-scripts-deploy-local-endpoint.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/" + working-directory: infra/bootstrapping + continue-on-error: false - name: test script script run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-scripts-deploy-managed-online-endpoint-access-resource-sai.yml b/.github/workflows/cli-scripts-deploy-managed-online-endpoint-access-resource-sai.yml index e026cddfa5..362af12cca 100644 --- a/.github/workflows/cli-scripts-deploy-managed-online-endpoint-access-resource-sai.yml +++ b/.github/workflows/cli-scripts-deploy-managed-online-endpoint-access-resource-sai.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/" + working-directory: infra/bootstrapping + continue-on-error: false - name: test script script run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-scripts-deploy-managed-online-endpoint-access-resource-uai.yml b/.github/workflows/cli-scripts-deploy-managed-online-endpoint-access-resource-uai.yml index 70a97dcdee..fe02639885 100644 --- a/.github/workflows/cli-scripts-deploy-managed-online-endpoint-access-resource-uai.yml +++ b/.github/workflows/cli-scripts-deploy-managed-online-endpoint-access-resource-uai.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/" + working-directory: infra/bootstrapping + continue-on-error: false - name: test script script run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-scripts-deploy-managed-online-endpoint-ncd.yml b/.github/workflows/cli-scripts-deploy-managed-online-endpoint-ncd.yml index 2fdf53ce80..e15e34a9bd 100644 --- a/.github/workflows/cli-scripts-deploy-managed-online-endpoint-ncd.yml +++ b/.github/workflows/cli-scripts-deploy-managed-online-endpoint-ncd.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/" + working-directory: infra/bootstrapping + continue-on-error: false - name: test script script run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-scripts-deploy-managed-online-endpoint.yml b/.github/workflows/cli-scripts-deploy-managed-online-endpoint.yml index e46831f7f3..7a5dff362a 100644 --- a/.github/workflows/cli-scripts-deploy-managed-online-endpoint.yml +++ b/.github/workflows/cli-scripts-deploy-managed-online-endpoint.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/" + working-directory: infra/bootstrapping + continue-on-error: false - name: test script script run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-scripts-deploy-mlcompute-create_with-system-identity.yml b/.github/workflows/cli-scripts-deploy-mlcompute-create_with-system-identity.yml index 61f3dbdd70..16df4dbb88 100644 --- a/.github/workflows/cli-scripts-deploy-mlcompute-create_with-system-identity.yml +++ b/.github/workflows/cli-scripts-deploy-mlcompute-create_with-system-identity.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/" + working-directory: infra/bootstrapping + continue-on-error: false - name: test script script run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-scripts-deploy-mlcompute-update-to-system-identity.yml b/.github/workflows/cli-scripts-deploy-mlcompute-update-to-system-identity.yml index 1e6fddda16..1528c7cc5e 100644 --- a/.github/workflows/cli-scripts-deploy-mlcompute-update-to-system-identity.yml +++ b/.github/workflows/cli-scripts-deploy-mlcompute-update-to-system-identity.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/" + working-directory: infra/bootstrapping + continue-on-error: false - name: test script script run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-scripts-deploy-mlcompute-update-to-user-identity.yml b/.github/workflows/cli-scripts-deploy-mlcompute-update-to-user-identity.yml index a1cd2c69c2..3bcab97e9e 100644 --- a/.github/workflows/cli-scripts-deploy-mlcompute-update-to-user-identity.yml +++ b/.github/workflows/cli-scripts-deploy-mlcompute-update-to-user-identity.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/" + working-directory: infra/bootstrapping + continue-on-error: false - name: test script script run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-scripts-deploy-moe-autoscale.yml b/.github/workflows/cli-scripts-deploy-moe-autoscale.yml index 5b5b24c281..e89bfc0118 100644 --- a/.github/workflows/cli-scripts-deploy-moe-autoscale.yml +++ b/.github/workflows/cli-scripts-deploy-moe-autoscale.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/" + working-directory: infra/bootstrapping + continue-on-error: false - name: test script script run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-scripts-deploy-moe-binary-payloads.yml b/.github/workflows/cli-scripts-deploy-moe-binary-payloads.yml index 5df4bfa955..181be83a40 100644 --- a/.github/workflows/cli-scripts-deploy-moe-binary-payloads.yml +++ b/.github/workflows/cli-scripts-deploy-moe-binary-payloads.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/" + working-directory: infra/bootstrapping + continue-on-error: false - name: test script script run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-scripts-deploy-moe-inference-schema.yml b/.github/workflows/cli-scripts-deploy-moe-inference-schema.yml index 7e04bf0353..3a787f99e3 100644 --- a/.github/workflows/cli-scripts-deploy-moe-inference-schema.yml +++ b/.github/workflows/cli-scripts-deploy-moe-inference-schema.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/" + working-directory: infra/bootstrapping + continue-on-error: false - name: test script script run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-scripts-deploy-moe-keyvault.yml b/.github/workflows/cli-scripts-deploy-moe-keyvault.yml index e309e83e30..0e766c1264 100644 --- a/.github/workflows/cli-scripts-deploy-moe-keyvault.yml +++ b/.github/workflows/cli-scripts-deploy-moe-keyvault.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/" + working-directory: infra/bootstrapping + continue-on-error: false - name: test script script run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-scripts-deploy-moe-minimal-single-model-registered.yml b/.github/workflows/cli-scripts-deploy-moe-minimal-single-model-registered.yml index 8b45770c9a..31648ed7c1 100644 --- a/.github/workflows/cli-scripts-deploy-moe-minimal-single-model-registered.yml +++ b/.github/workflows/cli-scripts-deploy-moe-minimal-single-model-registered.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/" + working-directory: infra/bootstrapping + continue-on-error: false - name: test script script run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-scripts-deploy-moe-openapi.yml b/.github/workflows/cli-scripts-deploy-moe-openapi.yml index 6709b49565..1b618e685a 100644 --- a/.github/workflows/cli-scripts-deploy-moe-openapi.yml +++ b/.github/workflows/cli-scripts-deploy-moe-openapi.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/" + working-directory: infra/bootstrapping + continue-on-error: false - name: test script script run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-scripts-deploy-rest.yml b/.github/workflows/cli-scripts-deploy-rest.yml index 3445f1aa64..ffabc1ad04 100644 --- a/.github/workflows/cli-scripts-deploy-rest.yml +++ b/.github/workflows/cli-scripts-deploy-rest.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/" + working-directory: infra/bootstrapping + continue-on-error: false - name: test script script run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-scripts-deploy-safe-rollout-kubernetes-online-endpoints.yml b/.github/workflows/cli-scripts-deploy-safe-rollout-kubernetes-online-endpoints.yml index 1700164d07..2aeb9f3295 100644 --- a/.github/workflows/cli-scripts-deploy-safe-rollout-kubernetes-online-endpoints.yml +++ b/.github/workflows/cli-scripts-deploy-safe-rollout-kubernetes-online-endpoints.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/" + working-directory: infra/bootstrapping + continue-on-error: false - name: test script script run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-scripts-deploy-safe-rollout-online-endpoints.yml b/.github/workflows/cli-scripts-deploy-safe-rollout-online-endpoints.yml index 0605e4799d..927a11b9e4 100644 --- a/.github/workflows/cli-scripts-deploy-safe-rollout-online-endpoints.yml +++ b/.github/workflows/cli-scripts-deploy-safe-rollout-online-endpoints.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/" + working-directory: infra/bootstrapping + continue-on-error: false - name: test script script run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-scripts-deploy-triton-managed-online-endpoint.yml b/.github/workflows/cli-scripts-deploy-triton-managed-online-endpoint.yml index 6b7e8400c1..2fca4e9f90 100644 --- a/.github/workflows/cli-scripts-deploy-triton-managed-online-endpoint.yml +++ b/.github/workflows/cli-scripts-deploy-triton-managed-online-endpoint.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/" + working-directory: infra/bootstrapping + continue-on-error: false - name: test script script run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-scripts-misc.yml b/.github/workflows/cli-scripts-misc.yml index d29d24ff84..b91b794e9a 100644 --- a/.github/workflows/cli-scripts-misc.yml +++ b/.github/workflows/cli-scripts-misc.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/" + working-directory: infra/bootstrapping + continue-on-error: false - name: test script script run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-scripts-mlflow-uri.yml b/.github/workflows/cli-scripts-mlflow-uri.yml index bdc10cff99..e13ebe910f 100644 --- a/.github/workflows/cli-scripts-mlflow-uri.yml +++ b/.github/workflows/cli-scripts-mlflow-uri.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/" + working-directory: infra/bootstrapping + continue-on-error: false - name: test script script run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-scripts-train-rest.yml b/.github/workflows/cli-scripts-train-rest.yml index bf3b9b4317..26d144c5ab 100644 --- a/.github/workflows/cli-scripts-train-rest.yml +++ b/.github/workflows/cli-scripts-train-rest.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/" + working-directory: infra/bootstrapping + continue-on-error: false - name: test script script run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/cli-scripts-train.yml b/.github/workflows/cli-scripts-train.yml index 620e74e51e..9859a8b5d4 100644 --- a/.github/workflows/cli-scripts-train.yml +++ b/.github/workflows/cli-scripts-train.yml @@ -41,6 +41,11 @@ jobs: bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/cli/" + working-directory: infra/bootstrapping + continue-on-error: false - name: test script script run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-assets-assets-in-registry-share-data-using-registry.yml b/.github/workflows/sdk-assets-assets-in-registry-share-data-using-registry.yml index 9bc0407907..29f634eed8 100644 --- a/.github/workflows/sdk-assets-assets-in-registry-share-data-using-registry.yml +++ b/.github/workflows/sdk-assets-assets-in-registry-share-data-using-registry.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/assets/assets-in-registry" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-assets-assets-in-registry-share-models-components-environments.yml b/.github/workflows/sdk-assets-assets-in-registry-share-models-components-environments.yml index 19de715038..55cffbc99c 100644 --- a/.github/workflows/sdk-assets-assets-in-registry-share-models-components-environments.yml +++ b/.github/workflows/sdk-assets-assets-in-registry-share-models-components-environments.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/assets/assets-in-registry" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-assets-component-component.yml b/.github/workflows/sdk-assets-component-component.yml index 5cf7f82216..932ab23f50 100644 --- a/.github/workflows/sdk-assets-component-component.yml +++ b/.github/workflows/sdk-assets-component-component.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/assets/component" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-assets-data-data.yml b/.github/workflows/sdk-assets-data-data.yml index f4e419a31b..80e238d775 100644 --- a/.github/workflows/sdk-assets-data-data.yml +++ b/.github/workflows/sdk-assets-data-data.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/assets/data" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-assets-data-working_with_mltable.yml b/.github/workflows/sdk-assets-data-working_with_mltable.yml index 1466a317b5..4e845df023 100644 --- a/.github/workflows/sdk-assets-data-working_with_mltable.yml +++ b/.github/workflows/sdk-assets-data-working_with_mltable.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/assets/data" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-assets-environment-environment.yml b/.github/workflows/sdk-assets-environment-environment.yml index 0f73e2b2ea..e4e2b13796 100644 --- a/.github/workflows/sdk-assets-environment-environment.yml +++ b/.github/workflows/sdk-assets-environment-environment.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/assets/environment" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-assets-model-model.yml b/.github/workflows/sdk-assets-model-model.yml index ac8c72dfd8..afb45bc227 100644 --- a/.github/workflows/sdk-assets-model-model.yml +++ b/.github/workflows/sdk-assets-model-model.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/assets/model" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-endpoints-batch-deploy-models-custom-outputs-parquet-custom-output-batch.yml b/.github/workflows/sdk-endpoints-batch-deploy-models-custom-outputs-parquet-custom-output-batch.yml index 38a94cdb64..7993aaac04 100644 --- a/.github/workflows/sdk-endpoints-batch-deploy-models-custom-outputs-parquet-custom-output-batch.yml +++ b/.github/workflows/sdk-endpoints-batch-deploy-models-custom-outputs-parquet-custom-output-batch.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/endpoints/batch/deploy-models/custom-outputs-parquet" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-endpoints-batch-deploy-models-heart-classifier-mlflow-mlflow-for-batch-tabular.yml b/.github/workflows/sdk-endpoints-batch-deploy-models-heart-classifier-mlflow-mlflow-for-batch-tabular.yml index fa710a887c..d658c27fc3 100644 --- a/.github/workflows/sdk-endpoints-batch-deploy-models-heart-classifier-mlflow-mlflow-for-batch-tabular.yml +++ b/.github/workflows/sdk-endpoints-batch-deploy-models-heart-classifier-mlflow-mlflow-for-batch-tabular.yml @@ -54,6 +54,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/endpoints/batch/deploy-models/heart-classifier-mlflow" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-endpoints-batch-deploy-models-huggingface-text-summarization-text-summarization-batch.yml b/.github/workflows/sdk-endpoints-batch-deploy-models-huggingface-text-summarization-text-summarization-batch.yml index 252ed21bb1..f5cc3b7559 100644 --- a/.github/workflows/sdk-endpoints-batch-deploy-models-huggingface-text-summarization-text-summarization-batch.yml +++ b/.github/workflows/sdk-endpoints-batch-deploy-models-huggingface-text-summarization-text-summarization-batch.yml @@ -54,6 +54,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/endpoints/batch/deploy-models/huggingface-text-summarization" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-endpoints-batch-deploy-models-imagenet-classifier-imagenet-classifier-batch.yml b/.github/workflows/sdk-endpoints-batch-deploy-models-imagenet-classifier-imagenet-classifier-batch.yml index 5e9111df20..607d3e08f8 100644 --- a/.github/workflows/sdk-endpoints-batch-deploy-models-imagenet-classifier-imagenet-classifier-batch.yml +++ b/.github/workflows/sdk-endpoints-batch-deploy-models-imagenet-classifier-imagenet-classifier-batch.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/endpoints/batch/deploy-models/imagenet-classifier" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-endpoints-batch-deploy-models-imagenet-classifier-imagenet-classifier-mlflow.yml b/.github/workflows/sdk-endpoints-batch-deploy-models-imagenet-classifier-imagenet-classifier-mlflow.yml index a152ddd645..96701dfc9d 100644 --- a/.github/workflows/sdk-endpoints-batch-deploy-models-imagenet-classifier-imagenet-classifier-mlflow.yml +++ b/.github/workflows/sdk-endpoints-batch-deploy-models-imagenet-classifier-imagenet-classifier-mlflow.yml @@ -54,6 +54,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/endpoints/batch/deploy-models/imagenet-classifier" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-endpoints-batch-deploy-models-mnist-classifier-mnist-batch.yml b/.github/workflows/sdk-endpoints-batch-deploy-models-mnist-classifier-mnist-batch.yml index 48c6c52fae..e32f3a8c18 100644 --- a/.github/workflows/sdk-endpoints-batch-deploy-models-mnist-classifier-mnist-batch.yml +++ b/.github/workflows/sdk-endpoints-batch-deploy-models-mnist-classifier-mnist-batch.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/endpoints/batch/deploy-models/mnist-classifier" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-endpoints-batch-deploy-pipelines-batch-scoring-with-preprocessing-sdk-deploy-and-test.yml b/.github/workflows/sdk-endpoints-batch-deploy-pipelines-batch-scoring-with-preprocessing-sdk-deploy-and-test.yml index f272724f40..98870aa204 100644 --- a/.github/workflows/sdk-endpoints-batch-deploy-pipelines-batch-scoring-with-preprocessing-sdk-deploy-and-test.yml +++ b/.github/workflows/sdk-endpoints-batch-deploy-pipelines-batch-scoring-with-preprocessing-sdk-deploy-and-test.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/endpoints/batch/deploy-pipelines/batch-scoring-with-preprocessing" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-endpoints-batch-deploy-pipelines-hello-batch-sdk-deploy-and-test.yml b/.github/workflows/sdk-endpoints-batch-deploy-pipelines-hello-batch-sdk-deploy-and-test.yml index 1e31a771fc..15b860cd75 100644 --- a/.github/workflows/sdk-endpoints-batch-deploy-pipelines-hello-batch-sdk-deploy-and-test.yml +++ b/.github/workflows/sdk-endpoints-batch-deploy-pipelines-hello-batch-sdk-deploy-and-test.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/endpoints/batch/deploy-pipelines/hello-batch" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-endpoints-batch-deploy-pipelines-training-with-components-sdk-deploy-and-test.yml b/.github/workflows/sdk-endpoints-batch-deploy-pipelines-training-with-components-sdk-deploy-and-test.yml index a50e5dabf3..12046d4ef5 100644 --- a/.github/workflows/sdk-endpoints-batch-deploy-pipelines-training-with-components-sdk-deploy-and-test.yml +++ b/.github/workflows/sdk-endpoints-batch-deploy-pipelines-training-with-components-sdk-deploy-and-test.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/endpoints/batch/deploy-pipelines/training-with-components" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-endpoints-online-custom-container-online-endpoints-custom-container-multimodel.yml b/.github/workflows/sdk-endpoints-online-custom-container-online-endpoints-custom-container-multimodel.yml index af1cf90e2c..34e76ee42f 100644 --- a/.github/workflows/sdk-endpoints-online-custom-container-online-endpoints-custom-container-multimodel.yml +++ b/.github/workflows/sdk-endpoints-online-custom-container-online-endpoints-custom-container-multimodel.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/endpoints/online/custom-container" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-endpoints-online-custom-container-online-endpoints-custom-container.yml b/.github/workflows/sdk-endpoints-online-custom-container-online-endpoints-custom-container.yml index 0728954bc4..4edbb96c57 100644 --- a/.github/workflows/sdk-endpoints-online-custom-container-online-endpoints-custom-container.yml +++ b/.github/workflows/sdk-endpoints-online-custom-container-online-endpoints-custom-container.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/endpoints/online/custom-container" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-endpoints-online-custom-container-triton-online-endpoints-triton-cc.yml b/.github/workflows/sdk-endpoints-online-custom-container-triton-online-endpoints-triton-cc.yml index 18197d77de..1bfd57e787 100644 --- a/.github/workflows/sdk-endpoints-online-custom-container-triton-online-endpoints-triton-cc.yml +++ b/.github/workflows/sdk-endpoints-online-custom-container-triton-online-endpoints-triton-cc.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/endpoints/online/custom-container/triton" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-endpoints-online-kubernetes-kubernetes-online-endpoints-safe-rollout.yml b/.github/workflows/sdk-endpoints-online-kubernetes-kubernetes-online-endpoints-safe-rollout.yml index dcd074f4db..09d4bfd4c9 100644 --- a/.github/workflows/sdk-endpoints-online-kubernetes-kubernetes-online-endpoints-safe-rollout.yml +++ b/.github/workflows/sdk-endpoints-online-kubernetes-kubernetes-online-endpoints-safe-rollout.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/endpoints/online/kubernetes" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-endpoints-online-kubernetes-kubernetes-online-endpoints-simple-deployment.yml b/.github/workflows/sdk-endpoints-online-kubernetes-kubernetes-online-endpoints-simple-deployment.yml index 85b9560f86..858a43045d 100644 --- a/.github/workflows/sdk-endpoints-online-kubernetes-kubernetes-online-endpoints-simple-deployment.yml +++ b/.github/workflows/sdk-endpoints-online-kubernetes-kubernetes-online-endpoints-simple-deployment.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/endpoints/online/kubernetes" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-endpoints-online-llm-langchain-1_langchain_basic_deploy.yml b/.github/workflows/sdk-endpoints-online-llm-langchain-1_langchain_basic_deploy.yml index 5e57da87f8..85c256cf82 100644 --- a/.github/workflows/sdk-endpoints-online-llm-langchain-1_langchain_basic_deploy.yml +++ b/.github/workflows/sdk-endpoints-online-llm-langchain-1_langchain_basic_deploy.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/endpoints/online/llm/langchain" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-endpoints-online-llm-semantic-kernel-1_semantic_http_server.yml b/.github/workflows/sdk-endpoints-online-llm-semantic-kernel-1_semantic_http_server.yml index 8e68c478da..68a8e8c9bc 100644 --- a/.github/workflows/sdk-endpoints-online-llm-semantic-kernel-1_semantic_http_server.yml +++ b/.github/workflows/sdk-endpoints-online-llm-semantic-kernel-1_semantic_http_server.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/endpoints/online/llm/semantic-kernel" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-endpoints-online-managed-managed-identities-online-endpoints-managed-identity-sai.yml b/.github/workflows/sdk-endpoints-online-managed-managed-identities-online-endpoints-managed-identity-sai.yml index b80fe75f22..fa789fa504 100644 --- a/.github/workflows/sdk-endpoints-online-managed-managed-identities-online-endpoints-managed-identity-sai.yml +++ b/.github/workflows/sdk-endpoints-online-managed-managed-identities-online-endpoints-managed-identity-sai.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/endpoints/online/managed/managed-identities" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-endpoints-online-managed-managed-identities-online-endpoints-managed-identity-uai.yml b/.github/workflows/sdk-endpoints-online-managed-managed-identities-online-endpoints-managed-identity-uai.yml index afcd586fc0..41941ce7c8 100644 --- a/.github/workflows/sdk-endpoints-online-managed-managed-identities-online-endpoints-managed-identity-uai.yml +++ b/.github/workflows/sdk-endpoints-online-managed-managed-identities-online-endpoints-managed-identity-uai.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/endpoints/online/managed/managed-identities" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-endpoints-online-managed-online-endpoints-binary-payloads.yml b/.github/workflows/sdk-endpoints-online-managed-online-endpoints-binary-payloads.yml index 41e7a4fba0..684b22b727 100644 --- a/.github/workflows/sdk-endpoints-online-managed-online-endpoints-binary-payloads.yml +++ b/.github/workflows/sdk-endpoints-online-managed-online-endpoints-binary-payloads.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/endpoints/online/managed" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-endpoints-online-managed-online-endpoints-inference-schema.yml b/.github/workflows/sdk-endpoints-online-managed-online-endpoints-inference-schema.yml index 27eaa30404..e8a7d81cb3 100644 --- a/.github/workflows/sdk-endpoints-online-managed-online-endpoints-inference-schema.yml +++ b/.github/workflows/sdk-endpoints-online-managed-online-endpoints-inference-schema.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/endpoints/online/managed" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-endpoints-online-managed-online-endpoints-keyvault.yml b/.github/workflows/sdk-endpoints-online-managed-online-endpoints-keyvault.yml index 67d67b145c..c061acc3d4 100644 --- a/.github/workflows/sdk-endpoints-online-managed-online-endpoints-keyvault.yml +++ b/.github/workflows/sdk-endpoints-online-managed-online-endpoints-keyvault.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/endpoints/online/managed" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-endpoints-online-managed-online-endpoints-multimodel.yml b/.github/workflows/sdk-endpoints-online-managed-online-endpoints-multimodel.yml index e15e94f5c2..78eedab945 100644 --- a/.github/workflows/sdk-endpoints-online-managed-online-endpoints-multimodel.yml +++ b/.github/workflows/sdk-endpoints-online-managed-online-endpoints-multimodel.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/endpoints/online/managed" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-endpoints-online-managed-online-endpoints-openapi.yml b/.github/workflows/sdk-endpoints-online-managed-online-endpoints-openapi.yml index 123a42d69d..969b979fa9 100644 --- a/.github/workflows/sdk-endpoints-online-managed-online-endpoints-openapi.yml +++ b/.github/workflows/sdk-endpoints-online-managed-online-endpoints-openapi.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/endpoints/online/managed" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-endpoints-online-managed-online-endpoints-safe-rollout.yml b/.github/workflows/sdk-endpoints-online-managed-online-endpoints-safe-rollout.yml index d4d2375589..065782c5c2 100644 --- a/.github/workflows/sdk-endpoints-online-managed-online-endpoints-safe-rollout.yml +++ b/.github/workflows/sdk-endpoints-online-managed-online-endpoints-safe-rollout.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/endpoints/online/managed" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-endpoints-online-managed-online-endpoints-simple-deployment.yml b/.github/workflows/sdk-endpoints-online-managed-online-endpoints-simple-deployment.yml index 859316a038..1d1e7570ac 100644 --- a/.github/workflows/sdk-endpoints-online-managed-online-endpoints-simple-deployment.yml +++ b/.github/workflows/sdk-endpoints-online-managed-online-endpoints-simple-deployment.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/endpoints/online/managed" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-endpoints-online-mlflow-online-endpoints-deploy-mlflow-model-with-script.yml b/.github/workflows/sdk-endpoints-online-mlflow-online-endpoints-deploy-mlflow-model-with-script.yml index 2e918fd0a0..afcdd13dfb 100644 --- a/.github/workflows/sdk-endpoints-online-mlflow-online-endpoints-deploy-mlflow-model-with-script.yml +++ b/.github/workflows/sdk-endpoints-online-mlflow-online-endpoints-deploy-mlflow-model-with-script.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/endpoints/online/mlflow" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-endpoints-online-mlflow-online-endpoints-deploy-mlflow-model.yml b/.github/workflows/sdk-endpoints-online-mlflow-online-endpoints-deploy-mlflow-model.yml index 75dffcaab8..010c301493 100644 --- a/.github/workflows/sdk-endpoints-online-mlflow-online-endpoints-deploy-mlflow-model.yml +++ b/.github/workflows/sdk-endpoints-online-mlflow-online-endpoints-deploy-mlflow-model.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/endpoints/online/mlflow" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-endpoints-online-triton-single-model-online-endpoints-triton.yml b/.github/workflows/sdk-endpoints-online-triton-single-model-online-endpoints-triton.yml index 8a39d930c6..6776e31edc 100644 --- a/.github/workflows/sdk-endpoints-online-triton-single-model-online-endpoints-triton.yml +++ b/.github/workflows/sdk-endpoints-online-triton-single-model-online-endpoints-triton.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/endpoints/online/triton/single-model" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-featurestore_sample-automation-test-test_featurestore_cli_samples.yml b/.github/workflows/sdk-featurestore_sample-automation-test-test_featurestore_cli_samples.yml index eab0d6b797..282ed8a7dc 100644 --- a/.github/workflows/sdk-featurestore_sample-automation-test-test_featurestore_cli_samples.yml +++ b/.github/workflows/sdk-featurestore_sample-automation-test-test_featurestore_cli_samples.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/featurestore_sample" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-featurestore_sample-automation-test-test_featurestore_sdk_samples.yml b/.github/workflows/sdk-featurestore_sample-automation-test-test_featurestore_sdk_samples.yml index f8cbe00e02..44d952db6b 100644 --- a/.github/workflows/sdk-featurestore_sample-automation-test-test_featurestore_sdk_samples.yml +++ b/.github/workflows/sdk-featurestore_sample-automation-test-test_featurestore_sdk_samples.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/featurestore_sample" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-foundation-models-azure_openai-oai-v1-openai_completions_finetune.yml b/.github/workflows/sdk-foundation-models-azure_openai-oai-v1-openai_completions_finetune.yml index 771030a336..60e4da9348 100644 --- a/.github/workflows/sdk-foundation-models-azure_openai-oai-v1-openai_completions_finetune.yml +++ b/.github/workflows/sdk-foundation-models-azure_openai-oai-v1-openai_completions_finetune.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/foundation-models/azure_openai/oai-v1" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-foundation-models-azure_openai-oai-v2-openai_chat_finetune_pipeline.yml b/.github/workflows/sdk-foundation-models-azure_openai-oai-v2-openai_chat_finetune_pipeline.yml index cea4dfd3fb..fb0b7275cf 100644 --- a/.github/workflows/sdk-foundation-models-azure_openai-oai-v2-openai_chat_finetune_pipeline.yml +++ b/.github/workflows/sdk-foundation-models-azure_openai-oai-v2-openai_chat_finetune_pipeline.yml @@ -60,6 +60,11 @@ jobs: bash setup_oai_v2.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/foundation-models/azure_openai/oai-v2" + working-directory: infra/bootstrapping + continue-on-error: false - name: run foundation-models/azure_openai/oai-v2/openai_chat_finetune_pipeline.ipynb run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; @@ -74,4 +79,4 @@ jobs: uses: actions/upload-artifact@v2 with: name: openai_chat_finetune_pipeline - path: sdk/python/foundation-models/azure_openai/oai-v2 + path: sdk/python/foundation-models/azure_openai/oai-v2 \ No newline at end of file diff --git a/.github/workflows/sdk-foundation-models-huggingface-inference-question-answering-question-answering-online-endpoint.yml b/.github/workflows/sdk-foundation-models-huggingface-inference-question-answering-question-answering-online-endpoint.yml index df3def1014..8608732add 100644 --- a/.github/workflows/sdk-foundation-models-huggingface-inference-question-answering-question-answering-online-endpoint.yml +++ b/.github/workflows/sdk-foundation-models-huggingface-inference-question-answering-question-answering-online-endpoint.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/foundation-models/huggingface/inference/question-answering" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-foundation-models-huggingface-inference-token-classification-token-classification-online-endpoint.yml b/.github/workflows/sdk-foundation-models-huggingface-inference-token-classification-token-classification-online-endpoint.yml index d151cd2896..52b700a9cc 100644 --- a/.github/workflows/sdk-foundation-models-huggingface-inference-token-classification-token-classification-online-endpoint.yml +++ b/.github/workflows/sdk-foundation-models-huggingface-inference-token-classification-token-classification-online-endpoint.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/foundation-models/huggingface/inference/token-classification" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-foundation-models-huggingface-inference-translation-translation-online-endpoint.yml b/.github/workflows/sdk-foundation-models-huggingface-inference-translation-translation-online-endpoint.yml index dd2650a791..062d163548 100644 --- a/.github/workflows/sdk-foundation-models-huggingface-inference-translation-translation-online-endpoint.yml +++ b/.github/workflows/sdk-foundation-models-huggingface-inference-translation-translation-online-endpoint.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/foundation-models/huggingface/inference/translation" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-foundation-models-huggingface-inference-zero-shot-classification-zero-shot-classification-online-endpoint.yml b/.github/workflows/sdk-foundation-models-huggingface-inference-zero-shot-classification-zero-shot-classification-online-endpoint.yml index 74e2156d62..b3355ea4ae 100644 --- a/.github/workflows/sdk-foundation-models-huggingface-inference-zero-shot-classification-zero-shot-classification-online-endpoint.yml +++ b/.github/workflows/sdk-foundation-models-huggingface-inference-zero-shot-classification-zero-shot-classification-online-endpoint.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/foundation-models/huggingface/inference/zero-shot-classification" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-foundation-models-system-import-import_model_into_registry.yml b/.github/workflows/sdk-foundation-models-system-import-import_model_into_registry.yml index 953ae01ee4..529c5962be 100644 --- a/.github/workflows/sdk-foundation-models-system-import-import_model_into_registry.yml +++ b/.github/workflows/sdk-foundation-models-system-import-import_model_into_registry.yml @@ -54,6 +54,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/foundation-models/system/import" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-classification-task-bankmarketing-automl-classification-task-bankmarketing.yml b/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-classification-task-bankmarketing-automl-classification-task-bankmarketing.yml index 8421187817..8aa802df94 100644 --- a/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-classification-task-bankmarketing-automl-classification-task-bankmarketing.yml +++ b/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-classification-task-bankmarketing-automl-classification-task-bankmarketing.yml @@ -54,6 +54,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/automl-standalone-jobs/automl-classification-task-bankmarketing" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-forecasting-distributed-tcn-automl-forecasting-distributed-tcn.yml b/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-forecasting-distributed-tcn-automl-forecasting-distributed-tcn.yml index db55a4d435..9377b5366a 100644 --- a/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-forecasting-distributed-tcn-automl-forecasting-distributed-tcn.yml +++ b/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-forecasting-distributed-tcn-automl-forecasting-distributed-tcn.yml @@ -54,6 +54,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/automl-standalone-jobs/automl-forecasting-distributed-tcn" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-forecasting-github-dau-auto-ml-forecasting-github-dau.yml b/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-forecasting-github-dau-auto-ml-forecasting-github-dau.yml index fa1ecb531f..e255e0480f 100644 --- a/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-forecasting-github-dau-auto-ml-forecasting-github-dau.yml +++ b/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-forecasting-github-dau-auto-ml-forecasting-github-dau.yml @@ -56,6 +56,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/automl-standalone-jobs/automl-forecasting-github-dau" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-forecasting-orange-juice-sales-automl-forecasting-orange-juice-sales-mlflow.yml b/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-forecasting-orange-juice-sales-automl-forecasting-orange-juice-sales-mlflow.yml index 2c5a624472..4fdc85fa13 100644 --- a/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-forecasting-orange-juice-sales-automl-forecasting-orange-juice-sales-mlflow.yml +++ b/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-forecasting-orange-juice-sales-automl-forecasting-orange-juice-sales-mlflow.yml @@ -56,6 +56,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/automl-standalone-jobs/automl-forecasting-orange-juice-sales" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-forecasting-recipes-univariate-automl-forecasting-recipe-univariate-experiment-settings.yml b/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-forecasting-recipes-univariate-automl-forecasting-recipe-univariate-experiment-settings.yml index a2605a0dd4..0c545f9b6b 100644 --- a/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-forecasting-recipes-univariate-automl-forecasting-recipe-univariate-experiment-settings.yml +++ b/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-forecasting-recipes-univariate-automl-forecasting-recipe-univariate-experiment-settings.yml @@ -54,6 +54,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/automl-standalone-jobs/automl-forecasting-recipes-univariate" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-forecasting-recipes-univariate-automl-forecasting-recipe-univariate-run.yml b/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-forecasting-recipes-univariate-automl-forecasting-recipe-univariate-run.yml index 30821d88d4..81a2fb914f 100644 --- a/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-forecasting-recipes-univariate-automl-forecasting-recipe-univariate-run.yml +++ b/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-forecasting-recipes-univariate-automl-forecasting-recipe-univariate-run.yml @@ -56,6 +56,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/automl-standalone-jobs/automl-forecasting-recipes-univariate" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-forecasting-task-bike-share-auto-ml-forecasting-bike-share.yml b/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-forecasting-task-bike-share-auto-ml-forecasting-bike-share.yml index 03b3841c2e..18df38dcf4 100644 --- a/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-forecasting-task-bike-share-auto-ml-forecasting-bike-share.yml +++ b/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-forecasting-task-bike-share-auto-ml-forecasting-bike-share.yml @@ -56,6 +56,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/automl-standalone-jobs/automl-forecasting-task-bike-share" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-forecasting-task-energy-demand-automl-forecasting-task-energy-demand-advanced-mlflow.yml b/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-forecasting-task-energy-demand-automl-forecasting-task-energy-demand-advanced-mlflow.yml index d9a08a9347..dbb589d19e 100644 --- a/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-forecasting-task-energy-demand-automl-forecasting-task-energy-demand-advanced-mlflow.yml +++ b/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-forecasting-task-energy-demand-automl-forecasting-task-energy-demand-advanced-mlflow.yml @@ -56,6 +56,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/automl-standalone-jobs/automl-forecasting-task-energy-demand" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-forecasting-task-energy-demand-automl-forecasting-task-energy-demand-advanced.yml b/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-forecasting-task-energy-demand-automl-forecasting-task-energy-demand-advanced.yml index cbb97d3280..6d5229e87e 100644 --- a/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-forecasting-task-energy-demand-automl-forecasting-task-energy-demand-advanced.yml +++ b/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-forecasting-task-energy-demand-automl-forecasting-task-energy-demand-advanced.yml @@ -54,6 +54,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/automl-standalone-jobs/automl-forecasting-task-energy-demand" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-image-classification-multiclass-task-fridge-items-automl-image-classification-multiclass-task-fridge-items.yml b/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-image-classification-multiclass-task-fridge-items-automl-image-classification-multiclass-task-fridge-items.yml index 76d3f9a7df..d6efd0446d 100644 --- a/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-image-classification-multiclass-task-fridge-items-automl-image-classification-multiclass-task-fridge-items.yml +++ b/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-image-classification-multiclass-task-fridge-items-automl-image-classification-multiclass-task-fridge-items.yml @@ -54,6 +54,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/automl-standalone-jobs/automl-image-classification-multiclass-task-fridge-items" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-image-classification-multilabel-task-fridge-items-automl-image-classification-multilabel-task-fridge-items.yml b/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-image-classification-multilabel-task-fridge-items-automl-image-classification-multilabel-task-fridge-items.yml index 945a10abdd..ca45e17b8f 100644 --- a/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-image-classification-multilabel-task-fridge-items-automl-image-classification-multilabel-task-fridge-items.yml +++ b/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-image-classification-multilabel-task-fridge-items-automl-image-classification-multilabel-task-fridge-items.yml @@ -54,6 +54,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/automl-standalone-jobs/automl-image-classification-multilabel-task-fridge-items" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.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 7a22893284..dfcfea0b0f 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 @@ -54,6 +54,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/automl-standalone-jobs/automl-image-instance-segmentation-task-fridge-items" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-image-object-detection-task-fridge-items-automl-image-object-detection-task-fridge-items.yml b/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-image-object-detection-task-fridge-items-automl-image-object-detection-task-fridge-items.yml index ac53574756..3e1418aa76 100644 --- a/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-image-object-detection-task-fridge-items-automl-image-object-detection-task-fridge-items.yml +++ b/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-image-object-detection-task-fridge-items-automl-image-object-detection-task-fridge-items.yml @@ -54,6 +54,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/automl-standalone-jobs/automl-image-object-detection-task-fridge-items" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; @@ -75,4 +80,4 @@ jobs: uses: actions/upload-artifact@v2 with: name: automl-image-object-detection-task-fridge-items - path: sdk/python/jobs/automl-standalone-jobs/automl-image-object-detection-task-fridge-items + path: sdk/python/jobs/automl-standalone-jobs/automl-image-object-detection-task-fridge-items \ No newline at end of file diff --git a/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-image-object-detection-task-fridge-items-batch-scoring-image-object-detection-batch-scoring-non-mlflow-model.yml b/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-image-object-detection-task-fridge-items-batch-scoring-image-object-detection-batch-scoring-non-mlflow-model.yml index a8add00df2..628f6fec30 100644 --- a/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-image-object-detection-task-fridge-items-batch-scoring-image-object-detection-batch-scoring-non-mlflow-model.yml +++ b/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-image-object-detection-task-fridge-items-batch-scoring-image-object-detection-batch-scoring-non-mlflow-model.yml @@ -54,6 +54,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/automl-standalone-jobs/automl-image-object-detection-task-fridge-items-batch-scoring" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; @@ -75,4 +80,4 @@ jobs: uses: actions/upload-artifact@v2 with: name: image-object-detection-batch-scoring-non-mlflow-model - path: sdk/python/jobs/automl-standalone-jobs/automl-image-object-detection-task-fridge-items-batch-scoring + path: sdk/python/jobs/automl-standalone-jobs/automl-image-object-detection-task-fridge-items-batch-scoring \ No newline at end of file diff --git a/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-nlp-text-classification-multiclass-task-sentiment-analysis-automl-nlp-multiclass-sentiment-mlflow.yml b/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-nlp-text-classification-multiclass-task-sentiment-analysis-automl-nlp-multiclass-sentiment-mlflow.yml index 06a0719fe8..387a457dff 100644 --- a/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-nlp-text-classification-multiclass-task-sentiment-analysis-automl-nlp-multiclass-sentiment-mlflow.yml +++ b/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-nlp-text-classification-multiclass-task-sentiment-analysis-automl-nlp-multiclass-sentiment-mlflow.yml @@ -54,6 +54,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/automl-standalone-jobs/automl-nlp-text-classification-multiclass-task-sentiment-analysis" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; @@ -75,4 +80,4 @@ jobs: uses: actions/upload-artifact@v2 with: name: automl-nlp-multiclass-sentiment-mlflow - path: sdk/python/jobs/automl-standalone-jobs/automl-nlp-text-classification-multiclass-task-sentiment-analysis + path: sdk/python/jobs/automl-standalone-jobs/automl-nlp-text-classification-multiclass-task-sentiment-analysis \ No newline at end of file diff --git a/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-nlp-text-classification-multiclass-task-sentiment-analysis-automl-nlp-multiclass-sentiment.yml b/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-nlp-text-classification-multiclass-task-sentiment-analysis-automl-nlp-multiclass-sentiment.yml index b1c80bd969..20a8dfcdb1 100644 --- a/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-nlp-text-classification-multiclass-task-sentiment-analysis-automl-nlp-multiclass-sentiment.yml +++ b/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-nlp-text-classification-multiclass-task-sentiment-analysis-automl-nlp-multiclass-sentiment.yml @@ -54,6 +54,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/automl-standalone-jobs/automl-nlp-text-classification-multiclass-task-sentiment-analysis" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-nlp-text-classification-multilabel-task-paper-categorization-automl-nlp-multilabel-paper-cat.yml b/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-nlp-text-classification-multilabel-task-paper-categorization-automl-nlp-multilabel-paper-cat.yml index b065fef2bb..af14f8f24a 100644 --- a/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-nlp-text-classification-multilabel-task-paper-categorization-automl-nlp-multilabel-paper-cat.yml +++ b/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-nlp-text-classification-multilabel-task-paper-categorization-automl-nlp-multilabel-paper-cat.yml @@ -54,6 +54,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/automl-standalone-jobs/automl-nlp-text-classification-multilabel-task-paper-categorization" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-nlp-text-named-entity-recognition-task-automl-nlp-text-ner-task.yml b/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-nlp-text-named-entity-recognition-task-automl-nlp-text-ner-task.yml index 89ab1d60d6..038ed5dc2f 100644 --- a/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-nlp-text-named-entity-recognition-task-automl-nlp-text-ner-task.yml +++ b/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-nlp-text-named-entity-recognition-task-automl-nlp-text-ner-task.yml @@ -54,6 +54,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/automl-standalone-jobs/automl-nlp-text-named-entity-recognition-task" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-nlp-text-named-entity-recognition-task-distributed-sweeping-automl-nlp-text-ner-task-distributed-with-sweeping.yml b/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-nlp-text-named-entity-recognition-task-distributed-sweeping-automl-nlp-text-ner-task-distributed-with-sweeping.yml index 1ffee6fb62..8e27ee19f0 100644 --- a/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-nlp-text-named-entity-recognition-task-distributed-sweeping-automl-nlp-text-ner-task-distributed-with-sweeping.yml +++ b/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-nlp-text-named-entity-recognition-task-distributed-sweeping-automl-nlp-text-ner-task-distributed-with-sweeping.yml @@ -54,6 +54,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/automl-standalone-jobs/automl-nlp-text-named-entity-recognition-task-distributed-sweeping" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-regression-task-hardware-performance-automl-regression-task-hardware-performance.yml b/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-regression-task-hardware-performance-automl-regression-task-hardware-performance.yml index 04ba44507d..230a20b9d7 100644 --- a/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-regression-task-hardware-performance-automl-regression-task-hardware-performance.yml +++ b/.github/workflows/sdk-jobs-automl-standalone-jobs-automl-regression-task-hardware-performance-automl-regression-task-hardware-performance.yml @@ -54,6 +54,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/automl-standalone-jobs/automl-regression-task-hardware-performance" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-configuration.yml b/.github/workflows/sdk-jobs-configuration.yml index 368a97874e..51fd9e9277 100644 --- a/.github/workflows/sdk-jobs-configuration.yml +++ b/.github/workflows/sdk-jobs-configuration.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-parallel-1a_oj_sales_prediction-oj_sales_prediction.yml b/.github/workflows/sdk-jobs-parallel-1a_oj_sales_prediction-oj_sales_prediction.yml index 75a844a0f8..7f924686cd 100644 --- a/.github/workflows/sdk-jobs-parallel-1a_oj_sales_prediction-oj_sales_prediction.yml +++ b/.github/workflows/sdk-jobs-parallel-1a_oj_sales_prediction-oj_sales_prediction.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/parallel/1a_oj_sales_prediction" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-parallel-2a_iris_batch_prediction-iris_batch_prediction.yml b/.github/workflows/sdk-jobs-parallel-2a_iris_batch_prediction-iris_batch_prediction.yml index 6b8c3a4ee6..7a2bf45d01 100644 --- a/.github/workflows/sdk-jobs-parallel-2a_iris_batch_prediction-iris_batch_prediction.yml +++ b/.github/workflows/sdk-jobs-parallel-2a_iris_batch_prediction-iris_batch_prediction.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/parallel/2a_iris_batch_prediction" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-parallel-3a_mnist_batch_identification-mnist_batch_prediction.yml b/.github/workflows/sdk-jobs-parallel-3a_mnist_batch_identification-mnist_batch_prediction.yml index 454335adeb..f185918a82 100644 --- a/.github/workflows/sdk-jobs-parallel-3a_mnist_batch_identification-mnist_batch_prediction.yml +++ b/.github/workflows/sdk-jobs-parallel-3a_mnist_batch_identification-mnist_batch_prediction.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/parallel/3a_mnist_batch_identification" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-pipelines-1a_pipeline_with_components_from_yaml-pipeline_with_components_from_yaml.yml b/.github/workflows/sdk-jobs-pipelines-1a_pipeline_with_components_from_yaml-pipeline_with_components_from_yaml.yml index d1c209b0e2..242cdb608a 100644 --- a/.github/workflows/sdk-jobs-pipelines-1a_pipeline_with_components_from_yaml-pipeline_with_components_from_yaml.yml +++ b/.github/workflows/sdk-jobs-pipelines-1a_pipeline_with_components_from_yaml-pipeline_with_components_from_yaml.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/pipelines/1a_pipeline_with_components_from_yaml" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-pipelines-1b_pipeline_with_python_function_components-pipeline_with_python_function_components.yml b/.github/workflows/sdk-jobs-pipelines-1b_pipeline_with_python_function_components-pipeline_with_python_function_components.yml index 40e11edd98..cafb955d2e 100644 --- a/.github/workflows/sdk-jobs-pipelines-1b_pipeline_with_python_function_components-pipeline_with_python_function_components.yml +++ b/.github/workflows/sdk-jobs-pipelines-1b_pipeline_with_python_function_components-pipeline_with_python_function_components.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/pipelines/1b_pipeline_with_python_function_components" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-pipelines-1c_pipeline_with_hyperparameter_sweep-pipeline_with_hyperparameter_sweep.yml b/.github/workflows/sdk-jobs-pipelines-1c_pipeline_with_hyperparameter_sweep-pipeline_with_hyperparameter_sweep.yml index 8464c2f477..29df8585cd 100644 --- a/.github/workflows/sdk-jobs-pipelines-1c_pipeline_with_hyperparameter_sweep-pipeline_with_hyperparameter_sweep.yml +++ b/.github/workflows/sdk-jobs-pipelines-1c_pipeline_with_hyperparameter_sweep-pipeline_with_hyperparameter_sweep.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/pipelines/1c_pipeline_with_hyperparameter_sweep" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-pipelines-1d_pipeline_with_non_python_components-pipeline_with_non_python_components.yml b/.github/workflows/sdk-jobs-pipelines-1d_pipeline_with_non_python_components-pipeline_with_non_python_components.yml index 7ba4c24c6a..d2440ffb96 100644 --- a/.github/workflows/sdk-jobs-pipelines-1d_pipeline_with_non_python_components-pipeline_with_non_python_components.yml +++ b/.github/workflows/sdk-jobs-pipelines-1d_pipeline_with_non_python_components-pipeline_with_non_python_components.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/pipelines/1d_pipeline_with_non_python_components" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-pipelines-1e_pipeline_with_registered_components-pipeline_with_registered_components.yml b/.github/workflows/sdk-jobs-pipelines-1e_pipeline_with_registered_components-pipeline_with_registered_components.yml index 1aa5e6353f..3c565dab45 100644 --- a/.github/workflows/sdk-jobs-pipelines-1e_pipeline_with_registered_components-pipeline_with_registered_components.yml +++ b/.github/workflows/sdk-jobs-pipelines-1e_pipeline_with_registered_components-pipeline_with_registered_components.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/pipelines/1e_pipeline_with_registered_components" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-pipelines-1g_pipeline_with_parallel_nodes-pipeline_with_parallel_nodes.yml b/.github/workflows/sdk-jobs-pipelines-1g_pipeline_with_parallel_nodes-pipeline_with_parallel_nodes.yml index 423aa4c975..7a59fab5cd 100644 --- a/.github/workflows/sdk-jobs-pipelines-1g_pipeline_with_parallel_nodes-pipeline_with_parallel_nodes.yml +++ b/.github/workflows/sdk-jobs-pipelines-1g_pipeline_with_parallel_nodes-pipeline_with_parallel_nodes.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/pipelines/1g_pipeline_with_parallel_nodes" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-pipelines-1h_automl_in_pipeline-automl-classification-bankmarketing-in-pipeline-automl-classification-bankmarketing-in-pipeline.yml b/.github/workflows/sdk-jobs-pipelines-1h_automl_in_pipeline-automl-classification-bankmarketing-in-pipeline-automl-classification-bankmarketing-in-pipeline.yml index 3c2e18a346..8665b08b1d 100644 --- a/.github/workflows/sdk-jobs-pipelines-1h_automl_in_pipeline-automl-classification-bankmarketing-in-pipeline-automl-classification-bankmarketing-in-pipeline.yml +++ b/.github/workflows/sdk-jobs-pipelines-1h_automl_in_pipeline-automl-classification-bankmarketing-in-pipeline-automl-classification-bankmarketing-in-pipeline.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/pipelines/1h_automl_in_pipeline/automl-classification-bankmarketing-in-pipeline" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-pipelines-1h_automl_in_pipeline-automl-forecasting-in-pipeline-automl-forecasting-in-pipeline.yml b/.github/workflows/sdk-jobs-pipelines-1h_automl_in_pipeline-automl-forecasting-in-pipeline-automl-forecasting-in-pipeline.yml index a8542e83cd..40b7d0d4b4 100644 --- a/.github/workflows/sdk-jobs-pipelines-1h_automl_in_pipeline-automl-forecasting-in-pipeline-automl-forecasting-in-pipeline.yml +++ b/.github/workflows/sdk-jobs-pipelines-1h_automl_in_pipeline-automl-forecasting-in-pipeline-automl-forecasting-in-pipeline.yml @@ -54,6 +54,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/pipelines/1h_automl_in_pipeline/automl-forecasting-in-pipeline" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-pipelines-1h_automl_in_pipeline-automl-image-classification-multiclass-in-pipeline-automl-image-classification-multiclass-in-pipeline.yml b/.github/workflows/sdk-jobs-pipelines-1h_automl_in_pipeline-automl-image-classification-multiclass-in-pipeline-automl-image-classification-multiclass-in-pipeline.yml index 73bc7a92ed..2aaf9aaa3b 100644 --- a/.github/workflows/sdk-jobs-pipelines-1h_automl_in_pipeline-automl-image-classification-multiclass-in-pipeline-automl-image-classification-multiclass-in-pipeline.yml +++ b/.github/workflows/sdk-jobs-pipelines-1h_automl_in_pipeline-automl-image-classification-multiclass-in-pipeline-automl-image-classification-multiclass-in-pipeline.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/pipelines/1h_automl_in_pipeline/automl-image-classification-multiclass-in-pipeline" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-pipelines-1h_automl_in_pipeline-automl-image-classification-multilabel-in-pipeline-automl-image-classification-multilabel-in-pipeline.yml b/.github/workflows/sdk-jobs-pipelines-1h_automl_in_pipeline-automl-image-classification-multilabel-in-pipeline-automl-image-classification-multilabel-in-pipeline.yml index 46470ed6ef..815e75fa76 100644 --- a/.github/workflows/sdk-jobs-pipelines-1h_automl_in_pipeline-automl-image-classification-multilabel-in-pipeline-automl-image-classification-multilabel-in-pipeline.yml +++ b/.github/workflows/sdk-jobs-pipelines-1h_automl_in_pipeline-automl-image-classification-multilabel-in-pipeline-automl-image-classification-multilabel-in-pipeline.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/pipelines/1h_automl_in_pipeline/automl-image-classification-multilabel-in-pipeline" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-pipelines-1h_automl_in_pipeline-automl-image-instance-segmentation-in-pipeline-automl-image-instance-segmentation-in-pipeline.yml b/.github/workflows/sdk-jobs-pipelines-1h_automl_in_pipeline-automl-image-instance-segmentation-in-pipeline-automl-image-instance-segmentation-in-pipeline.yml index 80a55894b0..6aa5dc5a6e 100644 --- a/.github/workflows/sdk-jobs-pipelines-1h_automl_in_pipeline-automl-image-instance-segmentation-in-pipeline-automl-image-instance-segmentation-in-pipeline.yml +++ b/.github/workflows/sdk-jobs-pipelines-1h_automl_in_pipeline-automl-image-instance-segmentation-in-pipeline-automl-image-instance-segmentation-in-pipeline.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/pipelines/1h_automl_in_pipeline/automl-image-instance-segmentation-in-pipeline" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-pipelines-1h_automl_in_pipeline-automl-image-object-detection-in-pipeline-automl-image-object-detection-in-pipeline.yml b/.github/workflows/sdk-jobs-pipelines-1h_automl_in_pipeline-automl-image-object-detection-in-pipeline-automl-image-object-detection-in-pipeline.yml index aa7c44987c..e7d6711a98 100644 --- a/.github/workflows/sdk-jobs-pipelines-1h_automl_in_pipeline-automl-image-object-detection-in-pipeline-automl-image-object-detection-in-pipeline.yml +++ b/.github/workflows/sdk-jobs-pipelines-1h_automl_in_pipeline-automl-image-object-detection-in-pipeline-automl-image-object-detection-in-pipeline.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/pipelines/1h_automl_in_pipeline/automl-image-object-detection-in-pipeline" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-pipelines-1h_automl_in_pipeline-automl-regression-house-pricing-in-pipeline-automl-regression-house-pricing-in-pipeline.yml b/.github/workflows/sdk-jobs-pipelines-1h_automl_in_pipeline-automl-regression-house-pricing-in-pipeline-automl-regression-house-pricing-in-pipeline.yml index 36ce432b0c..0e5cebd908 100644 --- a/.github/workflows/sdk-jobs-pipelines-1h_automl_in_pipeline-automl-regression-house-pricing-in-pipeline-automl-regression-house-pricing-in-pipeline.yml +++ b/.github/workflows/sdk-jobs-pipelines-1h_automl_in_pipeline-automl-regression-house-pricing-in-pipeline-automl-regression-house-pricing-in-pipeline.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/pipelines/1h_automl_in_pipeline/automl-regression-house-pricing-in-pipeline" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-pipelines-1h_automl_in_pipeline-automl-text-classification-in-pipeline-automl-text-classification-in-pipeline.yml b/.github/workflows/sdk-jobs-pipelines-1h_automl_in_pipeline-automl-text-classification-in-pipeline-automl-text-classification-in-pipeline.yml index c2baf6cd2d..0e8835af75 100644 --- a/.github/workflows/sdk-jobs-pipelines-1h_automl_in_pipeline-automl-text-classification-in-pipeline-automl-text-classification-in-pipeline.yml +++ b/.github/workflows/sdk-jobs-pipelines-1h_automl_in_pipeline-automl-text-classification-in-pipeline-automl-text-classification-in-pipeline.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/pipelines/1h_automl_in_pipeline/automl-text-classification-in-pipeline" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-pipelines-1h_automl_in_pipeline-automl-text-classification-multilabel-in-pipeline-automl-text-classification-multilabel-in-pipeline.yml b/.github/workflows/sdk-jobs-pipelines-1h_automl_in_pipeline-automl-text-classification-multilabel-in-pipeline-automl-text-classification-multilabel-in-pipeline.yml index 3deb2412db..ad9a417c85 100644 --- a/.github/workflows/sdk-jobs-pipelines-1h_automl_in_pipeline-automl-text-classification-multilabel-in-pipeline-automl-text-classification-multilabel-in-pipeline.yml +++ b/.github/workflows/sdk-jobs-pipelines-1h_automl_in_pipeline-automl-text-classification-multilabel-in-pipeline-automl-text-classification-multilabel-in-pipeline.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/pipelines/1h_automl_in_pipeline/automl-text-classification-multilabel-in-pipeline" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-pipelines-1h_automl_in_pipeline-automl-text-ner-named-entity-recognition-in-pipeline-automl-text-ner-named-entity-recognition-in-pipeline.yml b/.github/workflows/sdk-jobs-pipelines-1h_automl_in_pipeline-automl-text-ner-named-entity-recognition-in-pipeline-automl-text-ner-named-entity-recognition-in-pipeline.yml index a3c7aa7203..ac5a6357ec 100644 --- a/.github/workflows/sdk-jobs-pipelines-1h_automl_in_pipeline-automl-text-ner-named-entity-recognition-in-pipeline-automl-text-ner-named-entity-recognition-in-pipeline.yml +++ b/.github/workflows/sdk-jobs-pipelines-1h_automl_in_pipeline-automl-text-ner-named-entity-recognition-in-pipeline-automl-text-ner-named-entity-recognition-in-pipeline.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/pipelines/1h_automl_in_pipeline/automl-text-ner-named-entity-recognition-in-pipeline" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-pipelines-1i_pipeline_with_spark_nodes-pipeline_with_spark_nodes.yml b/.github/workflows/sdk-jobs-pipelines-1i_pipeline_with_spark_nodes-pipeline_with_spark_nodes.yml index c3018b5ae5..5d08f0562a 100644 --- a/.github/workflows/sdk-jobs-pipelines-1i_pipeline_with_spark_nodes-pipeline_with_spark_nodes.yml +++ b/.github/workflows/sdk-jobs-pipelines-1i_pipeline_with_spark_nodes-pipeline_with_spark_nodes.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/pipelines/1i_pipeline_with_spark_nodes" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-pipelines-1j_pipeline_with_pipeline_component-nyc_taxi_data_regression_with_pipeline_component-nyc_taxi_data_regression_with_pipeline_component.yml b/.github/workflows/sdk-jobs-pipelines-1j_pipeline_with_pipeline_component-nyc_taxi_data_regression_with_pipeline_component-nyc_taxi_data_regression_with_pipeline_component.yml index fc3c780b52..4b9e2052fe 100644 --- a/.github/workflows/sdk-jobs-pipelines-1j_pipeline_with_pipeline_component-nyc_taxi_data_regression_with_pipeline_component-nyc_taxi_data_regression_with_pipeline_component.yml +++ b/.github/workflows/sdk-jobs-pipelines-1j_pipeline_with_pipeline_component-nyc_taxi_data_regression_with_pipeline_component-nyc_taxi_data_regression_with_pipeline_component.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/pipelines/1j_pipeline_with_pipeline_component/nyc_taxi_data_regression_with_pipeline_component" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-pipelines-1j_pipeline_with_pipeline_component-pipeline_with_train_eval_pipeline_component-pipeline_with_train_eval_pipeline_component.yml b/.github/workflows/sdk-jobs-pipelines-1j_pipeline_with_pipeline_component-pipeline_with_train_eval_pipeline_component-pipeline_with_train_eval_pipeline_component.yml index 2781dbaee0..bdbb420640 100644 --- a/.github/workflows/sdk-jobs-pipelines-1j_pipeline_with_pipeline_component-pipeline_with_train_eval_pipeline_component-pipeline_with_train_eval_pipeline_component.yml +++ b/.github/workflows/sdk-jobs-pipelines-1j_pipeline_with_pipeline_component-pipeline_with_train_eval_pipeline_component-pipeline_with_train_eval_pipeline_component.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/pipelines/1j_pipeline_with_pipeline_component/pipeline_with_train_eval_pipeline_component" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-pipelines-1k_demand_forecasting_with_pipeline_components-automl-forecasting-demand-many-models-in-pipeline-automl-forecasting-demand-many-models-in-pipeline.yml b/.github/workflows/sdk-jobs-pipelines-1k_demand_forecasting_with_pipeline_components-automl-forecasting-demand-many-models-in-pipeline-automl-forecasting-demand-many-models-in-pipeline.yml index c89d919a8e..82cf4eb9ee 100644 --- a/.github/workflows/sdk-jobs-pipelines-1k_demand_forecasting_with_pipeline_components-automl-forecasting-demand-many-models-in-pipeline-automl-forecasting-demand-many-models-in-pipeline.yml +++ b/.github/workflows/sdk-jobs-pipelines-1k_demand_forecasting_with_pipeline_components-automl-forecasting-demand-many-models-in-pipeline-automl-forecasting-demand-many-models-in-pipeline.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/pipelines/1k_demand_forecasting_with_pipeline_components/automl-forecasting-demand-many-models-in-pipeline" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-pipelines-1l_flow_in_pipeline-flow_in_pipeline.yml b/.github/workflows/sdk-jobs-pipelines-1l_flow_in_pipeline-flow_in_pipeline.yml index f9392dd3e4..0e4ca14034 100644 --- a/.github/workflows/sdk-jobs-pipelines-1l_flow_in_pipeline-flow_in_pipeline.yml +++ b/.github/workflows/sdk-jobs-pipelines-1l_flow_in_pipeline-flow_in_pipeline.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/pipelines/1l_flow_in_pipeline" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-pipelines-2a_train_mnist_with_tensorflow-train_mnist_with_tensorflow.yml b/.github/workflows/sdk-jobs-pipelines-2a_train_mnist_with_tensorflow-train_mnist_with_tensorflow.yml index df3902801a..e0564926da 100644 --- a/.github/workflows/sdk-jobs-pipelines-2a_train_mnist_with_tensorflow-train_mnist_with_tensorflow.yml +++ b/.github/workflows/sdk-jobs-pipelines-2a_train_mnist_with_tensorflow-train_mnist_with_tensorflow.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/pipelines/2a_train_mnist_with_tensorflow" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-pipelines-2b_train_cifar_10_with_pytorch-train_cifar_10_with_pytorch.yml b/.github/workflows/sdk-jobs-pipelines-2b_train_cifar_10_with_pytorch-train_cifar_10_with_pytorch.yml index c86bd60f7f..2f626065cb 100644 --- a/.github/workflows/sdk-jobs-pipelines-2b_train_cifar_10_with_pytorch-train_cifar_10_with_pytorch.yml +++ b/.github/workflows/sdk-jobs-pipelines-2b_train_cifar_10_with_pytorch-train_cifar_10_with_pytorch.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/pipelines/2b_train_cifar_10_with_pytorch" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-pipelines-2c_nyc_taxi_data_regression-nyc_taxi_data_regression.yml b/.github/workflows/sdk-jobs-pipelines-2c_nyc_taxi_data_regression-nyc_taxi_data_regression.yml index 3308832f08..2abfcfe3a5 100644 --- a/.github/workflows/sdk-jobs-pipelines-2c_nyc_taxi_data_regression-nyc_taxi_data_regression.yml +++ b/.github/workflows/sdk-jobs-pipelines-2c_nyc_taxi_data_regression-nyc_taxi_data_regression.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/pipelines/2c_nyc_taxi_data_regression" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-pipelines-2d_image_classification_with_densenet-image_classification_with_densenet.yml b/.github/workflows/sdk-jobs-pipelines-2d_image_classification_with_densenet-image_classification_with_densenet.yml index 59b1e9f183..cc6e575e78 100644 --- a/.github/workflows/sdk-jobs-pipelines-2d_image_classification_with_densenet-image_classification_with_densenet.yml +++ b/.github/workflows/sdk-jobs-pipelines-2d_image_classification_with_densenet-image_classification_with_densenet.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/pipelines/2d_image_classification_with_densenet" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-pipelines-2e_image_classification_keras_minist_convnet-image_classification_keras_minist_convnet.yml b/.github/workflows/sdk-jobs-pipelines-2e_image_classification_keras_minist_convnet-image_classification_keras_minist_convnet.yml index 297ae663f8..87226af6dd 100644 --- a/.github/workflows/sdk-jobs-pipelines-2e_image_classification_keras_minist_convnet-image_classification_keras_minist_convnet.yml +++ b/.github/workflows/sdk-jobs-pipelines-2e_image_classification_keras_minist_convnet-image_classification_keras_minist_convnet.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/pipelines/2e_image_classification_keras_minist_convnet" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-single-step-debug-and-monitor-debug-and-monitor.yml b/.github/workflows/sdk-jobs-single-step-debug-and-monitor-debug-and-monitor.yml index bdfd49960c..dced9df140 100644 --- a/.github/workflows/sdk-jobs-single-step-debug-and-monitor-debug-and-monitor.yml +++ b/.github/workflows/sdk-jobs-single-step-debug-and-monitor-debug-and-monitor.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/single-step/debug-and-monitor" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-single-step-lightgbm-iris-lightgbm-iris-sweep.yml b/.github/workflows/sdk-jobs-single-step-lightgbm-iris-lightgbm-iris-sweep.yml index 46722c6d92..79c8131ec2 100644 --- a/.github/workflows/sdk-jobs-single-step-lightgbm-iris-lightgbm-iris-sweep.yml +++ b/.github/workflows/sdk-jobs-single-step-lightgbm-iris-lightgbm-iris-sweep.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/single-step/lightgbm/iris" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-single-step-pytorch-distributed-training-distributed-cifar10.yml b/.github/workflows/sdk-jobs-single-step-pytorch-distributed-training-distributed-cifar10.yml index 82be797a04..c374acea09 100644 --- a/.github/workflows/sdk-jobs-single-step-pytorch-distributed-training-distributed-cifar10.yml +++ b/.github/workflows/sdk-jobs-single-step-pytorch-distributed-training-distributed-cifar10.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/single-step/pytorch/distributed-training" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-single-step-pytorch-distributed-training-yolov5-objectdetectionAzureML.yml b/.github/workflows/sdk-jobs-single-step-pytorch-distributed-training-yolov5-objectdetectionAzureML.yml index 5ba0b62104..eee059c348 100644 --- a/.github/workflows/sdk-jobs-single-step-pytorch-distributed-training-yolov5-objectdetectionAzureML.yml +++ b/.github/workflows/sdk-jobs-single-step-pytorch-distributed-training-yolov5-objectdetectionAzureML.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/single-step/pytorch/distributed-training-yolov5" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-single-step-pytorch-iris-pytorch-iris.yml b/.github/workflows/sdk-jobs-single-step-pytorch-iris-pytorch-iris.yml index a8e6e057b5..c3c0771a0a 100644 --- a/.github/workflows/sdk-jobs-single-step-pytorch-iris-pytorch-iris.yml +++ b/.github/workflows/sdk-jobs-single-step-pytorch-iris-pytorch-iris.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/single-step/pytorch/iris" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-single-step-pytorch-train-hyperparameter-tune-deploy-with-pytorch-train-hyperparameter-tune-deploy-with-pytorch.yml b/.github/workflows/sdk-jobs-single-step-pytorch-train-hyperparameter-tune-deploy-with-pytorch-train-hyperparameter-tune-deploy-with-pytorch.yml index 608e3a7f6f..ccad0103e9 100644 --- a/.github/workflows/sdk-jobs-single-step-pytorch-train-hyperparameter-tune-deploy-with-pytorch-train-hyperparameter-tune-deploy-with-pytorch.yml +++ b/.github/workflows/sdk-jobs-single-step-pytorch-train-hyperparameter-tune-deploy-with-pytorch-train-hyperparameter-tune-deploy-with-pytorch.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/single-step/pytorch/train-hyperparameter-tune-deploy-with-pytorch" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-single-step-r-accidents-accident-prediction.yml b/.github/workflows/sdk-jobs-single-step-r-accidents-accident-prediction.yml index 2987de307a..95ff65a150 100644 --- a/.github/workflows/sdk-jobs-single-step-r-accidents-accident-prediction.yml +++ b/.github/workflows/sdk-jobs-single-step-r-accidents-accident-prediction.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/single-step/r/accidents" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-single-step-scikit-learn-diabetes-sklearn-diabetes.yml b/.github/workflows/sdk-jobs-single-step-scikit-learn-diabetes-sklearn-diabetes.yml index 5fafc0e7e8..3d8237c5a3 100644 --- a/.github/workflows/sdk-jobs-single-step-scikit-learn-diabetes-sklearn-diabetes.yml +++ b/.github/workflows/sdk-jobs-single-step-scikit-learn-diabetes-sklearn-diabetes.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/single-step/scikit-learn/diabetes" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-single-step-scikit-learn-iris-iris-scikit-learn.yml b/.github/workflows/sdk-jobs-single-step-scikit-learn-iris-iris-scikit-learn.yml index d42e4aa5e4..24bfedc108 100644 --- a/.github/workflows/sdk-jobs-single-step-scikit-learn-iris-iris-scikit-learn.yml +++ b/.github/workflows/sdk-jobs-single-step-scikit-learn-iris-iris-scikit-learn.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/single-step/scikit-learn/iris" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-single-step-scikit-learn-mnist-sklearn-mnist.yml b/.github/workflows/sdk-jobs-single-step-scikit-learn-mnist-sklearn-mnist.yml index 02307348ca..6a376f4593 100644 --- a/.github/workflows/sdk-jobs-single-step-scikit-learn-mnist-sklearn-mnist.yml +++ b/.github/workflows/sdk-jobs-single-step-scikit-learn-mnist-sklearn-mnist.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/single-step/scikit-learn/mnist" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-single-step-tensorflow-mnist-distributed-horovod-tensorflow-mnist-distributed-horovod.yml b/.github/workflows/sdk-jobs-single-step-tensorflow-mnist-distributed-horovod-tensorflow-mnist-distributed-horovod.yml index 94a95fa3eb..46c5b28825 100644 --- a/.github/workflows/sdk-jobs-single-step-tensorflow-mnist-distributed-horovod-tensorflow-mnist-distributed-horovod.yml +++ b/.github/workflows/sdk-jobs-single-step-tensorflow-mnist-distributed-horovod-tensorflow-mnist-distributed-horovod.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/single-step/tensorflow/mnist-distributed-horovod" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-single-step-tensorflow-mnist-distributed-tensorflow-mnist-distributed.yml b/.github/workflows/sdk-jobs-single-step-tensorflow-mnist-distributed-tensorflow-mnist-distributed.yml index c0f2d515bb..aff322667e 100644 --- a/.github/workflows/sdk-jobs-single-step-tensorflow-mnist-distributed-tensorflow-mnist-distributed.yml +++ b/.github/workflows/sdk-jobs-single-step-tensorflow-mnist-distributed-tensorflow-mnist-distributed.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/single-step/tensorflow/mnist-distributed" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-single-step-tensorflow-mnist-tensorflow-mnist.yml b/.github/workflows/sdk-jobs-single-step-tensorflow-mnist-tensorflow-mnist.yml index 7716b3d1eb..7fbae73269 100644 --- a/.github/workflows/sdk-jobs-single-step-tensorflow-mnist-tensorflow-mnist.yml +++ b/.github/workflows/sdk-jobs-single-step-tensorflow-mnist-tensorflow-mnist.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/single-step/tensorflow/mnist" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-spark-automation-run_interactive_session_notebook.yml b/.github/workflows/sdk-jobs-spark-automation-run_interactive_session_notebook.yml index 69d723f321..1c30bb836f 100644 --- a/.github/workflows/sdk-jobs-spark-automation-run_interactive_session_notebook.yml +++ b/.github/workflows/sdk-jobs-spark-automation-run_interactive_session_notebook.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/spark/automation" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-spark-submit_spark_pipeline_jobs.yml b/.github/workflows/sdk-jobs-spark-submit_spark_pipeline_jobs.yml index 280e153464..7822b89a3e 100644 --- a/.github/workflows/sdk-jobs-spark-submit_spark_pipeline_jobs.yml +++ b/.github/workflows/sdk-jobs-spark-submit_spark_pipeline_jobs.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/spark" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-spark-submit_spark_standalone_jobs.yml b/.github/workflows/sdk-jobs-spark-submit_spark_standalone_jobs.yml index 04326fbfc8..b59cc42286 100644 --- a/.github/workflows/sdk-jobs-spark-submit_spark_standalone_jobs.yml +++ b/.github/workflows/sdk-jobs-spark-submit_spark_standalone_jobs.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/spark" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-jobs-spark-submit_spark_standalone_jobs_managed_vnet.yml b/.github/workflows/sdk-jobs-spark-submit_spark_standalone_jobs_managed_vnet.yml index e89ece7d6c..827b71c2ae 100644 --- a/.github/workflows/sdk-jobs-spark-submit_spark_standalone_jobs_managed_vnet.yml +++ b/.github/workflows/sdk-jobs-spark-submit_spark_standalone_jobs_managed_vnet.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/jobs/spark" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-resources-compute-attach_manage_spark_pools.yml b/.github/workflows/sdk-resources-compute-attach_manage_spark_pools.yml index c734c20b24..847c15808c 100644 --- a/.github/workflows/sdk-resources-compute-attach_manage_spark_pools.yml +++ b/.github/workflows/sdk-resources-compute-attach_manage_spark_pools.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/resources/compute" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-resources-compute-compute.yml b/.github/workflows/sdk-resources-compute-compute.yml index f857649b60..432951bdf8 100644 --- a/.github/workflows/sdk-resources-compute-compute.yml +++ b/.github/workflows/sdk-resources-compute-compute.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/resources/compute" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-resources-connections-connections.yml b/.github/workflows/sdk-resources-connections-connections.yml index bdd444080d..ed77871305 100644 --- a/.github/workflows/sdk-resources-connections-connections.yml +++ b/.github/workflows/sdk-resources-connections-connections.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/resources/connections" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-resources-registry-registry-create.yml b/.github/workflows/sdk-resources-registry-registry-create.yml index 3f434e0df5..e2671c2bc0 100644 --- a/.github/workflows/sdk-resources-registry-registry-create.yml +++ b/.github/workflows/sdk-resources-registry-registry-create.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/resources/registry" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-resources-workspace-workspace.yml b/.github/workflows/sdk-resources-workspace-workspace.yml index 1ea00630fa..5ae2c0eb6c 100644 --- a/.github/workflows/sdk-resources-workspace-workspace.yml +++ b/.github/workflows/sdk-resources-workspace-workspace.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/resources/workspace" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-responsible-ai-mlflow-deployment-with-explanations-mlflow-deployment-with-explanations.yml b/.github/workflows/sdk-responsible-ai-mlflow-deployment-with-explanations-mlflow-deployment-with-explanations.yml index 65cc122885..b43f17bf9d 100644 --- a/.github/workflows/sdk-responsible-ai-mlflow-deployment-with-explanations-mlflow-deployment-with-explanations.yml +++ b/.github/workflows/sdk-responsible-ai-mlflow-deployment-with-explanations-mlflow-deployment-with-explanations.yml @@ -54,6 +54,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/responsible-ai/mlflow-deployment-with-explanations" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-responsible-ai-tabular-responsibleaidashboard-diabetes-decision-making-responsibleaidashboard-diabetes-decision-making.yml b/.github/workflows/sdk-responsible-ai-tabular-responsibleaidashboard-diabetes-decision-making-responsibleaidashboard-diabetes-decision-making.yml index a69610a7a8..9b3c5e6339 100644 --- a/.github/workflows/sdk-responsible-ai-tabular-responsibleaidashboard-diabetes-decision-making-responsibleaidashboard-diabetes-decision-making.yml +++ b/.github/workflows/sdk-responsible-ai-tabular-responsibleaidashboard-diabetes-decision-making-responsibleaidashboard-diabetes-decision-making.yml @@ -54,6 +54,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/responsible-ai/tabular/responsibleaidashboard-diabetes-decision-making" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-responsible-ai-tabular-responsibleaidashboard-diabetes-regression-model-debugging-responsibleaidashboard-diabetes-regression-model-debugging.yml b/.github/workflows/sdk-responsible-ai-tabular-responsibleaidashboard-diabetes-regression-model-debugging-responsibleaidashboard-diabetes-regression-model-debugging.yml index 06fb05f317..3a2137cf59 100644 --- a/.github/workflows/sdk-responsible-ai-tabular-responsibleaidashboard-diabetes-regression-model-debugging-responsibleaidashboard-diabetes-regression-model-debugging.yml +++ b/.github/workflows/sdk-responsible-ai-tabular-responsibleaidashboard-diabetes-regression-model-debugging-responsibleaidashboard-diabetes-regression-model-debugging.yml @@ -54,6 +54,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/responsible-ai/tabular/responsibleaidashboard-diabetes-regression-model-debugging" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-responsible-ai-tabular-responsibleaidashboard-housing-classification-model-debugging-responsibleaidashboard-housing-classification-model-debugging.yml b/.github/workflows/sdk-responsible-ai-tabular-responsibleaidashboard-housing-classification-model-debugging-responsibleaidashboard-housing-classification-model-debugging.yml index 4e09f179a2..663fac9bb6 100644 --- a/.github/workflows/sdk-responsible-ai-tabular-responsibleaidashboard-housing-classification-model-debugging-responsibleaidashboard-housing-classification-model-debugging.yml +++ b/.github/workflows/sdk-responsible-ai-tabular-responsibleaidashboard-housing-classification-model-debugging-responsibleaidashboard-housing-classification-model-debugging.yml @@ -54,6 +54,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/responsible-ai/tabular/responsibleaidashboard-housing-classification-model-debugging" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-responsible-ai-tabular-responsibleaidashboard-housing-decision-making-responsibleaidashboard-housing-decision-making.yml b/.github/workflows/sdk-responsible-ai-tabular-responsibleaidashboard-housing-decision-making-responsibleaidashboard-housing-decision-making.yml index 83700747b0..74e7c41f22 100644 --- a/.github/workflows/sdk-responsible-ai-tabular-responsibleaidashboard-housing-decision-making-responsibleaidashboard-housing-decision-making.yml +++ b/.github/workflows/sdk-responsible-ai-tabular-responsibleaidashboard-housing-decision-making-responsibleaidashboard-housing-decision-making.yml @@ -54,6 +54,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/responsible-ai/tabular/responsibleaidashboard-housing-decision-making" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-responsible-ai-tabular-responsibleaidashboard-programmer-regression-model-debugging-responsibleaidashboard-programmer-regression-model-debugging.yml b/.github/workflows/sdk-responsible-ai-tabular-responsibleaidashboard-programmer-regression-model-debugging-responsibleaidashboard-programmer-regression-model-debugging.yml index 2ffbe49d43..a34350f675 100644 --- a/.github/workflows/sdk-responsible-ai-tabular-responsibleaidashboard-programmer-regression-model-debugging-responsibleaidashboard-programmer-regression-model-debugging.yml +++ b/.github/workflows/sdk-responsible-ai-tabular-responsibleaidashboard-programmer-regression-model-debugging-responsibleaidashboard-programmer-regression-model-debugging.yml @@ -54,6 +54,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/responsible-ai/tabular/responsibleaidashboard-programmer-regression-model-debugging" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-responsible-ai-text-responsibleaidashboard-multilabel-text-classification-covid-events.yml b/.github/workflows/sdk-responsible-ai-text-responsibleaidashboard-multilabel-text-classification-covid-events.yml index 16ffa3a569..bf7150c272 100644 --- a/.github/workflows/sdk-responsible-ai-text-responsibleaidashboard-multilabel-text-classification-covid-events.yml +++ b/.github/workflows/sdk-responsible-ai-text-responsibleaidashboard-multilabel-text-classification-covid-events.yml @@ -54,6 +54,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/responsible-ai/text" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-responsible-ai-text-responsibleaidashboard-text-classification-DBPedia.yml b/.github/workflows/sdk-responsible-ai-text-responsibleaidashboard-text-classification-DBPedia.yml index c315d8b88a..0d717b8ef8 100644 --- a/.github/workflows/sdk-responsible-ai-text-responsibleaidashboard-text-classification-DBPedia.yml +++ b/.github/workflows/sdk-responsible-ai-text-responsibleaidashboard-text-classification-DBPedia.yml @@ -54,6 +54,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/responsible-ai/text" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-responsible-ai-text-responsibleaidashboard-text-classification-blbooksgenre.yml b/.github/workflows/sdk-responsible-ai-text-responsibleaidashboard-text-classification-blbooksgenre.yml index 8b96d26bd1..1dfe6a658a 100644 --- a/.github/workflows/sdk-responsible-ai-text-responsibleaidashboard-text-classification-blbooksgenre.yml +++ b/.github/workflows/sdk-responsible-ai-text-responsibleaidashboard-text-classification-blbooksgenre.yml @@ -54,6 +54,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/responsible-ai/text" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-responsible-ai-text-responsibleaidashboard-text-question-answering-squad.yml b/.github/workflows/sdk-responsible-ai-text-responsibleaidashboard-text-question-answering-squad.yml index ef08cfd582..03aa63af75 100644 --- a/.github/workflows/sdk-responsible-ai-text-responsibleaidashboard-text-question-answering-squad.yml +++ b/.github/workflows/sdk-responsible-ai-text-responsibleaidashboard-text-question-answering-squad.yml @@ -54,6 +54,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/responsible-ai/text" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-responsible-ai-vision-responsibleaidashboard-automl-image-classification-fridge.yml b/.github/workflows/sdk-responsible-ai-vision-responsibleaidashboard-automl-image-classification-fridge.yml index d96a7e97a3..37b6b004d7 100644 --- a/.github/workflows/sdk-responsible-ai-vision-responsibleaidashboard-automl-image-classification-fridge.yml +++ b/.github/workflows/sdk-responsible-ai-vision-responsibleaidashboard-automl-image-classification-fridge.yml @@ -54,6 +54,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/responsible-ai/vision" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-responsible-ai-vision-responsibleaidashboard-automl-object-detection-fridge-private-data.yml b/.github/workflows/sdk-responsible-ai-vision-responsibleaidashboard-automl-object-detection-fridge-private-data.yml index 1243d1dbf7..bd06163e85 100644 --- a/.github/workflows/sdk-responsible-ai-vision-responsibleaidashboard-automl-object-detection-fridge-private-data.yml +++ b/.github/workflows/sdk-responsible-ai-vision-responsibleaidashboard-automl-object-detection-fridge-private-data.yml @@ -54,6 +54,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/responsible-ai/vision" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-responsible-ai-vision-responsibleaidashboard-image-classification-fridge.yml b/.github/workflows/sdk-responsible-ai-vision-responsibleaidashboard-image-classification-fridge.yml index 35ee41727c..60f8838e1b 100644 --- a/.github/workflows/sdk-responsible-ai-vision-responsibleaidashboard-image-classification-fridge.yml +++ b/.github/workflows/sdk-responsible-ai-vision-responsibleaidashboard-image-classification-fridge.yml @@ -54,6 +54,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/responsible-ai/vision" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-responsible-ai-vision-responsibleaidashboard-image-multilabel-classification-fridge.yml b/.github/workflows/sdk-responsible-ai-vision-responsibleaidashboard-image-multilabel-classification-fridge.yml index 46b95c7ae3..c1dc302dd3 100644 --- a/.github/workflows/sdk-responsible-ai-vision-responsibleaidashboard-image-multilabel-classification-fridge.yml +++ b/.github/workflows/sdk-responsible-ai-vision-responsibleaidashboard-image-multilabel-classification-fridge.yml @@ -54,6 +54,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/responsible-ai/vision" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-responsible-ai-vision-responsibleaidashboard-object-detection-MSCOCO.yml b/.github/workflows/sdk-responsible-ai-vision-responsibleaidashboard-object-detection-MSCOCO.yml index 8a1fcc8abd..9b20a64287 100644 --- a/.github/workflows/sdk-responsible-ai-vision-responsibleaidashboard-object-detection-MSCOCO.yml +++ b/.github/workflows/sdk-responsible-ai-vision-responsibleaidashboard-object-detection-MSCOCO.yml @@ -54,6 +54,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/responsible-ai/vision" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-schedules-job-schedule.yml b/.github/workflows/sdk-schedules-job-schedule.yml index 2dab19b5f4..611e6f7956 100644 --- a/.github/workflows/sdk-schedules-job-schedule.yml +++ b/.github/workflows/sdk-schedules-job-schedule.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/schedules" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-using-mltable-delimited-files-example-delimited-files-example.yml b/.github/workflows/sdk-using-mltable-delimited-files-example-delimited-files-example.yml index aa909aaf42..87eaf1e7cc 100644 --- a/.github/workflows/sdk-using-mltable-delimited-files-example-delimited-files-example.yml +++ b/.github/workflows/sdk-using-mltable-delimited-files-example-delimited-files-example.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/using-mltable/delimited-files-example" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-using-mltable-delta-lake-example-delta-lake-example.yml b/.github/workflows/sdk-using-mltable-delta-lake-example-delta-lake-example.yml index 5dd3cc051d..42bad2f5be 100644 --- a/.github/workflows/sdk-using-mltable-delta-lake-example-delta-lake-example.yml +++ b/.github/workflows/sdk-using-mltable-delta-lake-example-delta-lake-example.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/using-mltable/delta-lake-example" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-using-mltable-from-paths-example-from-paths-example.yml b/.github/workflows/sdk-using-mltable-from-paths-example-from-paths-example.yml index 6e84dc0670..c37eb2deed 100644 --- a/.github/workflows/sdk-using-mltable-from-paths-example-from-paths-example.yml +++ b/.github/workflows/sdk-using-mltable-from-paths-example-from-paths-example.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/using-mltable/from-paths-example" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-using-mltable-local-to-cloud-mltable-local-to-cloud.yml b/.github/workflows/sdk-using-mltable-local-to-cloud-mltable-local-to-cloud.yml index 3471447777..0c430ace50 100644 --- a/.github/workflows/sdk-using-mltable-local-to-cloud-mltable-local-to-cloud.yml +++ b/.github/workflows/sdk-using-mltable-local-to-cloud-mltable-local-to-cloud.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/using-mltable/local-to-cloud" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/sdk-using-mltable-quickstart-mltable-quickstart.yml b/.github/workflows/sdk-using-mltable-quickstart-mltable-quickstart.yml index 0dc3283848..95b98e0d47 100644 --- a/.github/workflows/sdk-using-mltable-quickstart-mltable-quickstart.yml +++ b/.github/workflows/sdk-using-mltable-quickstart-mltable-quickstart.yml @@ -52,6 +52,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/sdk/python/using-mltable/quickstart" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/tutorials-azureml-getting-started-azureml-getting-started-studio.yml b/.github/workflows/tutorials-azureml-getting-started-azureml-getting-started-studio.yml index 4729672e1f..054d1ebe51 100644 --- a/.github/workflows/tutorials-azureml-getting-started-azureml-getting-started-studio.yml +++ b/.github/workflows/tutorials-azureml-getting-started-azureml-getting-started-studio.yml @@ -53,6 +53,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/tutorials/azureml-getting-started" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/tutorials-azureml-in-a-day-azureml-in-a-day.yml b/.github/workflows/tutorials-azureml-in-a-day-azureml-in-a-day.yml index 2e7dc74a43..c8388781cd 100644 --- a/.github/workflows/tutorials-azureml-in-a-day-azureml-in-a-day.yml +++ b/.github/workflows/tutorials-azureml-in-a-day-azureml-in-a-day.yml @@ -53,6 +53,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/tutorials/azureml-in-a-day" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/tutorials-e2e-distributed-pytorch-image-e2e-object-classification-distributed-pytorch.yml b/.github/workflows/tutorials-e2e-distributed-pytorch-image-e2e-object-classification-distributed-pytorch.yml index 4bf4e521bc..84b4b575ca 100644 --- a/.github/workflows/tutorials-e2e-distributed-pytorch-image-e2e-object-classification-distributed-pytorch.yml +++ b/.github/workflows/tutorials-e2e-distributed-pytorch-image-e2e-object-classification-distributed-pytorch.yml @@ -53,6 +53,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/tutorials/e2e-distributed-pytorch-image" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/tutorials-e2e-ds-experience-e2e-ml-workflow.yml b/.github/workflows/tutorials-e2e-ds-experience-e2e-ml-workflow.yml index 3ee9913957..570719987d 100644 --- a/.github/workflows/tutorials-e2e-ds-experience-e2e-ml-workflow.yml +++ b/.github/workflows/tutorials-e2e-ds-experience-e2e-ml-workflow.yml @@ -53,6 +53,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/tutorials/e2e-ds-experience" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/tutorials-get-started-notebooks-cloud-workstation.yml b/.github/workflows/tutorials-get-started-notebooks-cloud-workstation.yml index 6085c7e4f1..e41550b021 100644 --- a/.github/workflows/tutorials-get-started-notebooks-cloud-workstation.yml +++ b/.github/workflows/tutorials-get-started-notebooks-cloud-workstation.yml @@ -53,6 +53,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/tutorials/get-started-notebooks" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/tutorials-get-started-notebooks-deploy-model.yml b/.github/workflows/tutorials-get-started-notebooks-deploy-model.yml index a07c0bfd60..3804c68e00 100644 --- a/.github/workflows/tutorials-get-started-notebooks-deploy-model.yml +++ b/.github/workflows/tutorials-get-started-notebooks-deploy-model.yml @@ -51,6 +51,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/tutorials/get-started-notebooks" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/tutorials-get-started-notebooks-explore-data.yml b/.github/workflows/tutorials-get-started-notebooks-explore-data.yml index 96819785bf..3a34e918ef 100644 --- a/.github/workflows/tutorials-get-started-notebooks-explore-data.yml +++ b/.github/workflows/tutorials-get-started-notebooks-explore-data.yml @@ -51,6 +51,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/tutorials/get-started-notebooks" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/tutorials-get-started-notebooks-pipeline.yml b/.github/workflows/tutorials-get-started-notebooks-pipeline.yml index a77bd455ac..bd2d5ed7e7 100644 --- a/.github/workflows/tutorials-get-started-notebooks-pipeline.yml +++ b/.github/workflows/tutorials-get-started-notebooks-pipeline.yml @@ -53,6 +53,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/tutorials/get-started-notebooks" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/tutorials-get-started-notebooks-quickstart.yml b/.github/workflows/tutorials-get-started-notebooks-quickstart.yml index d5b78efbf3..0bbdce1271 100644 --- a/.github/workflows/tutorials-get-started-notebooks-quickstart.yml +++ b/.github/workflows/tutorials-get-started-notebooks-quickstart.yml @@ -53,6 +53,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/tutorials/get-started-notebooks" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/.github/workflows/tutorials-get-started-notebooks-train-model.yml b/.github/workflows/tutorials-get-started-notebooks-train-model.yml index e794694168..e7f11246fd 100644 --- a/.github/workflows/tutorials-get-started-notebooks-train-model.yml +++ b/.github/workflows/tutorials-get-started-notebooks-train-model.yml @@ -53,6 +53,11 @@ jobs: bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "${{ github.workspace }}/tutorials/get-started-notebooks" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "${{ github.workspace }}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/cli/readme.py b/cli/readme.py index a59a462020..dbda70f002 100644 --- a/cli/readme.py +++ b/cli/readme.py @@ -485,7 +485,12 @@ def write_job_workflow(job): workflow_yaml += f""" bash -x generate-yml.sh\n""" # workflow_yaml += f""" bash -x {os.path.relpath(".", project_dir)}/run-job.sh generate-yml.yml\n""" workflow_yaml += f""" bash -x {os.path.relpath(".", project_dir).replace(os.sep, "/")}/run-job.sh {filename}.yml - working-directory: cli/{posix_project_dir}\n""" + working-directory: cli/{posix_project_dir} + - name: validate readme + run: | + python check-readme.py "{GITHUB_WORKSPACE}/cli/{posix_project_dir}" + working-directory: infra/bootstrapping + continue-on-error: false\n""" # write workflow with open( @@ -498,7 +503,6 @@ def write_job_workflow(job): def write_job_using_registry_components_workflow(job): filename, project_dir, hyphenated = parse_path(job) posix_project_dir = project_dir.replace(os.sep, "/") - folder_name = project_dir.split(os.sep)[-1] is_pipeline_sample = "jobs/pipelines" in job creds = CREDENTIALS @@ -547,6 +551,11 @@ def write_job_using_registry_components_workflow(job): bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "{GITHUB_WORKSPACE}/cli/{posix_project_dir}" + working-directory: infra/bootstrapping + continue-on-error: false - name: run job run: | source "{GITHUB_WORKSPACE}/infra/bootstrapping/sdk_helpers.sh"; @@ -569,6 +578,7 @@ def write_job_using_registry_components_workflow(job): def write_endpoint_workflow(endpoint): filename, project_dir, hyphenated = parse_path(endpoint) + project_dir = project_dir.replace(os.sep, "/") deployments = sorted( glob.glob(project_dir + "/*deployment.yml", recursive=True) + glob.glob(project_dir + "/*deployment.yaml", recursive=True) @@ -631,6 +641,11 @@ def write_endpoint_workflow(endpoint): bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "{GITHUB_WORKSPACE}/cli/{project_dir}" + working-directory: infra/bootstrapping + continue-on-error: false - name: delete endpoint if existing run: | source "{GITHUB_WORKSPACE}/infra/bootstrapping/sdk_helpers.sh"; @@ -677,6 +692,7 @@ def write_endpoint_workflow(endpoint): def write_asset_workflow(asset): filename, project_dir, hyphenated = parse_path(asset) + project_dir = project_dir.replace(os.sep, "/") posix_asset = asset.replace(os.sep, "/") creds = CREDENTIALS schedule_hour, schedule_minute = get_schedule_time(filename) @@ -719,6 +735,11 @@ def write_asset_workflow(asset): bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "{GITHUB_WORKSPACE}/cli/{project_dir}" + working-directory: infra/bootstrapping + continue-on-error: false - name: create asset run: | source "{GITHUB_WORKSPACE}/infra/bootstrapping/sdk_helpers.sh"; @@ -735,6 +756,7 @@ def write_asset_workflow(asset): def write_script_workflow(script): filename, project_dir, hyphenated = parse_path(script) + project_dir = project_dir.replace(os.sep, "/") creds = CREDENTIALS schedule_hour, schedule_minute = get_schedule_time(filename) workflow_yaml = f"""{READONLY_HEADER} @@ -776,6 +798,11 @@ def write_script_workflow(script): bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "{GITHUB_WORKSPACE}/cli/{project_dir}" + working-directory: infra/bootstrapping + continue-on-error: false - name: test script script run: | source "{GITHUB_WORKSPACE}/infra/bootstrapping/sdk_helpers.sh"; @@ -790,6 +817,7 @@ def write_script_workflow(script): def write_schedule_workflow(schedule): filename, project_dir, hyphenated = parse_path(schedule) + project_dir = project_dir.replace(os.sep, "/") posix_schedule = schedule.replace(os.sep, "/") creds = CREDENTIALS schedule_hour, schedule_minute = get_schedule_time(filename) @@ -832,6 +860,11 @@ def write_schedule_workflow(schedule): bash setup.sh working-directory: cli continue-on-error: true + - name: validate readme + run: | + python check-readme.py "{GITHUB_WORKSPACE}/cli/{project_dir}" + working-directory: infra/bootstrapping + continue-on-error: false - name: create schedule run: | source "{GITHUB_WORKSPACE}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/infra/bootstrapping/check-readme.py b/infra/bootstrapping/check-readme.py new file mode 100644 index 0000000000..771807bbe2 --- /dev/null +++ b/infra/bootstrapping/check-readme.py @@ -0,0 +1,64 @@ +import argparse +import os +import sys + +from pathlib import Path + + +argParser = argparse.ArgumentParser() +argParser.add_argument( + "sample_path", help="The absolute path to the sample directory.", type=Path +) +args = argParser.parse_args() +sample_path = str(args.sample_path).strip() +working_directory = Path(__file__).parent.parent + + +def main(): + INVALID_README_MSG = f"{sample_path} does not contain a README.md file with all required words. See the Discoverability section of CONTRIBUTING.md." + EXCLUSIONS_FILE_PATH = ( + f"{working_directory}/bootstrapping/readme_validation_exclusions.txt" + ) + required_sections = [ + "overview", + "objective", + "programming languages", + "estimated runtime", + "page_type: sample", + "languages:", + "products:", + "description:", + ] + + print( + f"Checking if {sample_path} contains a README.md file with all required words..." + ) + + # Check if sample is excluded from README validation + with open(EXCLUSIONS_FILE_PATH, encoding="utf-8") as exclusions_file: + exclusions = exclusions_file.read().splitlines() + if sample_path in exclusions: + print( + f"Skipping {sample_path} since it is excluded from README validation." + ) + sys.exit(0) + + # Check if sample contains a valid README.md file + try: + with open(f"{sample_path}/README.md", encoding="utf-8") as readme_file: + readme_content = readme_file.read() + + if all(section in readme_content for section in required_sections): + print( + f"{sample_path} contains a README.md file with all required sections." + ) + sys.exit(0) + except FileNotFoundError: + pass + + print(INVALID_README_MSG) + sys.exit(1) + + +if __name__ == "__main__": + main() diff --git a/infra/bootstrapping/readme_validation_exclusions.txt b/infra/bootstrapping/readme_validation_exclusions.txt new file mode 100644 index 0000000000..2622083d7f --- /dev/null +++ b/infra/bootstrapping/readme_validation_exclusions.txt @@ -0,0 +1,172 @@ +/home/runner/work/azureml-examples/azureml-examples/cli/assets/component +/home/runner/work/azureml-examples/azureml-examples/cli/endpoints/online/custom-container/minimal/multimodel +/home/runner/work/azureml-examples/azureml-examples/cli/assets/data +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/automl-standalone-jobs/cli-automl-forecasting-task-github-dau +/home/runner/work/azureml-examples/azureml-examples/cli/assets/environment +/home/runner/work/azureml-examples/azureml-examples/cli/assets/model +/home/runner/work/azureml-examples/azureml-examples/cli/endpoints/batch/deploy-models/custom-outputs-parquet +/home/runner/work/azureml-examples/azureml-examples/cli/endpoints/batch/deploy-models/heart-classifier-mlflow +/home/runner/work/azureml-examples/azureml-examples/cli/endpoints/batch/deploy-models/huggingface-text-summarization +/home/runner/work/azureml-examples/azureml-examples/cli/endpoints/batch/deploy-models/imagenet-classifier +/home/runner/work/azureml-examples/azureml-examples/cli/endpoints/batch/deploy-models/mnist-classifier +/home/runner/work/azureml-examples/azureml-examples/cli/endpoints/batch/deploy-pipelines/batch-scoring-with-preprocessing +/home/runner/work/azureml-examples/azureml-examples/cli/endpoints/batch/deploy-pipelines/hello-batch +/home/runner/work/azureml-examples/azureml-examples/cli/endpoints/batch/deploy-pipelines/training-with-components +/home/runner/work/azureml-examples/azureml-examples/cli/endpoints/online/custom-container/minimal/single-model/conda-in-dockerfile +/home/runner/work/azureml-examples/azureml-examples/cli/endpoints/online/custom-container/minimal/single-model +/home/runner/work/azureml-examples/azureml-examples/cli/endpoints/online/custom-container/mlflow/multideployment-scikit +/home/runner/work/azureml-examples/azureml-examples/cli/endpoints/online/custom-container/r/multimodel-plumber +/home/runner/work/azureml-examples/azureml-examples/cli/endpoints/online/custom-container/torchserve/densenet +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/automl-standalone-jobs/cli-automl-forecasting-orange-juice-sales +/home/runner/work/azureml-examples/azureml-examples/cli/endpoints/online/managed/vnet/sample +/home/runner/work/azureml-examples/azureml-examples/cli/endpoints/online/managed/vnet/mlflow +/home/runner/work/azureml-examples/azureml-examples/cli/endpoints/online/managed/sample +/home/runner/work/azureml-examples/azureml-examples/cli/endpoints/online/kubernetes +/home/runner/work/azureml-examples/azureml-examples/cli/endpoints/online/custom-container/triton/single-model +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/automl-standalone-jobs/cli-automl-text-classification-multilabel-paper-cat +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/automl-standalone-jobs/cli-automl-text-classification-newsgroup +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/automl-standalone-jobs/cli-automl-text-ner-conll +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/automl-standalone-jobs/cli-automl-text-ner-conll-distributed-sweeping +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/basics +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/deepspeed/deepspeed-autotuning +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/nebulaml/PyTorch_CNN_MNIST +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/parallel/2a_iris_batch_prediction +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/pipelines-with-components/basics/1a_e2e_local_components +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/deepspeed/deepspeed-training +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/parallel/1a_oj_sales_prediction +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/parallel/2a_iris_batch_prediction +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/parallel/3a_mnist_batch_identification +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/pipelines/automl/cli-automl-text-classification-multilabel-paper-categorization-pipeline +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/pipelines/automl/cli-automl-text-classification-newsgroup-pipeline +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/pipelines/automl/cli-automl-text-ner-conll-pipeline +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/pipelines/tensorflow-image-segmentation +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/pipelines-with-components/basics/1a_e2e_local_components +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/pipelines-with-components/basics/1b_e2e_registered_components +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/pipelines-with-components/basics/2a_basic_component +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/pipelines-with-components/basics/2b_component_with_input_output +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/pipelines-with-components/basics/3a_basic_pipeline +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/pipelines-with-components/basics/3b_pipeline_with_data +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/pipelines-with-components/basics/4a_local_data_input +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/pipelines-with-components/basics/4b_datastore_datapath_uri +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/pipelines-with-components/basics/4c_web_url_input +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/pipelines-with-components/basics/4d_data_input +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/pipelines-with-components/basics/5a_env_public_docker_image +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/pipelines-with-components/basics/5b_env_registered +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/pipelines-with-components/basics/5c_env_conda_file +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/pipelines-with-components/basics/6a_tf_hello_world +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/pipelines-with-components/basics/6b_pytorch_hello_world +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/pipelines-with-components/basics/6c_r_iris +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/single-step/julia/iris +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/single-step/gpu_perf +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/single-step/dask/nyctaxi +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/pipelines-with-components/pipeline_with_hyperparameter_sweep +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/pipelines-with-components/pipeline_job_with_flow_as_component +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/pipelines-with-components/nyc_taxi_data_regression +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/single-step/lightgbm/iris +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/single-step/pytorch/cifar-distributed +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/single-step/pytorch/iris +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/single-step/pytorch/word-language-model +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/single-step/r/accidents +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/single-step/r/iris +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/single-step/scikit-learn/diabetes +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/single-step/scikit-learn/iris +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/single-step/scikit-learn/iris-notebook +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/pipelines-with-components/image_classification_with_densenet +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/pipelines-with-components/pipeline_with_hyperparameter_sweep +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/pipelines-with-components/pipeline_with_pipeline_component/nyc_taxi_data_regression_with_pipeline_component +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/pipelines-with-components/pipeline_with_pipeline_component/pipeline_with_train_eval_pipeline_component +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/single-step/tensorflow/mnist-distributed-horovod +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/single-step/tensorflow/mnist-distributed +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/single-step/tensorflow/mnist +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/spark +/home/runner/work/azureml-examples/azureml-examples/cli/resources/compute +/home/runner/work/azureml-examples/azureml-examples/cli/responsible-ai/cli-responsibleaidashboard-housing-classification +/home/runner/work/azureml-examples/azureml-examples/cli/responsible-ai/cli-responsibleaidashboard-programmer-regression +/home/runner/work/azureml-examples/azureml-examples/cli/schedules +/home/runner/work/azureml-examples/azureml-examples/cli +/home/runner/work/azureml-examples/azureml-examples/sdk/python/assets/assets-in-registry +/home/runner/work/azureml-examples/azureml-examples/sdk/python/endpoints/batch/deploy-models/custom-outputs-parquet +/home/runner/work/azureml-examples/azureml-examples/sdk/python/endpoints/batch/deploy-models/heart-classifier-mlflow +/home/runner/work/azureml-examples/azureml-examples/sdk/python/endpoints/batch/deploy-models/huggingface-text-summarization +/home/runner/work/azureml-examples/azureml-examples/sdk/python/endpoints/batch/deploy-models/imagenet-classifier +/home/runner/work/azureml-examples/azureml-examples/sdk/python/endpoints/batch/deploy-models/mnist-classifier +/home/runner/work/azureml-examples/azureml-examples/sdk/python/endpoints/batch/deploy-pipelines/batch-scoring-with-preprocessing +/home/runner/work/azureml-examples/azureml-examples/sdk/python/endpoints/batch/deploy-pipelines/hello-batch +/home/runner/work/azureml-examples/azureml-examples/sdk/python/endpoints/batch/deploy-pipelines/training-with-components +/home/runner/work/azureml-examples/azureml-examples/sdk/python/endpoints/online/custom-container +/home/runner/work/azureml-examples/azureml-examples/sdk/python/endpoints/online/custom-container/triton +/home/runner/work/azureml-examples/azureml-examples/sdk/python/endpoints/online/kubernetes +/home/runner/work/azureml-examples/azureml-examples/sdk/python/endpoints/online/llm/langchain +/home/runner/work/azureml-examples/azureml-examples/sdk/python/endpoints/online/llm/semantic-kernel +/home/runner/work/azureml-examples/azureml-examples/sdk/python/endpoints/online/managed/managed-identities +/home/runner/work/azureml-examples/azureml-examples/sdk/python/endpoints/online/managed +/home/runner/work/azureml-examples/azureml-examples/sdk/python/endpoints/online/mlflow +/home/runner/work/azureml-examples/azureml-examples/sdk/python/endpoints/online/triton/single-model +/home/runner/work/azureml-examples/azureml-examples/sdk/python/featurestore_sample +/home/runner/work/azureml-examples/azureml-examples/sdk/python/foundation-models/azure_openai/oai-v1 +/home/runner/work/azureml-examples/azureml-examples/sdk/python/foundation-models/azure_openai/oai-v2 +/home/runner/work/azureml-examples/azureml-examples/sdk/python/foundation-models/huggingface/inference/question-answering +/home/runner/work/azureml-examples/azureml-examples/sdk/python/foundation-models/huggingface/inference/token-classification +/home/runner/work/azureml-examples/azureml-examples/sdk/python/foundation-models/huggingface/inference/translation +/home/runner/work/azureml-examples/azureml-examples/sdk/python/foundation-models/huggingface/inference/zero-shot-classification +/home/runner/work/azureml-examples/azureml-examples/sdk/python/foundation-models/system/import +/home/runner/work/azureml-examples/azureml-examples/sdk/python/jobs/automl-standalone-jobs/automl-classification-task-bankmarketing +/home/runner/work/azureml-examples/azureml-examples/sdk/python/jobs/automl-standalone-jobs/automl-forecasting-distributed-tcn +/home/runner/work/azureml-examples/azureml-examples/sdk/python/jobs/automl-standalone-jobs/automl-forecasting-github-dau +/home/runner/work/azureml-examples/azureml-examples/sdk/python/jobs/automl-standalone-jobs/automl-forecasting-orange-juice-sales +/home/runner/work/azureml-examples/azureml-examples/sdk/python/jobs/automl-standalone-jobs/automl-forecasting-recipes-univariate +/home/runner/work/azureml-examples/azureml-examples/sdk/python/jobs/automl-standalone-jobs/automl-forecasting-task-bike-share +/home/runner/work/azureml-examples/azureml-examples/sdk/python/jobs/automl-standalone-jobs/automl-forecasting-task-energy-demand +/home/runner/work/azureml-examples/azureml-examples/sdk/python/jobs/automl-standalone-jobs/automl-image-classification-multiclass-task-fridge-items +/home/runner/work/azureml-examples/azureml-examples/sdk/python/jobs/automl-standalone-jobs/automl-image-instance-segmentation-task-fridge-items +/home/runner/work/azureml-examples/azureml-examples/sdk/python/jobs/automl-standalone-jobs/automl-image-object-detection-task-fridge-items +/home/runner/work/azureml-examples/azureml-examples/sdk/python/jobs/automl-standalone-jobs/automl-image-object-detection-task-fridge-items-batch-scoring +/home/runner/work/azureml-examples/azureml-examples/sdk/python/jobs/automl-standalone-jobs/automl-nlp-text-classification-multiclass-task-sentiment-analysis +/home/runner/work/azureml-examples/azureml-examples/sdk/python/jobs/automl-standalone-jobs/automl-nlp-text-classification-multilabel-task-paper-categorization +/home/runner/work/azureml-examples/azureml-examples/sdk/python/jobs/automl-standalone-jobs/automl-nlp-text-named-entity-recognition-task +/home/runner/work/azureml-examples/azureml-examples/sdk/python/jobs/automl-standalone-jobs/automl-nlp-text-named-entity-recognition-task-distributed-sweeping +/home/runner/work/azureml-examples/azureml-examples/sdk/python/jobs/automl-standalone-jobs/automl-regression-task-hardware-performance +/home/runner/work/azureml-examples/azureml-examples/sdk/python/jobs +/home/runner/work/azureml-examples/azureml-examples/sdk/python/jobs/parallel/1a_oj_sales_prediction +/home/runner/work/azureml-examples/azureml-examples/sdk/python/jobs/parallel/2a_iris_batch_prediction +/home/runner/work/azureml-examples/azureml-examples/sdk/python/jobs/parallel/3a_mnist_batch_identification +/home/runner/work/azureml-examples/azureml-examples/sdk/python/jobs/pipelines/1a_pipeline_with_components_from_yaml +/home/runner/work/azureml-examples/azureml-examples/sdk/python/jobs/pipelines/1b_pipeline_with_python_function_components +/home/runner/work/azureml-examples/azureml-examples/sdk/python/jobs/pipelines/1c_pipeline_with_hyperparameter_sweep +/home/runner/work/azureml-examples/azureml-examples/sdk/python/jobs/pipelines/1d_pipeline_with_non_python_components +/home/runner/work/azureml-examples/azureml-examples/sdk/python/jobs/pipelines/1e_pipeline_with_registered_components +/home/runner/work/azureml-examples/azureml-examples/sdk/python/jobs/pipelines/1g_pipeline_with_parallel_nodes +/home/runner/work/azureml-examples/azureml-examples/sdk/python/jobs/pipelines/1h_automl_in_pipeline/automl-classification-bankmarketing-in-pipeline +/home/runner/work/azureml-examples/azureml-examples/sdk/python/jobs/pipelines/1h_automl_in_pipeline/automl-forecasting-in-pipeline +/home/runner/work/azureml-examples/azureml-examples/sdk/python/jobs/pipelines/1h_automl_in_pipeline/automl-image-classification-multiclass-in-pipeline +/home/runner/work/azureml-examples/azureml-examples/sdk/python/jobs/pipelines/1h_automl_in_pipeline/automl-image-classification-multilabel-in-pipeline +/home/runner/work/azureml-examples/azureml-examples/sdk/python/jobs/pipelines/1h_automl_in_pipeline/automl-image-instance-segmentation-in-pipeline +/home/runner/work/azureml-examples/azureml-examples/sdk/python/jobs/pipelines/1h_automl_in_pipeline/automl-image-object-detection-in-pipeline +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/pipelines/automl/cli-automl-forecasting-demand-with-pipeline-components/cli-automl-forecasting-demand-many-models +/home/runner/work/azureml-examples/azureml-examples/sdk/python/jobs/automl-standalone-jobs/automl-image-classification-multilabel-task-fridge-items +/home/runner/work/azureml-examples/azureml-examples/sdk/python/assets/data +/home/runner/work/azureml-examples/azureml-examples/sdk/python/assets/component +/home/runner/work/azureml-examples/azureml-examples/cli/ +/home/runner/work/azureml-examples/azureml-examples/sdk/python/assets/model +/home/runner/work/azureml-examples/azureml-examples/sdk/python/assets/environment +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/pipelines/nyc-taxi +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/pipelines/mnist-batch-identification-using-parallel +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/pipelines/iris-batch-prediction-using-parallel +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/pipelines/cifar-10 +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/pipelines/automl/image-object-detection-task-fridge-items-pipeline +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/pipelines/automl/image-multilabel-classification-fridge-items-pipeline +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/pipelines/automl/image-multiclass-classification-fridge-items-pipeline +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/pipelines/automl/forecasting-energy-demand-pipeline +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/pipelines/automl/cli-automl-regression-housepricing-pipeline +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/pipelines/automl/cli-automl-forecasting-demand-with-pipeline-components/cli-automl-forecasting-demand-hierarchical-timeseries +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/automl-standalone-jobs/cli-automl-image-object-detection-task-fridge-items +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/automl-standalone-jobs/cli-automl-regression-task-hardware-perf +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/basics/hello-automl +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/pipelines/automl/cli-automl-classification-task-bankmarketing-pipeline +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/automl-standalone-jobs/cli-automl-image-classification-multiclass-task-fridge-items +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/automl-standalone-jobs/cli-automl-image-classification-multilabel-task-fridge-items +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/automl-standalone-jobs/cli-automl-image-instance-segmentation-task-fridge-items +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/automl-standalone-jobs/cli-automl-classification-task-bankmarketing +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/pipelines/automl/image-instance-segmentation-task-fridge-items-pipeline +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/automl-standalone-jobs/cli-automl-forecasting-task-energy-demand +/home/runner/work/azureml-examples/azureml-examples/cli/jobs/automl-standalone-jobs/cli-automl-forecasting-bike-share diff --git a/infra/templates/readme_template.md b/infra/templates/readme_template.md new file mode 100644 index 0000000000..91984ddcf4 --- /dev/null +++ b/infra/templates/readme_template.md @@ -0,0 +1,28 @@ +--- +page_type: sample +languages: +- azurecli +- language1 +- language2 +products: +- azure-machine-learning +description: Example description. +--- + +## Your Sample Name + +### Overview + +This tutorial provides a step-by-step guide on how to leverage Azure Machine Learning to build and deploy a machine learning model. It covers the entire workflow, from data preparation and model development to deployment and monitoring. + +### Objective + +The main objective of this tutorial is to help users understand the process of creating, training, and deploying a machine learning model in Azure. By the end of this tutorial, you should be able to: + + - a + - b + - c + +### Programming Languages + - Python +### Estimated Runtime: 30 mins diff --git a/sdk/python/readme.py b/sdk/python/readme.py index 46eeff4cff..2ed43f9ac6 100644 --- a/sdk/python/readme.py +++ b/sdk/python/readme.py @@ -273,6 +273,11 @@ def write_notebook_workflow( bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "{github_workspace}" "{github_workspace}/sdk/python/{posix_folder}" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "{github_workspace}/infra/bootstrapping/sdk_helpers.sh"; diff --git a/tutorials/readme.py b/tutorials/readme.py index a0526f68fb..9ddddad240 100644 --- a/tutorials/readme.py +++ b/tutorials/readme.py @@ -181,6 +181,11 @@ def write_notebook_workflow( bash setup.sh working-directory: sdk/python continue-on-error: true + - name: validate readme + run: | + python check-readme.py "{github_workspace}" "{github_workspace}/tutorials/{posix_folder}" + working-directory: infra/bootstrapping + continue-on-error: false - name: setup-cli run: | source "{github_workspace}/infra/bootstrapping/sdk_helpers.sh"; From 2aca0a8984198b80d4a98bb3e7798c98b7bccfd7 Mon Sep 17 00:00:00 2001 From: Gaurav Rajguru Date: Wed, 31 Jan 2024 11:51:05 +0530 Subject: [PATCH 4/6] Added installation cell (#2954) Co-authored-by: grajguru --- .../automl-nlp-multiclass-sentiment-mlflow.ipynb | 10 ++++++++++ 1 file changed, 10 insertions(+) diff --git a/sdk/python/jobs/automl-standalone-jobs/automl-nlp-text-classification-multiclass-task-sentiment-analysis/automl-nlp-multiclass-sentiment-mlflow.ipynb b/sdk/python/jobs/automl-standalone-jobs/automl-nlp-text-classification-multiclass-task-sentiment-analysis/automl-nlp-multiclass-sentiment-mlflow.ipynb index 4a41279bec..74bc540a8e 100644 --- a/sdk/python/jobs/automl-standalone-jobs/automl-nlp-text-classification-multiclass-task-sentiment-analysis/automl-nlp-multiclass-sentiment-mlflow.ipynb +++ b/sdk/python/jobs/automl-standalone-jobs/automl-nlp-text-classification-multiclass-task-sentiment-analysis/automl-nlp-multiclass-sentiment-mlflow.ipynb @@ -27,6 +27,16 @@ "## 1.1. Import the required libraries" ] }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "%pip install azure-ai-ml==1.8.0\n", + "%pip install azure-identity==1.13.0" + ] + }, { "cell_type": "code", "execution_count": null, From 7346ebe5355868e88cbd687800be0d8bf77ee15b Mon Sep 17 00:00:00 2001 From: Alexander Hughes <108831604+ahughes-msft@users.noreply.github.com> Date: Wed, 31 Jan 2024 12:41:48 -0800 Subject: [PATCH 5/6] Update CODEOWNERS with monitoring contacts (#2971) * Update CODEOWNERS with monitoring contacts * Update CODEOWNERS --- .github/CODEOWNERS | 6 ++++++ 1 file changed, 6 insertions(+) diff --git a/.github/CODEOWNERS b/.github/CODEOWNERS index 975e7f2170..878313aa3d 100644 --- a/.github/CODEOWNERS +++ b/.github/CODEOWNERS @@ -180,6 +180,12 @@ /cli/jobs/spark/serverless-spark-standalone-user-identity.yaml @sdgilley @msakande @Blackmist @ssalgadodev @lgayhardt @fbsolo-ms1 /cli/jobs/spark/spark-job-component.yml @sdgilley @msakande @Blackmist @ssalgadodev @lgayhardt @fbsolo-ms1 /cli/misc.sh @sdgilley @msakande @Blackmist @ssalgadodev @lgayhardt @fbsolo-ms1 +/cli/monitoring/azureml-e2e-model-monitoring @sdgilley @msakande @Blackmist @nemanjarajic @ahughes-msft @yunjie-hub +/cli/monitoring/advanced-model-monitoring.yaml @sdgilley @msakande @Blackmist @nemanjarajic @ahughes-msft @yunjie-hub +/cli/monitoring/custom-monitoring.yaml @sdgilley @msakande @Blackmist @nemanjarajic @ahughes-msft @yunjie-hub +/cli/monitoring/generation-safety-quality-monitoring.yaml @sdgilley @msakande @Blackmist @ahughes-msft @yunjie-hub +/cli/monitoring/model-monitoring-with-collected-data.yaml @sdgilley @msakande @Blackmist @ahughes-msft @yunjie-hub +/cli/monitoring/out-of-box-monitoring.yaml @sdgilley @msakande @Blackmist @ahughes-msft @yunjie-hub /cli/resources/compute/cluster-basic.yml @sdgilley @msakande @Blackmist @ssalgadodev @lgayhardt @fbsolo-ms1 /cli/resources/compute/cluster-location.yml @sdgilley @msakande @Blackmist @ssalgadodev @lgayhardt @fbsolo-ms1 /cli/resources/compute/cluster-low-priority.yml @sdgilley @msakande @Blackmist @ssalgadodev @lgayhardt @fbsolo-ms1 From 2d225161c480e5ac749560ce687d21f8cea0d798 Mon Sep 17 00:00:00 2001 From: Alexander Hughes <108831604+ahughes-msft@users.noreply.github.com> Date: Wed, 31 Jan 2024 12:51:36 -0800 Subject: [PATCH 6/6] update monitoring samples (#2970) * update monitoring samples * remove sensitive information, make general for the public * reformat python * small changes * small change data column names * missed one --- cli/monitoring/README.md | 24 +- cli/monitoring/advanced-model-monitoring.yaml | 27 +- .../azureml-e2e-model-monitoring/.gitignore | 138 +++ .../azureml-e2e-model-monitoring/README.md | 10 + .../code/score.py | 98 ++ .../code/train.py | 168 +++ .../configurations/training_pipeline.yaml | 30 + .../endpoints/deployment.yaml | 20 + .../endpoints/endpoint.yaml | 3 + .../environments/score.yaml | 17 + .../environments/train.yaml | 17 + .../notebooks/model-monitoring-e2e.ipynb | 1035 +++++++++++++++++ cli/monitoring/custom-monitoring.yaml | 10 +- .../model-monitoring-with-collected-data.yaml | 55 +- cli/monitoring/out-of-box-monitoring.yaml | 21 +- 15 files changed, 1591 insertions(+), 82 deletions(-) create mode 100644 cli/monitoring/azureml-e2e-model-monitoring/.gitignore create mode 100644 cli/monitoring/azureml-e2e-model-monitoring/README.md create mode 100644 cli/monitoring/azureml-e2e-model-monitoring/code/score.py create mode 100644 cli/monitoring/azureml-e2e-model-monitoring/code/train.py create mode 100644 cli/monitoring/azureml-e2e-model-monitoring/configurations/training_pipeline.yaml create mode 100644 cli/monitoring/azureml-e2e-model-monitoring/endpoints/deployment.yaml create mode 100644 cli/monitoring/azureml-e2e-model-monitoring/endpoints/endpoint.yaml create mode 100644 cli/monitoring/azureml-e2e-model-monitoring/environments/score.yaml create mode 100644 cli/monitoring/azureml-e2e-model-monitoring/environments/train.yaml create mode 100644 cli/monitoring/azureml-e2e-model-monitoring/notebooks/model-monitoring-e2e.ipynb diff --git a/cli/monitoring/README.md b/cli/monitoring/README.md index 0638921576..91bbf4291d 100644 --- a/cli/monitoring/README.md +++ b/cli/monitoring/README.md @@ -1,24 +1,28 @@ # AzureML Model Monitoring -**AzureML model monitoring** enables you to track the performance of your models from a data science perspective whilst in production. This directory contains YAML configuration samples for different scenarios you may encounter when trying to monitor your models. Comprehensive documentation on model monitoring, its capabilities, and a list of supported signals & metrics can be found [here](https://learn.microsoft.com/en-us/azure/machine-learning/concept-model-monitoring?view=azureml-api-2). +**AzureML model monitoring** enables you to track the performance of your models from a data science perspective whilst in production. This directory contains YAML configuration samples and an E2E notebook with a Python SDK monitoring configuration for different scenarios you may encounter when trying to monitor your models. Comprehensive documentation on model monitoring, its capabilities, and a list of supported signals & metrics can be found [here](https://learn.microsoft.com/en-us/azure/machine-learning/concept-model-monitoring?view=azureml-api-2). > **Note**: For monitoring your models deployed with AzureML online endpoints (kubernetes or online), you can use **Model Data Collector (MDC)** to collect production inference data from your deployed model with ease. Documentation for data collection can be found [here](https://learn.microsoft.com/en-us/azure/machine-learning/how-to-collect-production-data?view=azureml-api-2&tabs=azure-cli). > **Note**: Comprehensive configuration schema information can be found [here](https://learn.microsoft.com/en-us/azure/machine-learning/reference-yaml-monitor?view=azureml-api-2). +## End-to-end monitoring example + +Please see the notebook contained in the [azureml-e2e-model-monitoring/notebooks](azureml-e2e-model-monitoring\notebooks\model-monitoring-e2e.ipynb) folder to run an end-to-end notebook to try out **AzureML model monitoring**. + ## Scenario coverage -**AzureML model monitoring** supports multiple different scenarios so you can monitor your models regardless of your deployment approach. Below, we detail each scenario and the necessary steps to configure your model monitor in each specific case. +**AzureML model monitoring** supports multiple different scenarios so you can monitor your models regardless of your deployment approach. Below, we detail each scenario and the necessary steps to configure your model monitor in each specific case. -### 1. Deploy model with AzureML online endpoints; out-of-box configuration +### 1. Deploy model with AzureML online endpoints; out-of-box monitoring configuration In this scenario, you have deployed your model to AzureML online endpoints (managed or kubernetes). You have enabled production inference data collection (documentation for it can be found [here](https://learn.microsoft.com/en-us/azure/machine-learning/how-to-collect-production-data?view=azureml-api-2&tabs=azure-cli)) for your deployment. With the `out-of-box-monitoring.yaml`, you can create a model monitor with the default signals (data drift, prediction drift, data quality), metrics, and thresholds - all of which can be adjusted later. Schedule your model monitor with this command: `az ml schedule create -f out-of-box-monitoring.yaml` -### 2. Deploy model with AzureML online endpoints; advanced configuration with feature importance +### 2. Deploy model with AzureML online endpoints; advanced monitoring configuration with feature importance -In this scenario, you have deployed your model to AzureML online endpoints (managed or kubernetes). You have enabled production inference data collection (documentation for it can be found [here](https://learn.microsoft.com/en-us/azure/machine-learning/how-to-collect-production-data?view=azureml-api-2&tabs=azure-cli)) for your deployment. With the `advanced-model-monitoring.yaml`, you can create a model monitor with configurable signals, metrics, and thresholds. You can adjust the configuration to only monitor for the signals (data drift, prediction drift, data quality) and respective metrics/thresholds you are interested in monitoring for. The provided sample also determines the most important features and only computes the metrics for those features (feature importance). +In this scenario, you have deployed your model to AzureML online endpoints (managed or kubernetes). You have enabled production inference data collection (documentation for it can be found [here](https://learn.microsoft.com/en-us/azure/machine-learning/how-to-collect-production-data?view=azureml-api-2&tabs=azure-cli)) for your deployment. With the `advanced-model-monitoring.yaml`, you can create a model monitor with configurable signals, metrics, and thresholds. You can adjust the configuration to only monitor for the signals (data drift, prediction drift, data quality) and respective metrics/thresholds you are interested in monitoring for. The provided sample also determines the most important features and only computes the metrics for those features (feature importance). You can adjust the details to suit the needs of your scenario in the configuration file. Schedule your model monitor with this command: `az ml schedule create -f advanced-model-monitoring.yaml` @@ -28,16 +32,18 @@ In this scenario, you are interested in continuously monitoring your deployed fl Schedule your model monitor with this command: `az ml schedule create -f generation-safety-quality-monitoring.yaml` -### 4. Deploy model with AzureML batch endpoints, AKS with CLI v1, or outside of AzureML +### 4. Monitoring configuration for non-MDC collected data; deployment with AzureML batch, AKS v1, or outside of AzureML + +In this scenario, you can bring your own data to use as input to your monitoring job. As long as this data is maintained and kept up to date as your model is used in production, you can monitor it to extract insights.When you bring your own production data, you need to provide a custom preprocessing component to tabularize the data into MLTable format with a timestamp for each row. First, bring your data to Azure Blob and create an AzureML data asset for your model inputs and model outputs. -In this scenario, you can bring your own data to use as input to your monitoring job. When you bring your own production data, you need to provide a custom preprocessing component to get the data into MLTable format for the monitoring job to use. An example custom preprocessing component can be found in the `components/custom_preprocessing` directory. From that directory, you can use the command `az ml component create -f spec.yaml --subscription --workspace --resource-group ` to register the component to Azure Machine Learning, which is a required prerequisite. +Next, create a preprocessing component to preprocess the data. An example custom preprocessing component can be found in the `components/custom_preprocessing` directory. From that directory, you can use the command `az ml component create -f spec.yaml --subscription --workspace --resource-group ` to register the component to Azure Machine Learning, which is a required prerequisite. Ensure that you modify the component code based on the nature of how your data is stored. Schedule your model monitor with this command: `az ml schedule create -f model-monitoring-with-collected-data.yaml --subscription --workspace --resource-group ` ### 5. Create your own custom monitoring signal -In this scenario, you can create your own custom monitoring signal. For example, say you would like to implement your own metric, such as standard deviation. To start, you will need to create and register a custom signal component to Azure Machine Learning. The custom signal component can be found in the `components/custom_signal/` directory. From that directory, you can use the command `az ml component create -f spec.yaml --subscription --workspace --resource-group ` to register the component. +In this scenario, you can create your own custom monitoring signal. For example, say you would like to implement your own metric, such as standard deviation. To start, you will need to create and register a custom signal component to Azure Machine Learning. The custom signal component can be found in the `components/custom_signal/` directory. From that directory, you can use the command `az ml component create -f spec.yaml --subscription --workspace --resource-group ` to register the component. Schedule your monitoring job (found in the main `monitoring/` directory) with the following command: `az ml schedule create -f custom_monitoring.yaml --subscription --workspace --resource-group `. -**Note**: The `custom-monitoring.yaml` configuration file uses both a custom preprocessing component and a custom monitoring signal. If you only want to use a custom signal (e.g., your data is being collected with the Model Data Collector (MDC) from an online endpoint), you can remove the custom preprocessing component line and AzureML model monitoring will use the default data preprocessor. +**Note**: The `custom-monitoring.yaml` configuration file uses both a custom preprocessing component and a custom monitoring signal. If you only want to use a custom signal (e.g., your data is being collected with the Model Data Collector (MDC) from an online endpoint), you can remove the custom preprocessing component line (`pre_processing_component: azureml:production_data_preprocessing:1`) and AzureML model monitoring will use the default MDC data preprocessor. diff --git a/cli/monitoring/advanced-model-monitoring.yaml b/cli/monitoring/advanced-model-monitoring.yaml index f0b07a8ed4..5f3c303102 100644 --- a/cli/monitoring/advanced-model-monitoring.yaml +++ b/cli/monitoring/advanced-model-monitoring.yaml @@ -14,12 +14,14 @@ trigger: minutes: 15 # at 15 mins after 3am create_monitor: + compute: instance_type: standard_e4s_v3 - runtime_version: 3.2 + runtime_version: "3.3" + monitoring_target: ml_task: classification - endpoint_deployment_id: azureml:fraud-detection-endpoint:fraud-detection-deployment + endpoint_deployment_id: azureml:credit-default:main monitoring_signals: advanced_data_drift: # monitoring signal name, any user defined name works @@ -27,12 +29,13 @@ create_monitor: # reference_dataset is optional. By default referece_dataset is the production inference data associated with Azure Machine Learning online endpoint reference_data: input_data: - path: azureml:my_model_training_data:1 # use training data as comparison reference dataset + path: azureml:credit-reference:1 # use training data as comparison reference dataset type: mltable data_context: training - target_column_name: fraud_detected + data_column_names: + target_column: DEFAULT_NEXT_MONTH features: - top_n_feature_importance: 20 # monitor drift for top 20 features + top_n_feature_importance: 10 # monitor drift for top 10 features metric_thresholds: numerical: jensen_shannon_distance: 0.01 @@ -40,16 +43,15 @@ create_monitor: pearsons_chi_squared_test: 0.02 advanced_data_quality: type: data_quality - # reference_dataset is optional. By default referece_dataset is the production inference data associated with Azure Machine Learning online endpoint + # reference_dataset is optional. By default reference_dataset is the production inference data associated with Azure Machine Learning online endpoint reference_data: input_data: - path: azureml:my_model_training_data:1 + path: azureml:credit-reference:1 type: mltable data_context: training features: # monitor data quality for 3 individual features only - - feature_A - - feature_B - - feature_C + - SEX + - EDUCATION metric_thresholds: numerical: null_value_rate: 0.05 @@ -63,10 +65,11 @@ create_monitor: # Azure Machine Learning model monitoring will automatically join both model_inputs and model_outputs data and used it for computation reference_data: input_data: - path: azureml:my_model_training_data:1 + path: azureml:credit-reference:1 type: mltable data_context: training - target_column_name: is_fraud + data_column_names: + target_column: DEFAULT_NEXT_MONTH metric_thresholds: normalized_discounted_cumulative_gain: 0.9 diff --git a/cli/monitoring/azureml-e2e-model-monitoring/.gitignore b/cli/monitoring/azureml-e2e-model-monitoring/.gitignore new file mode 100644 index 0000000000..f4aa6bbb22 --- /dev/null +++ b/cli/monitoring/azureml-e2e-model-monitoring/.gitignore @@ -0,0 +1,138 @@ +# Byte-compiled / optimized / DLL files +__pycache__/ +*.py[cod] +*$py.class + +# C extensions +*.so + +# Distribution / packaging +.Python +build/ +develop-eggs/ +dist/ +downloads/ +eggs/ +.eggs/ +lib/ +lib64/ +parts/ +sdist/ +var/ +wheels/ +pip-wheel-metadata/ +share/python-wheels/ +*.egg-info/ +.installed.cfg +*.egg +MANIFEST + +# PyInstaller +# Usually these files are written by a python script from a template +# before PyInstaller builds the exe, so as to inject date/other infos into it. +*.manifest +*.spec + +# Installer logs +pip-log.txt +pip-delete-this-directory.txt + +# Unit test / coverage reports +htmlcov/ +.tox/ +.nox/ +.coverage +.coverage.* +.cache +nosetests.xml +coverage.xml +*.cover +*.py,cover +.hypothesis/ +.pytest_cache/ + +# Translations +*.mo +*.pot + +# Django stuff: +*.log +local_settings.py +db.sqlite3 +db.sqlite3-journal + +# Flask stuff: +instance/ +.webassets-cache + +# Scrapy stuff: +.scrapy + +# Sphinx documentation +docs/_build/ + +# PyBuilder +target/ + +# Jupyter Notebook +.ipynb_checkpoints + +# IPython +profile_default/ +ipython_config.py + +# pyenv +.python-version + +# pipenv +# According to pypa/pipenv#598, it is recommended to include Pipfile.lock in version control. +# However, in case of collaboration, if having platform-specific dependencies or dependencies +# having no cross-platform support, pipenv may install dependencies that don't work, or not +# install all needed dependencies. +#Pipfile.lock + +# PEP 582; used by e.g. github.com/David-OConnor/pyflow +__pypackages__/ + +# Celery stuff +celerybeat-schedule +celerybeat.pid + +# SageMath parsed files +*.sage.py + +# Environments +.env +.venv +env/ +venv/ +ENV/ +env.bak/ +venv.bak/ + +# Spyder project settings +.spyderproject +.spyproject + +# Rope project settings +.ropeproject + +# mkdocs documentation +/site + +# mypy +.mypy_cache/ +.dmypy.json +dmypy.json + +# Pyre type checker +.pyre/ + +# Other +.vscode +.DS_Store +.amlignore +*.amltmp +notebooks/.ipynb_checkpoints/ +data/reference +data/production diff --git a/cli/monitoring/azureml-e2e-model-monitoring/README.md b/cli/monitoring/azureml-e2e-model-monitoring/README.md new file mode 100644 index 0000000000..49b527b88c --- /dev/null +++ b/cli/monitoring/azureml-e2e-model-monitoring/README.md @@ -0,0 +1,10 @@ +# AzureML E2E Model Monitoring + +In this sample notebook, you will observe the end-to-end lifecycle of the Machine Learning (ML) operationalization process. You will follow the following steps to train your ML model, deploy it to production, and monitor it to ensure its continuous performance: + +1) Setup environment +2) Register data assets +3) Train the model +4) Deploy the model +5) Simulate inference requests +6) Monitor the model \ No newline at end of file diff --git a/cli/monitoring/azureml-e2e-model-monitoring/code/score.py b/cli/monitoring/azureml-e2e-model-monitoring/code/score.py new file mode 100644 index 0000000000..aa9a5353e0 --- /dev/null +++ b/cli/monitoring/azureml-e2e-model-monitoring/code/score.py @@ -0,0 +1,98 @@ +"""Script for an azureml online deployment""" +import json +import logging +import os +import uuid +from typing import Dict, List + +import mlflow +import pandas as pd +from azureml.ai.monitoring import Collector +from inference_schema.parameter_types.standard_py_parameter_type import ( + StandardPythonParameterType, +) +from inference_schema.schema_decorators import input_schema, output_schema + +# define global variables +MODEL = None +INPUTS_COLLECTOR = None +OUTPUTS_COLLECTOR = None +INPUTS_OUTPUTS_COLLECTOR = None + +INPUT_SAMPLE = [ + { + "LIMIT_BAL": 20000, + "SEX": 2, + "EDUCATION": 2, + "MARRIAGE": 1, + "AGE": 24, + "PAY_0": 2, + "PAY_2": 2, + "PAY_3": -1, + "PAY_4": -1, + "PAY_5": -2, + "PAY_6": -2, + "BILL_AMT1": 3913, + "BILL_AMT2": 3102, + "BILL_AMT3": 689, + "BILL_AMT4": 0, + "BILL_AMT5": 0, + "BILL_AMT6": 0, + "PAY_AMT1": 0, + "PAY_AMT2": 689, + "PAY_AMT3": 0, + "PAY_AMT4": 0, + "PAY_AMT5": 0, + "PAY_AMT6": 0, + } +] + +# define sample response for inference +OUTPUT_SAMPLE = {"DEFAULT_NEXT_MONTH": [0]} + + +def init() -> None: + """Startup event handler to load an MLFLow model.""" + global MODEL, INPUTS_COLLECTOR, OUTPUTS_COLLECTOR, INPUTS_OUTPUTS_COLLECTOR + + # instantiate collectors + INPUTS_COLLECTOR = Collector(name="model_inputs") + OUTPUTS_COLLECTOR = Collector(name="model_outputs") + INPUTS_OUTPUTS_COLLECTOR = Collector(name="model_inputs_outputs") + + # Load MLFlow model + MODEL = mlflow.sklearn.load_model(os.getenv("AZUREML_MODEL_DIR") + "/model_output") + + +@input_schema("data", StandardPythonParameterType(INPUT_SAMPLE)) +@output_schema(StandardPythonParameterType(OUTPUT_SAMPLE)) +def run(data: List[Dict]) -> str: + """Perform scoring for every invocation of the endpoint""" + + # Append datetime column to predictions + input_df = pd.DataFrame(data) + + # Preprocess payload and get model prediction + model_output = MODEL.predict(input_df).tolist() + output_df = pd.DataFrame(model_output, columns=["DEFAULT_NEXT_MONTH"]) + + # Make response payload + response_payload = json.dumps({"DEFAULT_NEXT_MONTH": model_output}) + + # --- Azure ML Data Collection --- + + # collect inputs data + context = INPUTS_COLLECTOR.collect(input_df) + + # collect outputs data + OUTPUTS_COLLECTOR.collect(output_df, context) + + # create a dataframe with inputs/outputs joined - this creates a URI folder (not mltable) + input_output_df = input_df.join(output_df) + + # collect both your inputs and output + INPUTS_OUTPUTS_COLLECTOR.collect(input_output_df, context) + + # ---------------------------------- + + return response_payload diff --git a/cli/monitoring/azureml-e2e-model-monitoring/code/train.py b/cli/monitoring/azureml-e2e-model-monitoring/code/train.py new file mode 100644 index 0000000000..6cce59026b --- /dev/null +++ b/cli/monitoring/azureml-e2e-model-monitoring/code/train.py @@ -0,0 +1,168 @@ +"""Script to develop a machine learning model from input data""" +from argparse import ArgumentParser, Namespace +from distutils.dir_util import copy_tree +from typing import Dict, Union + +import mltable +import mlflow +import pandas as pd +from sklearn.compose import ColumnTransformer +from sklearn.ensemble import RandomForestClassifier +from sklearn.impute import SimpleImputer +from sklearn.metrics import ( + accuracy_score, + f1_score, + precision_score, + recall_score, + roc_auc_score, +) +from sklearn.model_selection import train_test_split +from sklearn.pipeline import Pipeline +from sklearn.preprocessing import OneHotEncoder + + +# define target column +TARGET = ["DEFAULT_NEXT_MONTH"] + +# define categorical feature columns +CATEGORICAL_FEATURES = [ + "SEX", + "EDUCATION", + "MARRIAGE", + "PAY_0", + "PAY_2", + "PAY_3", + "PAY_4", + "PAY_5", + "PAY_6", +] + +# define numeric feature columns +NUMERIC_FEATURES = [ + "LIMIT_BAL", + "AGE", + "BILL_AMT1", + "BILL_AMT2", + "BILL_AMT3", + "BILL_AMT4", + "BILL_AMT5", + "BILL_AMT6", + "PAY_AMT1", + "PAY_AMT2", + "PAY_AMT3", + "PAY_AMT4", + "PAY_AMT5", + "PAY_AMT6", +] + + +def main(args: Namespace) -> None: + """Develop an sklearn model and use mlflow to log metrics""" + # enable auto logging + mlflow.sklearn.autolog() + + # setup parameters + params = { + "n_estimators": 200, + "max_depth": 4, + "criterion": "gini", + "random_state": 2024, + } + + # read data + tbl = mltable.load(args.training_data) + df = tbl.to_pandas_dataframe() + + # seperate features and target variables + X = df[CATEGORICAL_FEATURES + NUMERIC_FEATURES] + y = df[TARGET] + + # split into train and test sets (80% for training, 20% for testing) + x_train, x_test, y_train, y_test = train_test_split( + X, y, test_size=0.2, random_state=42 + ) + + # train model + estimator = make_classifer_pipeline(params) + estimator.fit(x_train, y_train.values.ravel()) + + # calculate evaluation metrics + y_pred = estimator.predict(x_test) + validation_accuracy_score = accuracy_score(y_test.values.ravel(), y_pred) + validation_roc_auc_score = roc_auc_score(y_test.values.ravel(), y_pred) + validation_f1_score = f1_score(y_test.values.ravel(), y_pred) + validation_precision_score = precision_score(y_test.values.ravel(), y_pred) + validation_recall_score = recall_score(y_test.values.ravel(), y_pred) + + # log evaluation metrics + mlflow.log_metric("validation_accuracy_score", validation_accuracy_score) + mlflow.log_metric("validation_roc_auc_score", validation_roc_auc_score) + mlflow.log_metric("validation_f1_score", validation_f1_score) + mlflow.log_metric("validation_precision_score", validation_precision_score) + mlflow.log_metric("validation_recall_score", validation_recall_score) + + # save models + mlflow.sklearn.save_model(estimator, "model") + + # copy model artifact to directory + to_directory = args.model_output + copy_tree("model", f"{to_directory}") + + +def make_classifer_pipeline(params: Dict[str, Union[str, int]]) -> Pipeline: + """Create sklearn pipeline to apply transforms and a final estimator""" + # categorical features transformations + categorical_transformer = Pipeline( + steps=[ + ("imputer", SimpleImputer(strategy="most_frequent")), + ( + "ohe", + OneHotEncoder( + handle_unknown="ignore", + ), + ), + ] + ) + + # numeric features transformations + numeric_transformer = Pipeline( + steps=[("imputer", SimpleImputer(strategy="median"))] + ) + + # preprocessing pipeline + preprocessor = ColumnTransformer( + transformers=[ + ("numeric", numeric_transformer, NUMERIC_FEATURES), + ("categorical", categorical_transformer, CATEGORICAL_FEATURES), + ] + ) + + # model training pipeline + classifer_pipeline = Pipeline( + [ + ("preprocessor", preprocessor), + ("classifier", RandomForestClassifier(**params, n_jobs=-1)), + ] + ) + + return classifer_pipeline + + +def parse_args() -> Namespace: + """Parse command line arguments""" + # setup arg parser + parser = ArgumentParser("train") + + # add arguments + parser.add_argument("--training_data", type=str) + parser.add_argument("--model_output", type=str) + + # parse args + args = parser.parse_args() + + return args + + +if __name__ == "__main__": + with mlflow.start_run(): + main(parse_args()) diff --git a/cli/monitoring/azureml-e2e-model-monitoring/configurations/training_pipeline.yaml b/cli/monitoring/azureml-e2e-model-monitoring/configurations/training_pipeline.yaml new file mode 100644 index 0000000000..191617aacc --- /dev/null +++ b/cli/monitoring/azureml-e2e-model-monitoring/configurations/training_pipeline.yaml @@ -0,0 +1,30 @@ +description: credit default training pipeline +display_name: credit-default-model-training +experiment_name: credit-default-model-training +type: pipeline + +inputs: + training_dataset: + type: uri_file + path: azureml:credit-default-reference@latest + +jobs: + train_register_model_step: + type: command + compute: azureml:cpu-cluster + code: ../code + environment: + image: mcr.microsoft.com/azureml/openmpi4.1.0-ubuntu20.04 + conda_file: ../environments/train.yaml + inputs: + training_data: + path: ${{parent.inputs.training_dataset}} + mode: ro_mount + outputs: + model_output: + type: mlflow_model + name: credit-default-model + command: >- + python train.py + --training_data ${{inputs.training_data}} + --model_output ${{outputs.model_output}} diff --git a/cli/monitoring/azureml-e2e-model-monitoring/endpoints/deployment.yaml b/cli/monitoring/azureml-e2e-model-monitoring/endpoints/deployment.yaml new file mode 100644 index 0000000000..d57e46a5ec --- /dev/null +++ b/cli/monitoring/azureml-e2e-model-monitoring/endpoints/deployment.yaml @@ -0,0 +1,20 @@ +$schema: https://azuremlschemas.azureedge.net/latest/managedOnlineDeployment.schema.json +name: main +code_configuration: + code: ../code + scoring_script: score.py +endpoint_name: credit-default +environment: + conda_file: ../environments/score.yaml + image: mcr.microsoft.com/azureml/openmpi4.1.0-ubuntu20.04:latest +model: azureml:credit-default-model@latest +instance_type: Standard_F2s_v2 +instance_count: 1 +data_collector: + collections: + model_inputs: + enabled: "true" + model_outputs: + enabled: "true" + model_inputs_outputs: + enabled: "true" \ No newline at end of file diff --git a/cli/monitoring/azureml-e2e-model-monitoring/endpoints/endpoint.yaml b/cli/monitoring/azureml-e2e-model-monitoring/endpoints/endpoint.yaml new file mode 100644 index 0000000000..05338bc6ad --- /dev/null +++ b/cli/monitoring/azureml-e2e-model-monitoring/endpoints/endpoint.yaml @@ -0,0 +1,3 @@ +$schema: https://azuremlschemas.azureedge.net/latest/managedOnlineEndpoint.schema.json +name: credit-default +auth_mode: key \ No newline at end of file diff --git a/cli/monitoring/azureml-e2e-model-monitoring/environments/score.yaml b/cli/monitoring/azureml-e2e-model-monitoring/environments/score.yaml new file mode 100644 index 0000000000..4d9386850f --- /dev/null +++ b/cli/monitoring/azureml-e2e-model-monitoring/environments/score.yaml @@ -0,0 +1,17 @@ +name: credit_default_score + +channels: + - conda-forge + - defaults + +dependencies: + - python=3.8 + - pip=22.3.1 + - pip: + - azureml-ai-monitoring~=0.1.0b1 + - azureml-defaults==1.38.0 + - azureml-mlflow~=1.48.0 + - inference-schema~=1.3.0 + - numpy~=1.23.5 + - pandas~=1.5.2 + - scikit-learn~=1.2.0 diff --git a/cli/monitoring/azureml-e2e-model-monitoring/environments/train.yaml b/cli/monitoring/azureml-e2e-model-monitoring/environments/train.yaml new file mode 100644 index 0000000000..98419779b9 --- /dev/null +++ b/cli/monitoring/azureml-e2e-model-monitoring/environments/train.yaml @@ -0,0 +1,17 @@ +name: credit_card_default_train + +channels: + - conda-forge + - defaults + +dependencies: + - python=3.8 + - pip=22.3.1 + - pip: + - azure-ai-ml~=1.2.0 + - azureml-mlflow~=1.48.0 + - deepchecks~=0.9.2 + - mltable~=1.0.0 + - numpy~=1.23.5 + - pandas~=1.5.2 + - scikit-learn~=1.2.0 \ No newline at end of file diff --git a/cli/monitoring/azureml-e2e-model-monitoring/notebooks/model-monitoring-e2e.ipynb b/cli/monitoring/azureml-e2e-model-monitoring/notebooks/model-monitoring-e2e.ipynb new file mode 100644 index 0000000000..e7fdcd2fae --- /dev/null +++ b/cli/monitoring/azureml-e2e-model-monitoring/notebooks/model-monitoring-e2e.ipynb @@ -0,0 +1,1035 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": { + "nteract": { + "transient": { + "deleting": false + } + } + }, + "source": [ + "## AzureML Model Monitoring through Operationalization" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "In this sample notebook, you will observe the end-to-end lifecycle of the Machine Learning (ML) operationalization process. You will follow the following steps to train your ML model, deploy it to production, and monitor it to ensure its continuous performance:\n", + "\n", + "1) Setup environment \n", + "2) Register data assets\n", + "3) Train the model\n", + "4) Deploy the model\n", + "5) Simulate inference requests\n", + "6) Monitor the model\n", + "\n", + "Let's begin. " + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Setup your environment" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "To start, connect to your project workspace." + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": { + "gather": { + "logged": 1704936184660 + }, + "jupyter": { + "outputs_hidden": false, + "source_hidden": false + }, + "nteract": { + "transient": { + "deleting": false + } + } + }, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Found the config file in: /config.json\n" + ] + } + ], + "source": [ + "from azure.ai.ml import MLClient\n", + "from azure.identity import DefaultAzureCredential\n", + "\n", + "# Connect to the project workspace\n", + "ml_client = MLClient.from_config(credential=DefaultAzureCredential())" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Set up a compute cluster to use to train your model." + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "AmlCompute({'type': 'amlcompute', 'created_on': None, 'provisioning_state': 'Succeeded', 'provisioning_errors': None, 'name': 'cpu-cluster', 'description': None, 'tags': None, 'properties': {}, 'print_as_yaml': True, 'id': '/subscriptions/5f341982-4f40-4ecf-9cee-93ab5e24693f/resourceGroups/rg-sandbox-azureml-01/providers/Microsoft.MachineLearningServices/workspaces/mlw246jkl01/computes/cpu-cluster', 'Resource__source_path': None, 'base_path': '/mnt/batch/tasks/shared/LS_root/mounts/clusters/nimoore-246jkl/code/Users/nimoore/model-monitoring-demo/notebooks', 'creation_context': None, 'serialize': , 'resource_id': None, 'location': 'westus3', 'size': 'STANDARD_F4S_V2', 'min_instances': 0, 'max_instances': 1, 'idle_time_before_scale_down': 360.0, 'identity': None, 'ssh_public_access_enabled': True, 'ssh_settings': None, 'network_settings': , 'tier': 'dedicated', 'enable_node_public_ip': True, 'subnet': None})" + ] + }, + "execution_count": 3, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "from azure.ai.ml.entities import AmlCompute\n", + "\n", + "cluster_basic = AmlCompute(\n", + " name=\"cpu-cluster\",\n", + " type=\"amlcompute\",\n", + " size=\"STANDARD_F2S_V2\", # you can replace it with other supported VM SKUs\n", + " location=ml_client.workspaces.get(ml_client.workspace_name).location,\n", + " min_instances=0,\n", + " max_instances=1,\n", + " idle_time_before_scale_down=360,\n", + ")\n", + "\n", + "ml_client.begin_create_or_update(cluster_basic).result()" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Register data assets" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Next, let's use some sample data to train our model. We will randomly split the dataset into reference and production sets. We add a timestamp column to simulate \"production-like\" data, since production data typically comes with timestamps. The dataset we are using in this example notebook has several columns related to credit card borrowers and contains a column on whether or not they defaulted on their credit card debt. We will train a model to predict `DEFAULT_NEXT_MONTH`, which is whether or not a borrower will default on their debt next month." + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": {}, + "outputs": [], + "source": [ + "import pandas as pd\n", + "import datetime\n", + "\n", + "# Read the default_of_credit_card_clients dataset into a pandas data frame\n", + "data_path = \"https://azuremlexamples.blob.core.windows.net/datasets/credit_card/default_of_credit_card_clients.csv\"\n", + "df = pd.read_csv(data_path, header=1, index_col=0).rename(\n", + " columns={\"default payment next month\": \"DEFAULT_NEXT_MONTH\"}\n", + ")\n", + "\n", + "# Split the data into production_data_df and reference_data_df\n", + "# Use the iloc method to select the first 80% and the last 20% of the rows\n", + "reference_data_df = df.iloc[: int(0.8 * len(df))].copy()\n", + "production_data_df = df.iloc[int(0.8 * len(df)) :].copy()\n", + "\n", + "# Add a timestamp column in ISO8601 format\n", + "timestamp = datetime.datetime.now() - datetime.timedelta(days=45)\n", + "reference_data_df[\"TIMESTAMP\"] = timestamp.strftime(\"%Y-%m-%dT%H:%M:%S\")\n", + "production_data_df[\"TIMESTAMP\"] = [\n", + " timestamp + datetime.timedelta(minutes=i * 10)\n", + " for i in range(len(production_data_df))\n", + "]\n", + "production_data_df[\"TIMESTAMP\"] = production_data_df[\"TIMESTAMP\"].apply(\n", + " lambda x: x.strftime(\"%Y-%m-%dT%H:%M:%S\")\n", + ")" + ] + }, + { + "cell_type": "code", + "execution_count": 23, + "metadata": {}, + "outputs": [], + "source": [ + "import os\n", + "\n", + "\n", + "def write_df(df, local_path, file_name):\n", + " # Create directory if it does not exist\n", + " os.makedirs(local_path, exist_ok=True)\n", + "\n", + " # Write data\n", + " df.to_csv(f\"{local_path}/{file_name}\", index=False)\n", + "\n", + "\n", + "# Write data to local directory\n", + "reference_data_dir_local_path = \"../data/reference\"\n", + "production_data_dir_local_path = \"../data/production\"\n", + "\n", + "write_df(reference_data_df, reference_data_dir_local_path, \"01.csv\"),\n", + "write_df(production_data_df, production_data_dir_local_path, \"01.csv\")" + ] + }, + { + "cell_type": "code", + "execution_count": 41, + "metadata": {}, + "outputs": [], + "source": [ + "import mltable\n", + "from mltable import MLTableHeaders, MLTableFileEncoding\n", + "\n", + "from azureml.fsspec import AzureMachineLearningFileSystem\n", + "from azure.ai.ml.entities import Data\n", + "from azure.ai.ml.constants import AssetTypes\n", + "\n", + "\n", + "def upload_data_and_create_data_asset(\n", + " local_path, remote_path, datastore_uri, data_name, data_version\n", + "):\n", + " # Write MLTable file\n", + " tbl = mltable.from_delimited_files(\n", + " paths=[{\"pattern\": f\"{datastore_uri}{remote_path}*.csv\"}],\n", + " delimiter=\",\",\n", + " header=\"all_files_same_headers\",\n", + " infer_column_types=True,\n", + " include_path_column=False,\n", + " encoding=\"utf8\",\n", + " )\n", + "\n", + " tbl.save(local_path)\n", + "\n", + " # Instantiate file system\n", + " fs = AzureMachineLearningFileSystem(datastore_uri)\n", + "\n", + " # Upload data\n", + " fs.upload(\n", + " lpath=local_path,\n", + " rpath=remote_path,\n", + " recursive=False,\n", + " **{\"overwrite\": \"MERGE_WITH_OVERWRITE\"},\n", + " )\n", + "\n", + " # Define the Data asset object\n", + " data = Data(\n", + " path=f\"{datastore_uri}{remote_path}\",\n", + " type=AssetTypes.MLTABLE,\n", + " name=data_name,\n", + " version=data_version,\n", + " )\n", + "\n", + " # Create the data asset in the workspace\n", + " ml_client.data.create_or_update(data)\n", + "\n", + " return data\n", + "\n", + "\n", + "# Datastore uri for data\n", + "datastore_uri = \"azureml://subscriptions/{}/resourcegroups/{}/workspaces/{}/datastores/workspaceblobstore/paths/\".format(\n", + " ml_client.subscription_id, ml_client.resource_group_name, ml_client.workspace_name\n", + ")\n", + "\n", + "# Define paths\n", + "reference_data_dir_remote_path = \"data/credit-default/reference/\"\n", + "production_data_dir_remote_path = \"data/credit-default/production/\"\n", + "\n", + "# Define data asset names\n", + "reference_data_asset_name = \"credit-default-reference\"\n", + "production_data_asset_name = \"credit-default-production\"\n", + "\n", + "# Write data to remote directory and create data asset\n", + "reference_data = upload_data_and_create_data_asset(\n", + " reference_data_dir_local_path,\n", + " reference_data_dir_remote_path,\n", + " datastore_uri,\n", + " reference_data_asset_name,\n", + " \"1\",\n", + ")\n", + "production_data = upload_data_and_create_data_asset(\n", + " production_data_dir_local_path,\n", + " production_data_dir_remote_path,\n", + " datastore_uri,\n", + " production_data_asset_name,\n", + " \"1\",\n", + ")" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "nteract": { + "transient": { + "deleting": false + } + } + }, + "source": [ + "## Train the model" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Train the model." + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": { + "gather": { + "logged": 1704938023431 + }, + "jupyter": { + "outputs_hidden": false, + "source_hidden": false + }, + "nteract": { + "transient": { + "deleting": false + } + } + }, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "\u001b[32mUploading code (0.01 MBs): 100%|██████████| 7445/7445 [00:00<00:00, 82192.33it/s]\n", + "\u001b[39m\n", + "\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "RunId: goofy_nutmeg_1yysd7rnvf\n", + "Web View: https://ml.azure.com/runs/goofy_nutmeg_1yysd7rnvf?wsid=/subscriptions/5f341982-4f40-4ecf-9cee-93ab5e24693f/resourcegroups/rg-sandbox-azureml-01/workspaces/mlw246jkl01\n", + "\n", + "Streaming logs/azureml/executionlogs.txt\n", + "========================================\n", + "\n", + "[2024-01-11 09:22:19Z] Submitting 1 runs, first five are: ff07cd7b:b6d9c913-4324-4c2b-be13-cc78221c75df\n", + "[2024-01-11 09:23:16Z] Completing processing run id b6d9c913-4324-4c2b-be13-cc78221c75df.\n", + "\n", + "Execution Summary\n", + "=================\n", + "RunId: goofy_nutmeg_1yysd7rnvf\n", + "Web View: https://ml.azure.com/runs/goofy_nutmeg_1yysd7rnvf?wsid=/subscriptions/5f341982-4f40-4ecf-9cee-93ab5e24693f/resourcegroups/rg-sandbox-azureml-01/workspaces/mlw246jkl01\n", + "\n" + ] + } + ], + "source": [ + "from azure.ai.ml import load_job\n", + "\n", + "# Define training pipeline directory\n", + "training_pipeline_path = \"../configurations/training_pipeline.yaml\"\n", + "\n", + "# Trigger training\n", + "training_pipeline_definition = load_job(source=training_pipeline_path)\n", + "training_pipeline_job = ml_client.jobs.create_or_update(training_pipeline_definition)\n", + "\n", + "ml_client.jobs.stream(training_pipeline_job.name)" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "nteract": { + "transient": { + "deleting": false + } + } + }, + "source": [ + "## Deploy the model" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Deploy the model with AzureML managed online endpoints." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Create Endpoint" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": { + "gather": { + "logged": 1704944532767 + }, + "jupyter": { + "outputs_hidden": false, + "source_hidden": false + }, + "nteract": { + "transient": { + "deleting": false + } + } + }, + "outputs": [], + "source": [ + "from azure.ai.ml import load_online_endpoint\n", + "\n", + "# Define endpoint directory\n", + "endpoint_path = \"../endpoints/endpoint.yaml\"\n", + "\n", + "# Trigger endpoint creation\n", + "endpoint_definition = load_online_endpoint(source=endpoint_path)\n", + "endpoint = ml_client.online_endpoints.begin_create_or_update(endpoint_definition)" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": { + "gather": { + "logged": 1704944880850 + }, + "jupyter": { + "outputs_hidden": false, + "source_hidden": false + }, + "nteract": { + "transient": { + "deleting": false + } + } + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Endpoint \"credit-default\" with provisioning state \"Succeeded\" is retrieved\n" + ] + } + ], + "source": [ + "# Check endpoint status\n", + "endpoint = ml_client.online_endpoints.get(name=endpoint_definition.name)\n", + "print(\n", + " f'Endpoint \"{endpoint.name}\" with provisioning state \"{endpoint.provisioning_state}\" is retrieved'\n", + ")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Create Deployment" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "As part of the deployment configuration, the Model Data Collector (MDC) is enabled, so that inference data is collected for model monitoring. " + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "metadata": { + "gather": { + "logged": 1704946433311 + }, + "jupyter": { + "outputs_hidden": false, + "source_hidden": false + }, + "nteract": { + "transient": { + "deleting": false + } + } + }, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Check: endpoint credit-default exists\n", + "\u001b[32mUploading code (0.01 MBs): 100%|██████████| 7431/7431 [00:00<00:00, 79754.43it/s]\n", + "\u001b[39m\n", + "\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "." + ] + } + ], + "source": [ + "from azure.ai.ml import load_online_deployment\n", + "\n", + "# Define deployment directory\n", + "deployment_path = \"../endpoints/deployment.yaml\"\n", + "\n", + "# Trigger deployment creation\n", + "deployment_definition = load_online_deployment(source=deployment_path)\n", + "deployment = ml_client.online_deployments.begin_create_or_update(deployment_definition)" + ] + }, + { + "cell_type": "code", + "execution_count": 15, + "metadata": { + "gather": { + "logged": 1704946433813 + }, + "jupyter": { + "outputs_hidden": false, + "source_hidden": false + }, + "nteract": { + "transient": { + "deleting": false + } + } + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Deployment \"main\" with provisioning state \"Updating\" is retrieved\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "........." + ] + } + ], + "source": [ + "# Check deployment status\n", + "deployment = ml_client.online_deployments.get(\n", + " name=deployment_definition.name, endpoint_name=endpoint_definition.name\n", + ")\n", + "print(\n", + " f'Deployment \"{deployment.name}\" with provisioning state \"{deployment.provisioning_state}\" is retrieved'\n", + ")" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "nteract": { + "transient": { + "deleting": false + } + } + }, + "source": [ + "## Simulate production inference data" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "nteract": { + "transient": { + "deleting": false + } + } + }, + "source": [ + "### Generate Sample Data\n", + "\n", + "We generate sample inference data by taking the distribution for each input feature and adding a small amount of random noise. " + ] + }, + { + "cell_type": "code", + "execution_count": 16, + "metadata": { + "gather": { + "logged": 1704951318267 + }, + "jupyter": { + "outputs_hidden": false, + "source_hidden": false + }, + "nteract": { + "transient": { + "deleting": false + } + } + }, + "outputs": [], + "source": [ + "import numpy as np\n", + "\n", + "# Define numeric and categotical feature columns\n", + "NUMERIC_FEATURES = [\n", + " \"LIMIT_BAL\",\n", + " \"AGE\",\n", + " \"BILL_AMT1\",\n", + " \"BILL_AMT2\",\n", + " \"BILL_AMT3\",\n", + " \"BILL_AMT4\",\n", + " \"BILL_AMT5\",\n", + " \"BILL_AMT6\",\n", + " \"PAY_AMT1\",\n", + " \"PAY_AMT2\",\n", + " \"PAY_AMT3\",\n", + " \"PAY_AMT4\",\n", + " \"PAY_AMT5\",\n", + " \"PAY_AMT6\",\n", + "]\n", + "CATEGORICAL_FEATURES = [\n", + " \"SEX\",\n", + " \"EDUCATION\",\n", + " \"MARRIAGE\",\n", + " \"PAY_0\",\n", + " \"PAY_2\",\n", + " \"PAY_3\",\n", + " \"PAY_4\",\n", + " \"PAY_5\",\n", + " \"PAY_6\",\n", + "]\n", + "\n", + "\n", + "def generate_sample_inference_data(df_production, number_of_records=20):\n", + " # Sample records\n", + " df_sample = df_production.sample(n=number_of_records, replace=True)\n", + "\n", + " # Generate numeric features with random noise\n", + " df_numeric_generated = pd.DataFrame(\n", + " {\n", + " feature: np.random.normal(\n", + " 0, df_production[feature].std(), number_of_records\n", + " ).astype(np.int64)\n", + " for feature in NUMERIC_FEATURES\n", + " }\n", + " ) + df_sample[NUMERIC_FEATURES].reset_index(drop=True)\n", + "\n", + " # Take categorical columns\n", + " df_categorical = df_sample[CATEGORICAL_FEATURES].reset_index(drop=True)\n", + "\n", + " # Combine numerical and categorical columns\n", + " df_combined = pd.concat([df_numeric_generated, df_categorical], axis=1)\n", + "\n", + " return df_combined" + ] + }, + { + "cell_type": "code", + "execution_count": 24, + "metadata": { + "gather": { + "logged": 1704951319814 + }, + "jupyter": { + "outputs_hidden": false, + "source_hidden": false + }, + "nteract": { + "transient": { + "deleting": false + } + } + }, + "outputs": [], + "source": [ + "import mltable\n", + "import pandas as pd\n", + "from azure.ai.ml import MLClient\n", + "\n", + "# Load production / inference data\n", + "data_asset = ml_client.data.get(\"credit-default-production\", version=\"1\")\n", + "tbl = mltable.load(data_asset.path)\n", + "df_production = tbl.to_pandas_dataframe()\n", + "\n", + "# Generate sample data for inference\n", + "number_of_records = 20\n", + "df_generated = generate_sample_inference_data(df_production, number_of_records)" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "nteract": { + "transient": { + "deleting": false + } + } + }, + "source": [ + "### Call Online Managed Endpoint" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Call the endpoint with the sample data. Since your deployment was created with the Model Data Collector (MDC) enabled, the inference inputs and outputs will be collected in your workspace blob storage. " + ] + }, + { + "cell_type": "code", + "execution_count": 25, + "metadata": { + "gather": { + "logged": 1704950639350 + }, + "jupyter": { + "outputs_hidden": false, + "source_hidden": false + }, + "nteract": { + "transient": { + "deleting": false + } + } + }, + "outputs": [], + "source": [ + "import json\n", + "import os\n", + "\n", + "request_file_name = \"request.json\"\n", + "\n", + "# Request sample data\n", + "data = {\"data\": df_generated.to_dict(orient=\"records\")}\n", + "\n", + "# Write sample data\n", + "with open(request_file_name, \"w\") as f:\n", + " json.dump(data, f)\n", + "\n", + "# Call online endpoint\n", + "result = ml_client.online_endpoints.invoke(\n", + " endpoint_name=endpoint_definition.name,\n", + " deployment_name=deployment_definition.name,\n", + " request_file=request_file_name,\n", + ")\n", + "\n", + "# Delete sample data\n", + "os.remove(request_file_name)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Create model monitor" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Here is a basic model monitor. Please feel free to augment it to meet the needs of your scenario. " + ] + }, + { + "cell_type": "code", + "execution_count": 19, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{}\n", + "...." + ] + } + ], + "source": [ + "from azure.identity import DefaultAzureCredential\n", + "from azure.ai.ml import MLClient\n", + "from azure.ai.ml.entities import (\n", + " AlertNotification,\n", + " MonitoringTarget,\n", + " MonitorDefinition,\n", + " MonitorSchedule,\n", + " RecurrencePattern,\n", + " RecurrenceTrigger,\n", + " ServerlessSparkCompute,\n", + ")\n", + "\n", + "# get a handle to the workspace\n", + "ml_client = MLClient(\n", + " DefaultAzureCredential(),\n", + " subscription_id=\"subscription_id\",\n", + " resource_group_name=\"resource_group_name\",\n", + " workspace_name=\"workspace_name\",\n", + ")\n", + "\n", + "# create the compute\n", + "spark_compute = ServerlessSparkCompute(\n", + " instance_type=\"standard_e4s_v3\", runtime_version=\"3.3\"\n", + ")\n", + "\n", + "# specify your online endpoint deployment\n", + "monitoring_target = MonitoringTarget(\n", + " ml_task=\"classification\", endpoint_deployment_id=\"azureml:credit-default:main\"\n", + ")\n", + "\n", + "\n", + "# create alert notification object\n", + "alert_notification = AlertNotification(emails=[\"abc@example.com\", \"def@example.com\"])\n", + "\n", + "# create the monitor definition\n", + "monitor_definition = MonitorDefinition(\n", + " compute=spark_compute,\n", + " monitoring_target=monitoring_target,\n", + " alert_notification=alert_notification,\n", + ")\n", + "\n", + "# specify the schedule frequency\n", + "recurrence_trigger = RecurrenceTrigger(\n", + " frequency=\"day\", interval=1, schedule=RecurrencePattern(hours=3, minutes=15)\n", + ")\n", + "\n", + "# create the monitor\n", + "model_monitor = MonitorSchedule(\n", + " name=\"credit_default_monitor_basic\",\n", + " trigger=recurrence_trigger,\n", + " create_monitor=monitor_definition,\n", + ")\n", + "\n", + "poller = ml_client.schedules.begin_create_or_update(model_monitor)\n", + "created_monitor = poller.result()" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Here is an advanced model monitoring configuration. Feel free to augment it to meet the needs of your scenario. " + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Class PredictionDriftMetricThreshold: This is an experimental class, and may change at any time. Please see https://aka.ms/azuremlexperimental for more information.\n", + "Class PredictionDriftSignal: This is an experimental class, and may change at any time. Please see https://aka.ms/azuremlexperimental for more information.\n", + "Class DataQualityMetricsNumerical: This is an experimental class, and may change at any time. Please see https://aka.ms/azuremlexperimental for more information.\n", + "Class DataQualityMetricsCategorical: This is an experimental class, and may change at any time. Please see https://aka.ms/azuremlexperimental for more information.\n", + "Class DataQualityMetricThreshold: This is an experimental class, and may change at any time. Please see https://aka.ms/azuremlexperimental for more information.\n", + "Class DataQualitySignal: This is an experimental class, and may change at any time. Please see https://aka.ms/azuremlexperimental for more information.\n", + "Class AlertNotification: This is an experimental class, and may change at any time. Please see https://aka.ms/azuremlexperimental for more information.\n", + "Class MonitorDefinition: This is an experimental class, and may change at any time. Please see https://aka.ms/azuremlexperimental for more information.\n", + "Class MonitorSchedule: This is an experimental class, and may change at any time. Please see https://aka.ms/azuremlexperimental for more information.\n", + "Class BaselineDataRange: This is an experimental class, and may change at any time. Please see https://aka.ms/azuremlexperimental for more information.\n", + "Class ProductionData: This is an experimental class, and may change at any time. Please see https://aka.ms/azuremlexperimental for more information.\n", + "Class TrailingInputData: This is an experimental class, and may change at any time. Please see https://aka.ms/azuremlexperimental for more information.\n", + "Class MonitorInputData: This is an experimental class, and may change at any time. Please see https://aka.ms/azuremlexperimental for more information.\n", + "Class FixedInputData: This is an experimental class, and may change at any time. Please see https://aka.ms/azuremlexperimental for more information.\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{}\n", + "..." + ] + } + ], + "source": [ + "from azure.identity import DefaultAzureCredential\n", + "from azure.ai.ml import Input, MLClient\n", + "from azure.ai.ml.constants import (\n", + " MonitorDatasetContext,\n", + ")\n", + "from azure.ai.ml.entities import (\n", + " AlertNotification,\n", + " DataDriftSignal,\n", + " DataQualitySignal,\n", + " PredictionDriftSignal,\n", + " DataDriftMetricThreshold,\n", + " DataQualityMetricThreshold,\n", + " PredictionDriftMetricThreshold,\n", + " NumericalDriftMetrics,\n", + " CategoricalDriftMetrics,\n", + " DataQualityMetricsNumerical,\n", + " DataQualityMetricsCategorical,\n", + " MonitorFeatureFilter,\n", + " MonitoringTarget,\n", + " MonitorDefinition,\n", + " MonitorSchedule,\n", + " RecurrencePattern,\n", + " RecurrenceTrigger,\n", + " ServerlessSparkCompute,\n", + " ReferenceData,\n", + ")\n", + "\n", + "# get a handle to the workspace\n", + "ml_client = MLClient(\n", + " DefaultAzureCredential(),\n", + " subscription_id=\"subscription_id\",\n", + " resource_group_name=\"resource_group_name\",\n", + " workspace_name=\"workspace_name\",\n", + ")\n", + "\n", + "# create your compute\n", + "spark_compute = ServerlessSparkCompute(\n", + " instance_type=\"standard_e4s_v3\", runtime_version=\"3.3\"\n", + ")\n", + "\n", + "# specify the online deployment (if you have one)\n", + "monitoring_target = MonitoringTarget(\n", + " ml_task=\"classification\", endpoint_deployment_id=\"azureml:credit-default:main\"\n", + ")\n", + "\n", + "# training data to be used as baseline dataset\n", + "reference_data_training = ReferenceData(\n", + " input_data=Input(type=\"mltable\", path=\"azureml:credit-default-reference:1\"),\n", + " target_column_name=\"DEFAULT_NEXT_MONTH\",\n", + " data_context=MonitorDatasetContext.TRAINING,\n", + ")\n", + "\n", + "# create an advanced data drift signal\n", + "features = MonitorFeatureFilter(top_n_feature_importance=10)\n", + "\n", + "metric_thresholds = DataDriftMetricThreshold(\n", + " numerical=NumericalDriftMetrics(jensen_shannon_distance=0.01),\n", + " categorical=CategoricalDriftMetrics(pearsons_chi_squared_test=0.02),\n", + ")\n", + "\n", + "advanced_data_drift = DataDriftSignal(\n", + " reference_data=reference_data_training,\n", + " features=features,\n", + " metric_thresholds=metric_thresholds,\n", + ")\n", + "\n", + "# create an advanced prediction drift signal\n", + "metric_thresholds = PredictionDriftMetricThreshold(\n", + " categorical=CategoricalDriftMetrics(jensen_shannon_distance=0.01)\n", + ")\n", + "\n", + "advanced_prediction_drift = PredictionDriftSignal(\n", + " reference_data=reference_data_training, metric_thresholds=metric_thresholds\n", + ")\n", + "\n", + "# create an advanced data quality signal\n", + "features = [\"SEX\", \"EDUCATION\", \"AGE\"]\n", + "\n", + "metric_thresholds = DataQualityMetricThreshold(\n", + " numerical=DataQualityMetricsNumerical(null_value_rate=0.01),\n", + " categorical=DataQualityMetricsCategorical(out_of_bounds_rate=0.02),\n", + ")\n", + "\n", + "advanced_data_quality = DataQualitySignal(\n", + " reference_data=reference_data_training,\n", + " features=features,\n", + " metric_thresholds=metric_thresholds,\n", + " alert_enabled=False,\n", + ")\n", + "\n", + "# put all monitoring signals in a dictionary\n", + "monitoring_signals = {\n", + " \"data_drift_advanced\": advanced_data_drift,\n", + " \"data_quality_advanced\": advanced_data_quality,\n", + "}\n", + "\n", + "# create alert notification object\n", + "alert_notification = AlertNotification(emails=[\"abc@example.com\", \"def@example.com\"])\n", + "\n", + "# create the monitor definition\n", + "monitor_definition = MonitorDefinition(\n", + " compute=spark_compute,\n", + " monitoring_target=monitoring_target,\n", + " monitoring_signals=monitoring_signals,\n", + " alert_notification=alert_notification,\n", + ")\n", + "\n", + "# specify the frequency on which to run your monitor\n", + "recurrence_trigger = RecurrenceTrigger(\n", + " frequency=\"day\", interval=1, schedule=RecurrencePattern(hours=3, minutes=15)\n", + ")\n", + "\n", + "# create your monitor\n", + "model_monitor = MonitorSchedule(\n", + " name=\"credit_default_monitor_advanced\",\n", + " trigger=recurrence_trigger,\n", + " create_monitor=monitor_definition,\n", + ")\n", + "\n", + "poller = ml_client.schedules.begin_create_or_update(model_monitor)\n", + "created_monitor = poller.result()" + ] + } + ], + "metadata": { + "kernel_info": { + "name": "python310-sdkv2" + }, + "kernelspec": { + "display_name": "Python 3", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.8.10" + }, + "microsoft": { + "host": { + "AzureML": { + "notebookHasBeenCompleted": true + } + }, + "ms_spell_check": { + "ms_spell_check_language": "en" + } + }, + "nteract": { + "version": "nteract-front-end@1.0.0" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/cli/monitoring/custom-monitoring.yaml b/cli/monitoring/custom-monitoring.yaml index eb4f88e86f..ecb17e91a7 100644 --- a/cli/monitoring/custom-monitoring.yaml +++ b/cli/monitoring/custom-monitoring.yaml @@ -1,14 +1,17 @@ # custom-monitoring.yaml $schema: http://azureml/sdk-2-0/Schedule.json name: my-custom-signal + trigger: type: recurrence frequency: day # can be minute, hour, day, week, month interval: 7 # #every day + create_monitor: compute: instance_type: "standard_e8s_v3" - runtime_version: "3.2" + runtime_version: "3.3" + monitoring_signals: customSignal: type: custom @@ -24,13 +27,12 @@ create_monitor: type: mltable path: azureml:Direct:1 data_context: test - data_window: - trailing_window_size: P30D - trailing_window_offset: P7D pre_processing_component: azureml:custom_preprocessor:1.0.0 + metric_thresholds: - metric_name: std_dev threshold: 2 + alert_notification: emails: - abc@example.com diff --git a/cli/monitoring/model-monitoring-with-collected-data.yaml b/cli/monitoring/model-monitoring-with-collected-data.yaml index 601b6017b8..b39dbc477a 100644 --- a/cli/monitoring/model-monitoring-with-collected-data.yaml +++ b/cli/monitoring/model-monitoring-with-collected-data.yaml @@ -16,12 +16,13 @@ trigger: create_monitor: compute: instance_type: standard_e4s_v3 - runtime_version: 3.2 + runtime_version: "3.3" monitoring_target: ml_task: classification endpoint_deployment_id: azureml:fraud-detection-endpoint:fraud-detection-deployment monitoring_signals: + advanced_data_drift: # monitoring signal name, any user defined name works type: data_drift # define production dataset with your collected data @@ -36,7 +37,8 @@ create_monitor: path: azureml:my_model_training_data:1 # use training data as comparison baseline type: mltable data_context: training - target_column_name: is_fraud + data_column_names: + target_column: is_fraud features: top_n_feature_importance: 20 # monitor drift for top 20 features metric_thresholds: @@ -44,6 +46,7 @@ create_monitor: jensen_shannon_distance: 0.01 categorical: pearsons_chi_squared_test: 0.02 + advanced_prediction_drift: # monitoring signal name, any user defined name works type: prediction_drift # define production dataset with your collected data @@ -61,54 +64,6 @@ create_monitor: metric_thresholds: categorical: pearsons_chi_squared_test: 0.02 - advanced_data_quality: - type: data_quality - production_data: - input_data: - path: azureml:my_production_inference_data_model_inputs:1 # your collected data is registered as Azure Machine Learning asset - type: uri_folder - data_context: model_inputs - pre_processing_component: azureml:production_data_preprocessing:1 - reference_data: - input_data: - path: azureml:my_model_training_data:1 - type: mltable - data_context: training - metric_thresholds: - numerical: - null_value_rate: 0.03 - categorical: - out_of_bounds_rate: 0.03 - feature_attribution_drift_signal: - type: feature_attribution_drift - production_data: - # using production_data collected outside of Azure Machine Learning - - input_data: - path: azureml:my_model_inputs:1 - type: uri_folder - data_context: model_inputs - data_column_names: - correlation_id: correlation_id - pre_processing_component: azureml:model_inputs_preprocessing - data_window_size: P30D - - input_data: - path: azureml:my_model_outputs:1 - type: uri_folder - data_context: model_outputs - data_column_names: - correlation_id: correlation_id - prediction: is_fraund - prediction_probability: is_fraund_probability - pre_processing_component: azureml:model_outputs_preprocessing - data_window_size: P30D - reference_data: - input_data: - path: azureml:my_model_training_data:1 - type: mltable - data_context: training - target_column_name: is_fraud - metric_thresholds: - normalized_discounted_cumulative_gain: 0.9 alert_notification: emails: diff --git a/cli/monitoring/out-of-box-monitoring.yaml b/cli/monitoring/out-of-box-monitoring.yaml index 588d9c030f..4745ad7f1e 100644 --- a/cli/monitoring/out-of-box-monitoring.yaml +++ b/cli/monitoring/out-of-box-monitoring.yaml @@ -1,8 +1,8 @@ # out-of-box-monitoring.yaml $schema: http://azureml/sdk-2-0/Schedule.json -name: fraud_detection_model_monitoring -display_name: Fraud detection model monitoring -description: Loan approval model monitoring setup with minimal configurations +name: credit_default_model_monitoring +display_name: Credit default model monitoring +description: Credit default model monitoring setup with minimal configurations trigger: # perform model monitoring activity daily at 3:15am @@ -14,9 +14,16 @@ trigger: minutes: 15 # at 15 mins after 3am create_monitor: + compute: # specify a spark compute for monitoring job instance_type: standard_e4s_v3 - runtime_version: 3.2 - monitoring_target: - ml_task: classification - endpoint_deployment_id: azureml:fraud-detection-endpoint:fraud-detection-deployment + runtime_version: "3.3" + + monitoring_target: + ml_task: classification # model task type: [classification, regression, question_answering] + endpoint_deployment_id: azureml:credit-default:main # azureml endpoint deployment id + + alert_notification: # emails to get alerts + emails: + - abc@example.com + - def@example.com