From 27b4eca35eed828c9ba874f3ba7dac6a7034bcea Mon Sep 17 00:00:00 2001 From: cassieesvelt <73311224+cassieesvelt@users.noreply.github.com> Date: Fri, 13 Dec 2024 11:05:10 -0800 Subject: [PATCH 01/12] update tags for industry models (#3678) --- assets/models/system/financial-reports-analysis/spec.yaml | 1 + assets/models/system/supply-chain-trade-regulations/spec.yaml | 1 + 2 files changed, 2 insertions(+) diff --git a/assets/models/system/financial-reports-analysis/spec.yaml b/assets/models/system/financial-reports-analysis/spec.yaml index 2ac655c474..182fa80453 100644 --- a/assets/models/system/financial-reports-analysis/spec.yaml +++ b/assets/models/system/financial-reports-analysis/spec.yaml @@ -15,6 +15,7 @@ tags: Featured: "" languages: "en" keywords: "" + industry: financial-services inference_supported_envs: - vllm license: mit diff --git a/assets/models/system/supply-chain-trade-regulations/spec.yaml b/assets/models/system/supply-chain-trade-regulations/spec.yaml index e43f1385d6..5fd9107f1b 100644 --- a/assets/models/system/supply-chain-trade-regulations/spec.yaml +++ b/assets/models/system/supply-chain-trade-regulations/spec.yaml @@ -15,6 +15,7 @@ tags: Featured: "" languages: "en" keywords: "" + industry: manufacturing inference_supported_envs: - vllm license: mit From d9a47cda42f4ab3e7433d3e6a833c13b790726cc Mon Sep 17 00:00:00 2001 From: aggarwal-k <117632441+aggarwal-k@users.noreply.github.com> Date: Mon, 16 Dec 2024 10:52:11 +0530 Subject: [PATCH 02/12] Update env version (#3680) --- .../finetune_acft_hf_nlp/environments/acpt/context/Dockerfile | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/assets/training/finetune_acft_hf_nlp/environments/acpt/context/Dockerfile b/assets/training/finetune_acft_hf_nlp/environments/acpt/context/Dockerfile index fbe9dc485c..3542a0aceb 100644 --- a/assets/training/finetune_acft_hf_nlp/environments/acpt/context/Dockerfile +++ b/assets/training/finetune_acft_hf_nlp/environments/acpt/context/Dockerfile @@ -24,4 +24,4 @@ RUN MAX_JOBS=4 pip install flash-attn==2.5.5 --no-build-isolation # clean conda and pip caches RUN rm -rf ~/.cache/pip -# dummy number to change when needing to force rebuild without changing the definition: 1 +# dummy number to change when needing to force rebuild without changing the definition: 2 From 437313ffafa4e2a0f7285e7b3cefd262cca36363 Mon Sep 17 00:00:00 2001 From: Yeshwanth N Date: Mon, 16 Dec 2024 15:37:18 +0530 Subject: [PATCH 03/12] [vFix] : Update expat for vulnerability fix in vision images (#3684) * [vFix] : Update expat for vulnerability fix in vision images * [Update] : multimodal image ubuntu upgrade --- .../environments/acft_image_huggingface/context/Dockerfile | 2 +- .../environments/acft_video_mmtracking/context/Dockerfile | 2 +- .../acpt_image_framework_selector/context/Dockerfile | 2 +- .../environments/acpt_multimodal/context/Dockerfile | 4 ++-- 4 files changed, 5 insertions(+), 5 deletions(-) diff --git a/assets/training/finetune_acft_image/environments/acft_image_huggingface/context/Dockerfile b/assets/training/finetune_acft_image/environments/acft_image_huggingface/context/Dockerfile index 9f8f74d74f..47b67c644b 100644 --- a/assets/training/finetune_acft_image/environments/acft_image_huggingface/context/Dockerfile +++ b/assets/training/finetune_acft_image/environments/acft_image_huggingface/context/Dockerfile @@ -2,7 +2,7 @@ FROM mcr.microsoft.com/aifx/acpt/stable-ubuntu2204-cu118-py310-torch222:{{latest-image-tag:biweekly\.\d{6}\.\d{1}.*}} USER root -RUN apt-get -y update +RUN apt-get -y update && apt-get install -y expat=2.4.7-1ubuntu0.5 # Install required packages from pypi COPY requirements.txt . diff --git a/assets/training/finetune_acft_image/environments/acft_video_mmtracking/context/Dockerfile b/assets/training/finetune_acft_image/environments/acft_video_mmtracking/context/Dockerfile index 87d88dec2f..c6b9b55ced 100644 --- a/assets/training/finetune_acft_image/environments/acft_video_mmtracking/context/Dockerfile +++ b/assets/training/finetune_acft_image/environments/acft_video_mmtracking/context/Dockerfile @@ -2,7 +2,7 @@ FROM mcr.microsoft.com/aifx/acpt/stable-ubuntu2204-cu118-py310-torch222:{{latest-image-tag:biweekly\.\d{6}\.\d{1}.*}} USER root -RUN apt-get -y update +RUN apt-get -y update && apt-get install -y expat=2.4.7-1ubuntu0.5 # Install required packages from pypi COPY requirements.txt . diff --git a/assets/training/finetune_acft_image/environments/acpt_image_framework_selector/context/Dockerfile b/assets/training/finetune_acft_image/environments/acpt_image_framework_selector/context/Dockerfile index 9c5e376f89..3d283f40a8 100644 --- a/assets/training/finetune_acft_image/environments/acpt_image_framework_selector/context/Dockerfile +++ b/assets/training/finetune_acft_image/environments/acpt_image_framework_selector/context/Dockerfile @@ -1,7 +1,7 @@ # PTCA image FROM mcr.microsoft.com/aifx/acpt/stable-ubuntu2204-cu118-py310-torch222:{{latest-image-tag:biweekly\.\d{6}\.\d{1}.*}} -RUN apt-get -y update +RUN apt-get -y update && apt-get install -y expat=2.4.7-1ubuntu0.5 # Install required packages COPY requirements.txt . diff --git a/assets/training/finetune_acft_multimodal/environments/acpt_multimodal/context/Dockerfile b/assets/training/finetune_acft_multimodal/environments/acpt_multimodal/context/Dockerfile index 5bdee4b786..ab46779468 100644 --- a/assets/training/finetune_acft_multimodal/environments/acpt_multimodal/context/Dockerfile +++ b/assets/training/finetune_acft_multimodal/environments/acpt_multimodal/context/Dockerfile @@ -1,8 +1,8 @@ # PTCA image -FROM mcr.microsoft.com/aifx/acpt/stable-ubuntu2004-cu118-py310-torch222:{{latest-image-tag:biweekly\.\d{6}\.\d{1}.*}} +FROM mcr.microsoft.com/aifx/acpt/stable-ubuntu2204-cu118-py310-torch222:{{latest-image-tag:biweekly\.\d{6}\.\d{1}.*}} USER root -RUN apt-get -y update +RUN apt-get -y update && apt-get install -y expat=2.4.7-1ubuntu0.5 # Install required packages from pypi COPY requirements.txt . From d2c31de8936837742c18753e338b2f9183515fb0 Mon Sep 17 00:00:00 2001 From: Ankush Bhatia Date: Mon, 16 Dec 2024 16:16:36 +0530 Subject: [PATCH 04/12] [Model Evaluation] Fix Env vulnerabilities (#3682) * Fix Env vulnerabilities * Move mlflow dependency from conda yaml to dockerfile * Bug fix --------- Co-authored-by: Ankush Bhatia --- .../training/model_evaluation/environment/context/Dockerfile | 3 +++ assets/training/model_evaluation/environment/spec.yaml | 2 +- 2 files changed, 4 insertions(+), 1 deletion(-) diff --git a/assets/training/model_evaluation/environment/context/Dockerfile b/assets/training/model_evaluation/environment/context/Dockerfile index 8b8429aa48..d1db377bfc 100644 --- a/assets/training/model_evaluation/environment/context/Dockerfile +++ b/assets/training/model_evaluation/environment/context/Dockerfile @@ -22,3 +22,6 @@ ENV PATH=$CONDA_PREFIX/bin:$PATH # This is needed for mpi to locate libpython ENV LD_LIBRARY_PATH $CONDA_PREFIX/lib:$LD_LIBRARY_PATH + +# Temp fix for env vuln +RUN pip install mlflow==2.16.0 diff --git a/assets/training/model_evaluation/environment/spec.yaml b/assets/training/model_evaluation/environment/spec.yaml index 6fa4a3e07a..e0ab2c6551 100644 --- a/assets/training/model_evaluation/environment/spec.yaml +++ b/assets/training/model_evaluation/environment/spec.yaml @@ -13,4 +13,4 @@ os_type: linux tags: OS: Ubuntu20.04 Evaluation: "" - MLFlow: "2.2.1" + MLFlow: "2.16.0" From 3fb081edc7f01fd230bc17e1c3d088bda5bb0ed7 Mon Sep 17 00:00:00 2001 From: roopavidhya <132437865+roopavidhya@users.noreply.github.com> Date: Mon, 16 Dec 2024 21:56:03 +0530 Subject: [PATCH 05/12] Groopa/rad dino/onboarding updates (#3681) * Add rad-dino spec * Update readme, add mlmodel file * Update spec * Update spec * Remove unsupported skus * Add inference min sku spec * Add inference min sku spec * Add inference min sku spec * Revert dinov2 spec change * Update description.md, spec.yaml * Add hls tag * HLS true --------- Co-authored-by: Roopa G --- .../system/microsoft-rad-dino/description.md | 62 ++----------------- .../system/microsoft-rad-dino/spec.yaml | 2 + 2 files changed, 6 insertions(+), 58 deletions(-) diff --git a/assets/models/system/microsoft-rad-dino/description.md b/assets/models/system/microsoft-rad-dino/description.md index 52aae3d8bb..ed76fbb5f9 100644 --- a/assets/models/system/microsoft-rad-dino/description.md +++ b/assets/models/system/microsoft-rad-dino/description.md @@ -2,12 +2,8 @@ # Model card for RAD-DINO - - ## Model description - - RAD-DINO is a vision transformer model trained to encode chest X-rays using the self-supervised learning method [DINOv2](https://openreview.net/forum?id=a68SUt6zFt). RAD-DINO is described in detail in [RAD-DINO: Exploring Scalable Medical Image Encoders Beyond Text Supervision (F. Pérez-García, H. Sharma, S. Bond-Taylor, et al., 2024)](https://arxiv.org/abs/2401.10815). @@ -19,15 +15,9 @@ RAD-DINO is described in detail in [RAD-DINO: Exploring Scalable Medical Image E ## Uses - - RAD-DINO is shared for research purposes only. It is **not meant to be used for clinical practice**. - - - - The model is a vision backbone that can be plugged to other models for downstream tasks. Some potential uses are: @@ -39,14 +29,8 @@ Some potential uses are: Fine-tuning RAD-DINO is typically not necessary to obtain good performance in downstream tasks. - - - - ## Biases, risks, and limitations - - RAD-DINO was trained with data from three countries, therefore it might be biased towards population in the training data. Underlying biases of the training datasets may not be well characterized. @@ -122,8 +106,6 @@ torch.Size([1, 768, 37, 37]) ### Training data - - We used images from five public, deidentified chest X-ray datasets to train this checkpoint of RAD-DINO. | Dataset | Num. images | @@ -144,8 +126,6 @@ We used 16 nodes with 4 A100 GPUs each, and a batch size of 40 images per GPU. ### Training procedure - - We refer to the [manuscript](https://arxiv.org/abs/2401.10815) for a detailed description of the training procedure. #### Preprocessing @@ -156,45 +136,12 @@ All DICOM files were resized using B-spline interpolation so that their shorter - **Training regime:** fp16 using PyTorch-FSDP mixed-precision. - - ## Evaluation - - Our evaluation is best described in the [manuscript](https://arxiv.org/abs/2401.10815). - - ## Environmental impact - - - - - - - - - - **Hardware type:** NVIDIA A100 GPUs - **Hours used:** 40 hours/GPU × 16 nodes × 4 GPUs/node = 2560 GPU-hours - **Cloud provider:** Azure @@ -216,8 +163,6 @@ We used [SimpleITK](https://simpleitk.org/) and [Pydicom](https://pydicom.github ## Citation - - **BibTeX:** ```bibtex @@ -235,10 +180,11 @@ We used [SimpleITK](https://simpleitk.org/) and [Pydicom](https://pydicom.github > Pérez-García, F., Sharma, H., Bond-Taylor, S., Bouzid, K., Salvatelli, V., Ilse, M., Bannur, S., Castro, D.C., Schwaighofer, A., Lungren, M.P., Wetscherek, M.T., Codella, N., Hyland, S.L., Alvarez-Valle, J., & Oktay, O. (2024). *RAD-DINO: Exploring Scalable Medical Image Encoders Beyond Text Supervision*. ArXiv, abs/2401.10815. -## Model card contact - -Fernando Pérez-García ([`fperezgarcia@microsoft.com`](mailto:fperezgarcia@microsoft.com)). +### Inference samples +Inference type|Python sample (Notebook)|CLI with YAML +|--|--|--| +Real time|image-embeddings-online-endpoint.ipynb|image-embeddings-online-endpoint.sh ### Sample inputs and outputs diff --git a/assets/models/system/microsoft-rad-dino/spec.yaml b/assets/models/system/microsoft-rad-dino/spec.yaml index b14568e18d..f5dfb9c20a 100644 --- a/assets/models/system/microsoft-rad-dino/spec.yaml +++ b/assets/models/system/microsoft-rad-dino/spec.yaml @@ -26,4 +26,6 @@ tags: license: msrla author: Microsoft task: embeddings + industry: health-and-life-sciences + hiddenlayerscanned: "true" version: 1 From 4c68eeae2f457fe9d2c95436d064a7063efcfef8 Mon Sep 17 00:00:00 2001 From: vizhur Date: Mon, 16 Dec 2024 13:44:30 -0500 Subject: [PATCH 06/12] mark mldesigner images as public (#3686) * mark mldesigner images as public * Update environment.yaml --- .../pipelines/environments/mldesigner-minimal/environment.yaml | 2 +- assets/pipelines/environments/mldesigner/environment.yaml | 2 +- 2 files changed, 2 insertions(+), 2 deletions(-) diff --git a/assets/pipelines/environments/mldesigner-minimal/environment.yaml b/assets/pipelines/environments/mldesigner-minimal/environment.yaml index ff082be007..c0b09e3b76 100644 --- a/assets/pipelines/environments/mldesigner-minimal/environment.yaml +++ b/assets/pipelines/environments/mldesigner-minimal/environment.yaml @@ -9,4 +9,4 @@ image: - conda_dependencies.yaml publish: location: mcr - visibility: unlisted + visibility: public diff --git a/assets/pipelines/environments/mldesigner/environment.yaml b/assets/pipelines/environments/mldesigner/environment.yaml index 627e9afab1..a41274cc74 100644 --- a/assets/pipelines/environments/mldesigner/environment.yaml +++ b/assets/pipelines/environments/mldesigner/environment.yaml @@ -9,4 +9,4 @@ image: - conda_dependencies.yaml publish: location: mcr - visibility: unlisted + visibility: public From 4c0800a136545af9fdc01c2ac8a97c29332bacab Mon Sep 17 00:00:00 2001 From: Ankush Bhatia Date: Tue, 17 Dec 2024 13:26:33 +0530 Subject: [PATCH 07/12] Add benchmark tag in phi4 (#3685) Co-authored-by: Ankush Bhatia --- assets/models/system/Phi-4/spec.yaml | 1 + 1 file changed, 1 insertion(+) diff --git a/assets/models/system/Phi-4/spec.yaml b/assets/models/system/Phi-4/spec.yaml index 5c2c3c6c9c..3c1db584bd 100644 --- a/assets/models/system/Phi-4/spec.yaml +++ b/assets/models/system/Phi-4/spec.yaml @@ -40,5 +40,6 @@ tags: Standard_ND96asr_v4, Standard_ND96amsr_A100_v4 ] + benchmark: "quality" version: 1 From 013ccda2987d763de73171a34019ceadd24c4d2a Mon Sep 17 00:00:00 2001 From: roopavidhya <132437865+roopavidhya@users.noreply.github.com> Date: Tue, 17 Dec 2024 22:12:13 +0530 Subject: [PATCH 08/12] Remove license hyperlink (#3687) * Add rad-dino spec * Update readme, add mlmodel file * Update spec * Update spec * Remove unsupported skus * Add inference min sku spec * Add inference min sku spec * Add inference min sku spec * Revert dinov2 spec change * Update description.md, spec.yaml * Add hls tag * HLS true * Remove license hyper link --------- Co-authored-by: Roopa G --- assets/models/system/microsoft-rad-dino/description.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/assets/models/system/microsoft-rad-dino/description.md b/assets/models/system/microsoft-rad-dino/description.md index ed76fbb5f9..1f5ce3678b 100644 --- a/assets/models/system/microsoft-rad-dino/description.md +++ b/assets/models/system/microsoft-rad-dino/description.md @@ -10,7 +10,7 @@ RAD-DINO is described in detail in [RAD-DINO: Exploring Scalable Medical Image E - **Developed by:** Microsoft Health Futures - **Model type:** Vision transformer -- **License:** [MSRLA](./LICENSE) +- **License:** MSRLA - **Finetuned from model:** [`dinov2-base`](https://huggingface.co/facebook/dinov2-base) ## Uses From 2afe8720da224568651a6d1ec098433f1a0e4ab9 Mon Sep 17 00:00:00 2001 From: jeff-shepherd <39775772+jeff-shepherd@users.noreply.github.com> Date: Tue, 17 Dec 2024 09:45:31 -0800 Subject: [PATCH 09/12] Update tzdata from conda-forge (#3689) --- .../automl/environments/ai-ml-automl-gpu/context/Dockerfile | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/assets/training/automl/environments/ai-ml-automl-gpu/context/Dockerfile b/assets/training/automl/environments/ai-ml-automl-gpu/context/Dockerfile index f82450fcf6..823aa656e3 100644 --- a/assets/training/automl/environments/ai-ml-automl-gpu/context/Dockerfile +++ b/assets/training/automl/environments/ai-ml-automl-gpu/context/Dockerfile @@ -17,7 +17,7 @@ ENV ENABLE_METADATA=true RUN mkdir -p /etc/OpenCL/vendors && echo "libnvidia-opencl.so.1" > /etc/OpenCL/vendors/nvidia.icd RUN apt-get update && echo 'success updated apt-get!' RUN apt-get install -y --no-install-recommends cmake libboost-dev libboost-system-dev libboost-filesystem-dev -RUN conda create -p $AZUREML_CONDA_ENVIRONMENT_PATH python=3.9 pip=22.1.2 -y +RUN conda create -p $AZUREML_CONDA_ENVIRONMENT_PATH python=3.9 pip=22.1.2 conda-forge::tzdata -y RUN conda run -p $AZUREML_CONDA_ENVIRONMENT_PATH From 844656ba349399643ec68e8b13594590d45223e2 Mon Sep 17 00:00:00 2001 From: Yeshwanth N Date: Wed, 18 Dec 2024 14:47:07 +0530 Subject: [PATCH 10/12] [BugFix] : Component changes for resume from checkpoint issue (#3691) --- .../components/finetune/mmd_od_is/spec.yaml | 4 ++-- .../components/pipeline_components/mmd_od_is/spec.yaml | 4 ++-- 2 files changed, 4 insertions(+), 4 deletions(-) diff --git a/assets/training/finetune_acft_image/components/finetune/mmd_od_is/spec.yaml b/assets/training/finetune_acft_image/components/finetune/mmd_od_is/spec.yaml index f8cff37e80..8dfd1725fe 100644 --- a/assets/training/finetune_acft_image/components/finetune/mmd_od_is/spec.yaml +++ b/assets/training/finetune_acft_image/components/finetune/mmd_od_is/spec.yaml @@ -1,14 +1,14 @@ $schema: https://azuremlschemas.azureedge.net/latest/commandComponent.schema.json type: command -version: 0.0.19 +version: 0.0.20 name: mmdetection_image_objectdetection_instancesegmentation_finetune display_name: Image Object Detection and Instance Segmentation MMDetection Model Finetune description: Component to finetune MMDetection models for image object detection and instance segmentation. is_deterministic: false -environment: azureml://registries/azureml/environments/acft-mmdetection-image-gpu/versions/46 +environment: azureml://registries/azureml/environments/acft-mmdetection-image-gpu/versions/48 code: ../../../src/finetune diff --git a/assets/training/finetune_acft_image/components/pipeline_components/mmd_od_is/spec.yaml b/assets/training/finetune_acft_image/components/pipeline_components/mmd_od_is/spec.yaml index ea1303a2e8..aa7f69d6e7 100644 --- a/assets/training/finetune_acft_image/components/pipeline_components/mmd_od_is/spec.yaml +++ b/assets/training/finetune_acft_image/components/pipeline_components/mmd_od_is/spec.yaml @@ -1,7 +1,7 @@ $schema: https://azuremlschemas.azureedge.net/latest/pipelineComponent.schema.json type: pipeline -version: 0.0.24 +version: 0.0.25 name: mmdetection_image_objectdetection_instancesegmentation_pipeline display_name: Image Object Detection and Instance Segmentation MMDetection Pipeline description: Pipeline component for image object detection and instance segmentation using MMDetection models. @@ -426,7 +426,7 @@ jobs: image_od_is_finetune: type: command - component: azureml:mmdetection_image_objectdetection_instancesegmentation_finetune:0.0.19 + component: azureml:mmdetection_image_objectdetection_instancesegmentation_finetune:0.0.20 compute: ${{parent.inputs.compute_finetune}} distribution: type: pytorch From 953a588cbe4dd3de8cf7b432f8ce75c46f1987dc Mon Sep 17 00:00:00 2001 From: Ankush Bhatia Date: Wed, 18 Dec 2024 22:33:14 +0530 Subject: [PATCH 11/12] Move Benchmark and Eval components to latest environment (#3694) Co-authored-by: Ankush Bhatia --- .../components/batch_output_formatter/spec.yaml | 2 +- .../components/batch_resource_manager/spec.yaml | 2 +- .../components/benchmark_embedding_model/spec.yaml | 2 +- .../components/benchmark_result_aggregator/spec.yaml | 2 +- .../components/compute_performance_metrics/spec.yaml | 2 +- .../aml-benchmark/components/dataset_downloader/spec.yaml | 2 +- .../components/dataset_preprocessor/spec.yaml | 2 +- assets/aml-benchmark/components/dataset_sampler/spec.yaml | 2 +- .../components/inference_postprocessor/spec.yaml | 2 +- assets/aml-benchmark/components/prompt_crafter/spec.yaml | 2 +- .../model_evaluation/components/compute_metrics/spec.yaml | 2 +- .../components/model_prediction/spec.yaml | 2 +- .../components/pipeline_component/spec.yaml | 8 ++++---- .../validation_trigger_model_evaluation/spec.yaml | 2 +- 14 files changed, 17 insertions(+), 17 deletions(-) diff --git a/assets/aml-benchmark/components/batch_output_formatter/spec.yaml b/assets/aml-benchmark/components/batch_output_formatter/spec.yaml index 1f949fc55c..881d99112b 100644 --- a/assets/aml-benchmark/components/batch_output_formatter/spec.yaml +++ b/assets/aml-benchmark/components/batch_output_formatter/spec.yaml @@ -1,5 +1,5 @@ name: batch_output_formatter -version: 0.0.14 +version: 0.0.15 display_name: Batch Output Formatter is_deterministic: True type: command diff --git a/assets/aml-benchmark/components/batch_resource_manager/spec.yaml b/assets/aml-benchmark/components/batch_resource_manager/spec.yaml index eb6f9366c7..6a80526527 100644 --- a/assets/aml-benchmark/components/batch_resource_manager/spec.yaml +++ b/assets/aml-benchmark/components/batch_resource_manager/spec.yaml @@ -4,7 +4,7 @@ is_deterministic: False name: batch_resource_manager display_name: Batch Inference Resource Manager description: Resource Manager for batch inference. -version: 0.0.7 +version: 0.0.8 inputs: wait_input: diff --git a/assets/aml-benchmark/components/benchmark_embedding_model/spec.yaml b/assets/aml-benchmark/components/benchmark_embedding_model/spec.yaml index 4645331d59..d8b614ce16 100644 --- a/assets/aml-benchmark/components/benchmark_embedding_model/spec.yaml +++ b/assets/aml-benchmark/components/benchmark_embedding_model/spec.yaml @@ -4,7 +4,7 @@ type: command name: benchmark_embedding_model display_name: Benchmark Embedding Model description: Component for benchmarking an embedding model via MTEB. -version: 0.0.3 +version: 0.0.4 inputs: endpoint_url: diff --git a/assets/aml-benchmark/components/benchmark_result_aggregator/spec.yaml b/assets/aml-benchmark/components/benchmark_result_aggregator/spec.yaml index b4d612820f..ec372ff4c2 100644 --- a/assets/aml-benchmark/components/benchmark_result_aggregator/spec.yaml +++ b/assets/aml-benchmark/components/benchmark_result_aggregator/spec.yaml @@ -4,7 +4,7 @@ type: command name: benchmark_result_aggregator display_name: Benchmark result aggregator description: Aggregate quality metrics, performance metrics and all of the metadata from the pipeline. Also add them to the root run. -version: 0.0.13 +version: 0.0.14 is_deterministic: false inputs: diff --git a/assets/aml-benchmark/components/compute_performance_metrics/spec.yaml b/assets/aml-benchmark/components/compute_performance_metrics/spec.yaml index 3b5be2c79e..8016d3dc2b 100644 --- a/assets/aml-benchmark/components/compute_performance_metrics/spec.yaml +++ b/assets/aml-benchmark/components/compute_performance_metrics/spec.yaml @@ -4,7 +4,7 @@ type: command name: compute_performance_metrics display_name: Compute Performance Metrics description: Performs performance metric post processing using data from a model inference run. -version: 0.0.10 +version: 0.0.11 is_deterministic: true inputs: diff --git a/assets/aml-benchmark/components/dataset_downloader/spec.yaml b/assets/aml-benchmark/components/dataset_downloader/spec.yaml index f6fe56b7c2..1fb4e11435 100644 --- a/assets/aml-benchmark/components/dataset_downloader/spec.yaml +++ b/assets/aml-benchmark/components/dataset_downloader/spec.yaml @@ -4,7 +4,7 @@ type: command name: dataset_downloader display_name: Dataset Downloader description: Downloads the dataset onto blob store. -version: 0.0.10 +version: 0.0.11 inputs: dataset_name: diff --git a/assets/aml-benchmark/components/dataset_preprocessor/spec.yaml b/assets/aml-benchmark/components/dataset_preprocessor/spec.yaml index a45dc3b5d4..99e8c947e9 100644 --- a/assets/aml-benchmark/components/dataset_preprocessor/spec.yaml +++ b/assets/aml-benchmark/components/dataset_preprocessor/spec.yaml @@ -4,7 +4,7 @@ type: command name: dataset_preprocessor display_name: Dataset Preprocessor description: Dataset Preprocessor -version: 0.0.10 +version: 0.0.11 is_deterministic: true inputs: diff --git a/assets/aml-benchmark/components/dataset_sampler/spec.yaml b/assets/aml-benchmark/components/dataset_sampler/spec.yaml index 867c035d82..aa9ddf75f7 100644 --- a/assets/aml-benchmark/components/dataset_sampler/spec.yaml +++ b/assets/aml-benchmark/components/dataset_sampler/spec.yaml @@ -4,7 +4,7 @@ type: command name: dataset_sampler display_name: Dataset Sampler description: Samples a dataset containing JSONL file(s). -version: 0.0.10 +version: 0.0.11 inputs: dataset: diff --git a/assets/aml-benchmark/components/inference_postprocessor/spec.yaml b/assets/aml-benchmark/components/inference_postprocessor/spec.yaml index daad3abecc..631cd7f65f 100644 --- a/assets/aml-benchmark/components/inference_postprocessor/spec.yaml +++ b/assets/aml-benchmark/components/inference_postprocessor/spec.yaml @@ -4,7 +4,7 @@ type: command name: inference_postprocessor display_name: Inference Postprocessor description: Inference Postprocessor -version: 0.0.11 +version: 0.0.12 is_deterministic: true inputs: diff --git a/assets/aml-benchmark/components/prompt_crafter/spec.yaml b/assets/aml-benchmark/components/prompt_crafter/spec.yaml index bdd4c64064..76c570f38c 100644 --- a/assets/aml-benchmark/components/prompt_crafter/spec.yaml +++ b/assets/aml-benchmark/components/prompt_crafter/spec.yaml @@ -6,7 +6,7 @@ display_name: Prompt Crafter description: This component is used to create prompts from a given dataset. From a given jinja prompt template, it will generate prompts. It can also create few-shot prompts given a few-shot dataset and the number of shots. -version: 0.0.13 +version: 0.0.14 is_deterministic: true inputs: diff --git a/assets/training/model_evaluation/components/compute_metrics/spec.yaml b/assets/training/model_evaluation/components/compute_metrics/spec.yaml index 120aea6af1..9e2557f700 100644 --- a/assets/training/model_evaluation/components/compute_metrics/spec.yaml +++ b/assets/training/model_evaluation/components/compute_metrics/spec.yaml @@ -3,7 +3,7 @@ name: compute_metrics display_name: Compute Metrics description: Calculate model performance metrics, given ground truth and prediction data. -version: 0.0.35 +version: 0.0.36 type: command tags: type: evaluation diff --git a/assets/training/model_evaluation/components/model_prediction/spec.yaml b/assets/training/model_evaluation/components/model_prediction/spec.yaml index b23b302e63..b0b43b8015 100644 --- a/assets/training/model_evaluation/components/model_prediction/spec.yaml +++ b/assets/training/model_evaluation/components/model_prediction/spec.yaml @@ -3,7 +3,7 @@ name: model_prediction display_name: Model Prediction description: Generate predictions on a given mlflow model for supported tasks. -version: 0.0.35 +version: 0.0.36 type: command tags: type: evaluation diff --git a/assets/training/model_evaluation/components/pipeline_component/spec.yaml b/assets/training/model_evaluation/components/pipeline_component/spec.yaml index 7849d8c1f9..c450e7e74a 100644 --- a/assets/training/model_evaluation/components/pipeline_component/spec.yaml +++ b/assets/training/model_evaluation/components/pipeline_component/spec.yaml @@ -1,6 +1,6 @@ $schema: https://azuremlschemas.azureedge.net/latest/pipelineComponent.schema.json name: model_evaluation_pipeline -version: 0.0.35 +version: 0.0.36 type: pipeline display_name: Model Evaluation Pipeline description: Pipeline component for model evaluation for supported tasks. \ @@ -87,7 +87,7 @@ outputs: jobs: validation_trigger_model_evaluation: type: command - component: azureml:validation_trigger_model_evaluation:0.0.35 + component: azureml:validation_trigger_model_evaluation:0.0.36 compute: '${{parent.inputs.compute_name}}' resources: instance_type: '${{parent.inputs.instance_type}}' @@ -111,7 +111,7 @@ jobs: model_prediction: type: command - component: azureml:model_prediction:0.0.35 + component: azureml:model_prediction:0.0.36 compute: '${{parent.inputs.compute_name}}' resources: instance_type: '${{parent.inputs.instance_type}}' @@ -128,7 +128,7 @@ jobs: compute_metrics: type: command - component: azureml:compute_metrics:0.0.35 + component: azureml:compute_metrics:0.0.36 compute: '${{parent.inputs.compute_name}}' resources: instance_type: '${{parent.inputs.instance_type}}' diff --git a/assets/training/model_evaluation/components/validation_trigger_model_evaluation/spec.yaml b/assets/training/model_evaluation/components/validation_trigger_model_evaluation/spec.yaml index 873760529e..dd3de1cc5d 100644 --- a/assets/training/model_evaluation/components/validation_trigger_model_evaluation/spec.yaml +++ b/assets/training/model_evaluation/components/validation_trigger_model_evaluation/spec.yaml @@ -3,7 +3,7 @@ name: validation_trigger_model_evaluation display_name: Validation Trigger Model Evaluation description: Component for enabling validation of model evaluation pipeline. -version: 0.0.35 +version: 0.0.36 type: command tags: type: evaluation From cd16bf86694646bf8283c02be88a835f928996ce Mon Sep 17 00:00:00 2001 From: Tarun-Chevula Date: Thu, 19 Dec 2024 12:52:42 +0530 Subject: [PATCH 12/12] Updated tests to use created environment in the job (#3690) * Updated tests to use created environment in the job --- .../tests/minimal_inference_test.py | 6 +++--- .../tests/requirements.txt | 6 +++--- .../tests/minimal_inference_test.py | 6 +++--- .../tests/requirements.txt | 4 ++-- .../context/conda_dependencies.yaml | 4 +--- .../tests/mlflow_test.py | 6 +++--- 6 files changed, 15 insertions(+), 17 deletions(-) diff --git a/assets/inference/environments/minimal-ubuntu20.04-py39-cpu-inference/tests/minimal_inference_test.py b/assets/inference/environments/minimal-ubuntu20.04-py39-cpu-inference/tests/minimal_inference_test.py index a2d79a1795..b3595a5e51 100644 --- a/assets/inference/environments/minimal-ubuntu20.04-py39-cpu-inference/tests/minimal_inference_test.py +++ b/assets/inference/environments/minimal-ubuntu20.04-py39-cpu-inference/tests/minimal_inference_test.py @@ -32,10 +32,10 @@ def test_minimal_cpu_inference(): env_docker_context = Environment( build=BuildContext(path=this_dir / BUILD_CONTEXT), - name="minimal_cpu_inference", + name=env_name, description="minimal 20.04 py39 cpu inference environment created from a Docker context.", ) - ml_client.environments.create_or_update(env_docker_context) + returned_env = ml_client.environments.create_or_update(env_docker_context) # create the command job = command( @@ -44,7 +44,7 @@ def test_minimal_cpu_inference(): inputs=dict( score="valid_score.py", ), - environment=f"{env_name}@latest", + environment=returned_env, compute=os.environ.get("cpu_cluster"), display_name="minimal-cpu-inference-example", description="A test run of the minimal 20.04 py39 cpu inference curated environment", diff --git a/assets/inference/environments/minimal-ubuntu20.04-py39-cpu-inference/tests/requirements.txt b/assets/inference/environments/minimal-ubuntu20.04-py39-cpu-inference/tests/requirements.txt index ebeff22354..2533caf083 100644 --- a/assets/inference/environments/minimal-ubuntu20.04-py39-cpu-inference/tests/requirements.txt +++ b/assets/inference/environments/minimal-ubuntu20.04-py39-cpu-inference/tests/requirements.txt @@ -1,3 +1,3 @@ -azure-ai-ml==0.1.0b4 -azure.identity==1.10.0 -requests==2.31.0 \ No newline at end of file +azure-ai-ml==1.2.0 +azure.identity +requests \ No newline at end of file diff --git a/assets/inference/environments/minimal-ubuntu22.04-py311-cpu-inference/tests/minimal_inference_test.py b/assets/inference/environments/minimal-ubuntu22.04-py311-cpu-inference/tests/minimal_inference_test.py index 91e05aa6ed..7f325ae497 100644 --- a/assets/inference/environments/minimal-ubuntu22.04-py311-cpu-inference/tests/minimal_inference_test.py +++ b/assets/inference/environments/minimal-ubuntu22.04-py311-cpu-inference/tests/minimal_inference_test.py @@ -32,10 +32,10 @@ def test_minimal_cpu_inference(): env_docker_context = Environment( build=BuildContext(path=this_dir / BUILD_CONTEXT), - name="minimal_cpu_inference", + name=env_name, description="minimal 22.04 py311 cpu inference environment created from a Docker context.", ) - ml_client.environments.create_or_update(env_docker_context) + returned_env = ml_client.environments.create_or_update(env_docker_context) # create the command job = command( @@ -44,7 +44,7 @@ def test_minimal_cpu_inference(): inputs=dict( score="valid_score.py", ), - environment=f"{env_name}@latest", + environment=returned_env, compute=os.environ.get("cpu_cluster"), display_name="minimal-cpu-inference-example", description="A test run of the minimal 22.04 py311 cpu inference curated environment", diff --git a/assets/inference/environments/minimal-ubuntu22.04-py311-cpu-inference/tests/requirements.txt b/assets/inference/environments/minimal-ubuntu22.04-py311-cpu-inference/tests/requirements.txt index ebab2ab71f..2abfbab962 100644 --- a/assets/inference/environments/minimal-ubuntu22.04-py311-cpu-inference/tests/requirements.txt +++ b/assets/inference/environments/minimal-ubuntu22.04-py311-cpu-inference/tests/requirements.txt @@ -1,2 +1,2 @@ -azure-ai-ml==0.1.0b4 -azure.identity==1.10.0 +azure-ai-ml==1.2.0 +azure.identity diff --git a/assets/inference/environments/mlflow-ubuntu20.04-py39-cpu-inference/context/conda_dependencies.yaml b/assets/inference/environments/mlflow-ubuntu20.04-py39-cpu-inference/context/conda_dependencies.yaml index bcb2b7f9bc..73eb0e5c2f 100644 --- a/assets/inference/environments/mlflow-ubuntu20.04-py39-cpu-inference/context/conda_dependencies.yaml +++ b/assets/inference/environments/mlflow-ubuntu20.04-py39-cpu-inference/context/conda_dependencies.yaml @@ -8,6 +8,4 @@ dependencies: - pip: - azureml-inference-server-http=={{latest-pypi-version}} - azureml-ai-monitoring=={{latest-pypi-version}} - - numpy - - mlflow - - azureml-contrib-services \ No newline at end of file + - mlflow \ No newline at end of file diff --git a/assets/inference/environments/mlflow-ubuntu20.04-py39-cpu-inference/tests/mlflow_test.py b/assets/inference/environments/mlflow-ubuntu20.04-py39-cpu-inference/tests/mlflow_test.py index cdf606b943..0674e8f946 100644 --- a/assets/inference/environments/mlflow-ubuntu20.04-py39-cpu-inference/tests/mlflow_test.py +++ b/assets/inference/environments/mlflow-ubuntu20.04-py39-cpu-inference/tests/mlflow_test.py @@ -32,10 +32,10 @@ def test_mlflow_cpu_inference(): env_docker_context = Environment( build=BuildContext(path=this_dir / BUILD_CONTEXT), - name="mlflow_py39_inference", + name=env_name, description="mlflow 20.04 py39 cpu inference environment created from a Docker context.", ) - ml_client.environments.create_or_update(env_docker_context) + returned_env = ml_client.environments.create_or_update(env_docker_context) # create the command job = command( @@ -47,7 +47,7 @@ def test_mlflow_cpu_inference(): score_input="sample_2_0_input.txt", model_dir="mlflow_2_0_model_folder" ), - environment=f"{env_name}@latest", + environment=returned_env, compute=os.environ.get("cpu_cluster"), display_name="mlflow-py39-inference-example", description="A test run of the mlflow 20.04 py39 cpu inference curated environment",