From ed4e91e30020b08227b09c4c83bfb4f138b2a2d5 Mon Sep 17 00:00:00 2001 From: Rahul Kumar <74648335+iamrk04@users.noreply.github.com> Date: Tue, 24 Dec 2024 12:40:03 +0530 Subject: [PATCH] Upgrade NLP and Vision AutoML components to fix the notebooks (#3701) * upgrade components * update component version * update pipeline components --- .../components/validation/spec.yaml | 4 ++-- .../finetune/text_classification/spec.yaml | 4 ++-- .../finetune/token_classification/spec.yaml | 4 ++-- .../model_import/text_classification/spec.yaml | 4 ++-- .../model_import/token_classification/spec.yaml | 4 ++-- .../pipeline_components/nlp_multiclass/spec.yaml | 8 ++++---- .../pipeline_components/nlp_multilabel/spec.yaml | 8 ++++---- .../pipeline_components/nlp_ner/spec.yaml | 8 ++++---- .../components/preprocess/nlp_multiclass/spec.yaml | 4 ++-- .../components/preprocess/nlp_multilabel/spec.yaml | 4 ++-- .../components/preprocess/nlp_ner/spec.yaml | 4 ++-- .../finetune/hf_classification/spec.yaml | 4 ++-- .../components/finetune/mmd_od_is/spec.yaml | 4 ++-- .../components/framework_selector/spec.yaml | 4 ++-- .../model_import/hf_classification/spec.yaml | 4 ++-- .../components/model_import/mmd_od_is/spec.yaml | 4 ++-- .../components/model_output_selector/spec.yaml | 4 ++-- .../pipeline_components/classification/spec.yaml | 14 +++++++------- .../hf_classification/spec.yaml | 8 ++++---- .../instance_segmentation/spec.yaml | 14 +++++++------- .../pipeline_components/mmd_od_is/spec.yaml | 8 ++++---- .../pipeline_components/object_detection/spec.yaml | 14 +++++++------- .../components/image_classification/spec.yaml | 4 ++-- .../components/instance_segmentation/spec.yaml | 4 ++-- .../vision/components/object_detection/spec.yaml | 4 ++-- 25 files changed, 75 insertions(+), 75 deletions(-) diff --git a/assets/training/finetune_acft_common/components/validation/spec.yaml b/assets/training/finetune_acft_common/components/validation/spec.yaml index de667aab36..9b8b77ff2c 100644 --- a/assets/training/finetune_acft_common/components/validation/spec.yaml +++ b/assets/training/finetune_acft_common/components/validation/spec.yaml @@ -1,14 +1,14 @@ $schema: https://azuremlschemas.azureedge.net/latest/commandComponent.schema.json type: command -version: 0.0.7 +version: 0.0.8 name: finetune_common_validation display_name: Common Validation Component description: Component to validate the finetune job against Validation Service is_deterministic: True -environment: azureml://registries/azureml/environments/acpt-pytorch-2.2-cuda12.1/versions/23 +environment: azureml://registries/azureml/environments/acpt-pytorch-2.2-cuda12.1/labels/latest code: ../../src/validation diff --git a/assets/training/finetune_acft_hf_nlp/components/finetune/text_classification/spec.yaml b/assets/training/finetune_acft_hf_nlp/components/finetune/text_classification/spec.yaml index 34aa9c2e93..ac3ae045ca 100644 --- a/assets/training/finetune_acft_hf_nlp/components/finetune/text_classification/spec.yaml +++ b/assets/training/finetune_acft_hf_nlp/components/finetune/text_classification/spec.yaml @@ -1,6 +1,6 @@ $schema: https://azuremlschemas.azureedge.net/latest/commandComponent.schema.json name: text_classification_finetune -version: 0.0.65 +version: 0.0.66 type: command is_deterministic: false @@ -8,7 +8,7 @@ is_deterministic: false display_name: Text Classification Finetune description: Component to finetune Hugging Face pretrained models for text classification task. The component supports optimizations such as LoRA, Deepspeed and ONNXRuntime for performance enhancement. See [docs](https://aka.ms/azureml/components/text_classification_finetune) to learn more. -environment: azureml://registries/azureml/environments/acft-hf-nlp-gpu/versions/80 +environment: azureml://registries/azureml/environments/acft-hf-nlp-gpu/labels/latest code: ../../../src/finetune diff --git a/assets/training/finetune_acft_hf_nlp/components/finetune/token_classification/spec.yaml b/assets/training/finetune_acft_hf_nlp/components/finetune/token_classification/spec.yaml index 70c9a4a021..7e53c070b4 100644 --- a/assets/training/finetune_acft_hf_nlp/components/finetune/token_classification/spec.yaml +++ b/assets/training/finetune_acft_hf_nlp/components/finetune/token_classification/spec.yaml @@ -1,6 +1,6 @@ $schema: https://azuremlschemas.azureedge.net/latest/commandComponent.schema.json name: token_classification_finetune -version: 0.0.65 +version: 0.0.66 type: command is_deterministic: false @@ -8,7 +8,7 @@ is_deterministic: false display_name: Token Classification Finetune description: Component to finetune Hugging Face pretrained models for token classification task. The component supports optimizations such as LoRA, Deepspeed and ONNXRuntime for performance enhancement. See [docs](https://aka.ms/azureml/components/token_classification_finetune) to learn more. -environment: azureml://registries/azureml/environments/acft-hf-nlp-gpu/versions/80 +environment: azureml://registries/azureml/environments/acft-hf-nlp-gpu/labels/latest code: ../../../src/finetune diff --git a/assets/training/finetune_acft_hf_nlp/components/model_import/text_classification/spec.yaml b/assets/training/finetune_acft_hf_nlp/components/model_import/text_classification/spec.yaml index e4656d2ebb..b971deaf3e 100644 --- a/assets/training/finetune_acft_hf_nlp/components/model_import/text_classification/spec.yaml +++ b/assets/training/finetune_acft_hf_nlp/components/model_import/text_classification/spec.yaml @@ -1,6 +1,6 @@ $schema: https://azuremlschemas.azureedge.net/latest/commandComponent.schema.json name: text_classification_model_import -version: 0.0.65 +version: 0.0.66 type: command is_deterministic: True @@ -8,7 +8,7 @@ is_deterministic: True display_name: Text Classification Model Import description: Component to import PyTorch / MLFlow model. See [docs](https://aka.ms/azureml/components/text_classification_model_import) to learn more. -environment: azureml://registries/azureml/environments/acft-hf-nlp-gpu/versions/80 +environment: azureml://registries/azureml/environments/acft-hf-nlp-gpu/labels/latest code: ../../../src/model_selector diff --git a/assets/training/finetune_acft_hf_nlp/components/model_import/token_classification/spec.yaml b/assets/training/finetune_acft_hf_nlp/components/model_import/token_classification/spec.yaml index c88036118f..a1c7808fbb 100644 --- a/assets/training/finetune_acft_hf_nlp/components/model_import/token_classification/spec.yaml +++ b/assets/training/finetune_acft_hf_nlp/components/model_import/token_classification/spec.yaml @@ -1,6 +1,6 @@ $schema: https://azuremlschemas.azureedge.net/latest/commandComponent.schema.json name: token_classification_model_import -version: 0.0.65 +version: 0.0.66 type: command is_deterministic: True @@ -8,7 +8,7 @@ is_deterministic: True display_name: Token Classification Model Import description: Component to import PyTorch / MLFlow model. See [docs](https://aka.ms/azureml/components/token_classification_model_import) to learn more. -environment: azureml://registries/azureml/environments/acft-hf-nlp-gpu/versions/80 +environment: azureml://registries/azureml/environments/acft-hf-nlp-gpu/labels/latest code: ../../../src/model_selector diff --git a/assets/training/finetune_acft_hf_nlp/components/pipeline_components/nlp_multiclass/spec.yaml b/assets/training/finetune_acft_hf_nlp/components/pipeline_components/nlp_multiclass/spec.yaml index 33e1c17a73..cb7bf66359 100644 --- a/assets/training/finetune_acft_hf_nlp/components/pipeline_components/nlp_multiclass/spec.yaml +++ b/assets/training/finetune_acft_hf_nlp/components/pipeline_components/nlp_multiclass/spec.yaml @@ -1,6 +1,6 @@ $schema: https://azuremlschemas.azureedge.net/latest/pipelineComponent.schema.json name: nlp_textclassification_multiclass -version: 0.0.2 +version: 0.0.3 type: pipeline display_name: PipelineComponent for AutoML NLP Multiclass TextClassification description: Pipeline component for AutoML NLP Multiclass Text classification @@ -224,13 +224,13 @@ outputs: jobs: model_import: type: command - component: azureml:text_classification_model_import:0.0.12_nlp + component: azureml:text_classification_model_import:0.0.66 compute: ${{parent.inputs.compute_model_import}} inputs: huggingface_id: ${{parent.inputs.model_name}} preprocess: type: command - component: azureml:nlp_multiclass_datapreprocessing:0.0.1 + component: azureml:nlp_multiclass_datapreprocessing:0.0.2 compute: ${{parent.inputs.compute_preprocess}} inputs: label_column_name: ${{parent.inputs.label_column_name}} @@ -240,7 +240,7 @@ jobs: enable_long_range_text: ${{parent.inputs.enable_long_range_text}} finetune: type: command - component: azureml:text_classification_finetune:0.0.14_nlp + component: azureml:text_classification_finetune:0.0.66 compute: ${{parent.inputs.compute_finetune}} distribution: type: pytorch diff --git a/assets/training/finetune_acft_hf_nlp/components/pipeline_components/nlp_multilabel/spec.yaml b/assets/training/finetune_acft_hf_nlp/components/pipeline_components/nlp_multilabel/spec.yaml index 56e10ca6f2..3498d6f00c 100644 --- a/assets/training/finetune_acft_hf_nlp/components/pipeline_components/nlp_multilabel/spec.yaml +++ b/assets/training/finetune_acft_hf_nlp/components/pipeline_components/nlp_multilabel/spec.yaml @@ -1,6 +1,6 @@ $schema: https://azuremlschemas.azureedge.net/latest/pipelineComponent.schema.json name: nlp_textclassification_multilabel -version: 0.0.2 +version: 0.0.3 type: pipeline display_name: PipelineComponent for AutoML NLP Multilabel TextClassification description: Pipeline component for AutoML NLP Multilabel Text classification @@ -224,13 +224,13 @@ outputs: jobs: model_import: type: command - component: azureml:text_classification_model_import:0.0.12_nlp + component: azureml:text_classification_model_import:0.0.66 compute: ${{parent.inputs.compute_model_import}} inputs: huggingface_id: ${{parent.inputs.model_name}} preprocess: type: command - component: azureml:nlp_multilabel_datapreprocessing:0.0.1 + component: azureml:nlp_multilabel_datapreprocessing:0.0.2 compute: ${{parent.inputs.compute_preprocess}} inputs: label_column_name: ${{parent.inputs.label_column_name}} @@ -240,7 +240,7 @@ jobs: enable_long_range_text: ${{parent.inputs.enable_long_range_text}} finetune: type: command - component: azureml:text_classification_finetune:0.0.14_nlp + component: azureml:text_classification_finetune:0.0.66 compute: ${{parent.inputs.compute_finetune}} distribution: type: pytorch diff --git a/assets/training/finetune_acft_hf_nlp/components/pipeline_components/nlp_ner/spec.yaml b/assets/training/finetune_acft_hf_nlp/components/pipeline_components/nlp_ner/spec.yaml index 8a60d5070c..941c6f569c 100644 --- a/assets/training/finetune_acft_hf_nlp/components/pipeline_components/nlp_ner/spec.yaml +++ b/assets/training/finetune_acft_hf_nlp/components/pipeline_components/nlp_ner/spec.yaml @@ -1,6 +1,6 @@ $schema: https://azuremlschemas.azureedge.net/latest/pipelineComponent.schema.json name: nlp_textclassification_ner -version: 0.0.2 +version: 0.0.3 type: pipeline display_name: PipelineComponent for AutoML NLP NER description: Pipeline component for AutoML NLP NER @@ -216,13 +216,13 @@ outputs: jobs: model_import: type: command - component: azureml:token_classification_model_import:0.0.12_nlp + component: azureml:token_classification_model_import:0.0.66 compute: ${{parent.inputs.compute_model_import}} inputs: huggingface_id: ${{parent.inputs.model_name}} preprocess: type: command - component: azureml:nlp_ner_datapreprocessing:0.0.1 + component: azureml:nlp_ner_datapreprocessing:0.0.2 compute: ${{parent.inputs.compute_preprocess}} inputs: train_file_path: ${{parent.inputs.training_data}} @@ -230,7 +230,7 @@ jobs: model_selector_output: ${{parent.jobs.model_import.outputs.output_dir}} finetune: type: command - component: azureml:token_classification_finetune:0.0.14_nlp + component: azureml:token_classification_finetune:0.0.66 compute: ${{parent.inputs.compute_finetune}} distribution: type: pytorch diff --git a/assets/training/finetune_acft_hf_nlp/components/preprocess/nlp_multiclass/spec.yaml b/assets/training/finetune_acft_hf_nlp/components/preprocess/nlp_multiclass/spec.yaml index 69c1f9da66..4624b2dcc7 100644 --- a/assets/training/finetune_acft_hf_nlp/components/preprocess/nlp_multiclass/spec.yaml +++ b/assets/training/finetune_acft_hf_nlp/components/preprocess/nlp_multiclass/spec.yaml @@ -1,6 +1,6 @@ $schema: https://azuremlschemas.azureedge.net/latest/commandComponent.schema.json name: nlp_multiclass_datapreprocessing -version: 0.0.1 +version: 0.0.2 type: command is_deterministic: True @@ -8,7 +8,7 @@ is_deterministic: True display_name: DataPreProcessing for AutoMLNLPMulticlass description: Component to preprocess data for automl nlp multiclass classification task -environment: azureml://registries/azureml/environments/acft-hf-nlp-gpu/versions/16 +environment: azureml://registries/azureml/environments/acft-hf-nlp-gpu/labels/latest code: ../../../src/preprocess diff --git a/assets/training/finetune_acft_hf_nlp/components/preprocess/nlp_multilabel/spec.yaml b/assets/training/finetune_acft_hf_nlp/components/preprocess/nlp_multilabel/spec.yaml index 7c186a8124..812c733fe5 100644 --- a/assets/training/finetune_acft_hf_nlp/components/preprocess/nlp_multilabel/spec.yaml +++ b/assets/training/finetune_acft_hf_nlp/components/preprocess/nlp_multilabel/spec.yaml @@ -1,6 +1,6 @@ $schema: https://azuremlschemas.azureedge.net/latest/commandComponent.schema.json name: nlp_multilabel_datapreprocessing -version: 0.0.1 +version: 0.0.2 type: command is_deterministic: True @@ -8,7 +8,7 @@ is_deterministic: True display_name: DataPreProcessing for AutoMLNLPMultilabel description: Component to preprocess data for automl nlp multilabel classification task -environment: azureml://registries/azureml/environments/acft-hf-nlp-gpu/versions/16 +environment: azureml://registries/azureml/environments/acft-hf-nlp-gpu/labels/latest code: ../../../src/preprocess diff --git a/assets/training/finetune_acft_hf_nlp/components/preprocess/nlp_ner/spec.yaml b/assets/training/finetune_acft_hf_nlp/components/preprocess/nlp_ner/spec.yaml index 972de686c7..e8dcb3a988 100644 --- a/assets/training/finetune_acft_hf_nlp/components/preprocess/nlp_ner/spec.yaml +++ b/assets/training/finetune_acft_hf_nlp/components/preprocess/nlp_ner/spec.yaml @@ -1,6 +1,6 @@ $schema: https://azuremlschemas.azureedge.net/latest/commandComponent.schema.json name: nlp_ner_datapreprocessing -version: 0.0.1 +version: 0.0.2 type: command is_deterministic: True @@ -8,7 +8,7 @@ is_deterministic: True display_name: DataPreProcessing for AutoMLNLPNER description: Component to preprocess data for automl nlp ner task -environment: azureml://registries/azureml/environments/acft-hf-nlp-gpu/versions/16 +environment: azureml://registries/azureml/environments/acft-hf-nlp-gpu/labels/latest code: ../../../src/preprocess diff --git a/assets/training/finetune_acft_image/components/finetune/hf_classification/spec.yaml b/assets/training/finetune_acft_image/components/finetune/hf_classification/spec.yaml index f04e8b0bc3..c742025732 100644 --- a/assets/training/finetune_acft_image/components/finetune/hf_classification/spec.yaml +++ b/assets/training/finetune_acft_image/components/finetune/hf_classification/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: transformers_image_classification_finetune display_name: Image Classification HuggingFace Transformers Model Finetune description: Component to finetune HuggingFace transformers models for image classification. is_deterministic: false -environment: azureml://registries/azureml/environments/acft-transformers-image-gpu/versions/46 +environment: azureml://registries/azureml/environments/acft-transformers-image-gpu/labels/latest code: ../../../src/finetune 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 8dfd1725fe..7b0c583732 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.20 +version: 0.0.21 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/48 +environment: azureml://registries/azureml/environments/acft-mmdetection-image-gpu/labels/latest code: ../../../src/finetune diff --git a/assets/training/finetune_acft_image/components/framework_selector/spec.yaml b/assets/training/finetune_acft_image/components/framework_selector/spec.yaml index e6c05f4797..23fddb8527 100644 --- a/assets/training/finetune_acft_image/components/framework_selector/spec.yaml +++ b/assets/training/finetune_acft_image/components/framework_selector/spec.yaml @@ -1,14 +1,14 @@ $schema: https://azuremlschemas.azureedge.net/development/commandComponent.schema.json type: command -version: 0.0.19 +version: 0.0.20 name: image_framework_selector display_name: Framework Selector for Image Tasks description: Framework selector control flow component for image tasks is_deterministic: true -environment: azureml://registries/azureml/environments/acpt-automl-image-framework-selector-gpu/versions/44 +environment: azureml://registries/azureml/environments/acpt-automl-image-framework-selector-gpu/labels/latest code: ../../src/framework_selector diff --git a/assets/training/finetune_acft_image/components/model_import/hf_classification/spec.yaml b/assets/training/finetune_acft_image/components/model_import/hf_classification/spec.yaml index 1b25e368c9..f5679d03ff 100644 --- a/assets/training/finetune_acft_image/components/model_import/hf_classification/spec.yaml +++ b/assets/training/finetune_acft_image/components/model_import/hf_classification/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: transformers_image_classification_model_import display_name: Image Classification HuggingFace Transformers Model Import description: Import PyTorch / MLflow model is_deterministic: True -environment: azureml://registries/azureml/environments/acft-transformers-image-gpu/versions/46 +environment: azureml://registries/azureml/environments/acft-transformers-image-gpu/labels/latest code: ../../../src/model_selector diff --git a/assets/training/finetune_acft_image/components/model_import/mmd_od_is/spec.yaml b/assets/training/finetune_acft_image/components/model_import/mmd_od_is/spec.yaml index 69b5c483a3..dfd1a88b76 100644 --- a/assets/training/finetune_acft_image/components/model_import/mmd_od_is/spec.yaml +++ b/assets/training/finetune_acft_image/components/model_import/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_model_import display_name: Image Object Detection and Instance Segmentation MMDetection Model Import description: Import PyTorch / MLflow model is_deterministic: True -environment: azureml://registries/azureml/environments/acft-mmdetection-image-gpu/versions/46 +environment: azureml://registries/azureml/environments/acft-mmdetection-image-gpu/labels/latest code: ../../../src/model_selector diff --git a/assets/training/finetune_acft_image/components/model_output_selector/spec.yaml b/assets/training/finetune_acft_image/components/model_output_selector/spec.yaml index 1a93806d58..771a0f43d9 100644 --- a/assets/training/finetune_acft_image/components/model_output_selector/spec.yaml +++ b/assets/training/finetune_acft_image/components/model_output_selector/spec.yaml @@ -1,14 +1,14 @@ $schema: https://azuremlschemas.azureedge.net/latest/commandComponent.schema.json type: command -version: 0.0.18 +version: 0.0.19 name: image_model_output_selector display_name: Model output selector for image components description: Model output selector control flow component for image tasks is_deterministic: true -environment: azureml://registries/azureml/environments/acpt-automl-image-framework-selector-gpu/versions/44 +environment: azureml://registries/azureml/environments/acpt-automl-image-framework-selector-gpu/labels/latest code: ../../src/model_output_selector diff --git a/assets/training/finetune_acft_image/components/pipeline_components/classification/spec.yaml b/assets/training/finetune_acft_image/components/pipeline_components/classification/spec.yaml index c57a0b9627..c97eaac65e 100644 --- a/assets/training/finetune_acft_image/components/pipeline_components/classification/spec.yaml +++ b/assets/training/finetune_acft_image/components/pipeline_components/classification/spec.yaml @@ -1,7 +1,7 @@ $schema: https://azuremlschemas.azureedge.net/latest/pipelineComponent.schema.json type: pipeline -version: 0.0.22 +version: 0.0.23 name: image_classification_pipeline display_name: Image Classification Pipeline description: Pipeline component for image classification. @@ -255,7 +255,7 @@ jobs: finetune_common_validation: type: command - component: azureml:finetune_common_validation:0.0.7 + component: azureml:finetune_common_validation:0.0.8 compute: ${{parent.inputs.compute_model_import}} inputs: train_mltable_path: ${{parent.inputs.training_data}} @@ -269,7 +269,7 @@ jobs: framework_selector: type: command - component: azureml:image_framework_selector:0.0.19 + component: azureml:image_framework_selector:0.0.20 compute: ${{parent.inputs.compute_model_import}} inputs: task_type: 'image-classification' @@ -278,7 +278,7 @@ jobs: image_classification_runtime_component: type: command - component: azureml:train_image_classification_model:0.0.12 + component: azureml:train_image_classification_model:0.0.13 compute: ${{parent.inputs.compute_finetune}} resources: shm_size: '16g' @@ -320,7 +320,7 @@ jobs: hugging_face_model_import: type: command - component: azureml:transformers_image_classification_model_import:0.0.19 + component: azureml:transformers_image_classification_model_import:0.0.20 compute: ${{parent.inputs.compute_model_import}} inputs: model_family: 'HuggingFaceImage' @@ -330,7 +330,7 @@ jobs: hugging_face_finetune: type: command - component: azureml:transformers_image_classification_finetune:0.0.19 + component: azureml:transformers_image_classification_finetune:0.0.20 compute: ${{parent.inputs.compute_finetune}} distribution: type: pytorch @@ -372,7 +372,7 @@ jobs: output_selector: type: command - component: azureml:image_model_output_selector:0.0.18 + component: azureml:image_model_output_selector:0.0.19 compute: ${{parent.inputs.compute_model_import}} inputs: mlflow_model_t: ${{parent.jobs.image_classification_runtime_component.outputs.mlflow_model_folder}} diff --git a/assets/training/finetune_acft_image/components/pipeline_components/hf_classification/spec.yaml b/assets/training/finetune_acft_image/components/pipeline_components/hf_classification/spec.yaml index c38b4eee8d..bbe6baef4e 100644 --- a/assets/training/finetune_acft_image/components/pipeline_components/hf_classification/spec.yaml +++ b/assets/training/finetune_acft_image/components/pipeline_components/hf_classification/spec.yaml @@ -1,7 +1,7 @@ $schema: https://azuremlschemas.azureedge.net/latest/pipelineComponent.schema.json type: pipeline -version: 0.0.22 +version: 0.0.23 name: transformers_image_classification_pipeline display_name: Image Classification HuggingFace Transformers Pipeline description: Pipeline component for image classification using HuggingFace transformers models. @@ -393,7 +393,7 @@ outputs: jobs: finetune_common_validation: type: command - component: azureml:finetune_common_validation:0.0.7 + component: azureml:finetune_common_validation:0.0.8 compute: ${{parent.inputs.compute_model_import}} inputs: mlflow_model_path: ${{parent.inputs.mlflow_model}} @@ -416,7 +416,7 @@ jobs: image_classification_model_import: type: command - component: azureml:transformers_image_classification_model_import:0.0.19 + component: azureml:transformers_image_classification_model_import:0.0.20 compute: ${{parent.inputs.compute_model_import}} inputs: model_family: ${{parent.inputs.model_family}} @@ -428,7 +428,7 @@ jobs: image_classification_finetune: type: command - component: azureml:transformers_image_classification_finetune:0.0.19 + component: azureml:transformers_image_classification_finetune:0.0.20 compute: ${{parent.inputs.compute_finetune}} distribution: type: pytorch diff --git a/assets/training/finetune_acft_image/components/pipeline_components/instance_segmentation/spec.yaml b/assets/training/finetune_acft_image/components/pipeline_components/instance_segmentation/spec.yaml index 8cdfd297a7..4e9a3e2fa3 100644 --- a/assets/training/finetune_acft_image/components/pipeline_components/instance_segmentation/spec.yaml +++ b/assets/training/finetune_acft_image/components/pipeline_components/instance_segmentation/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: image_instance_segmentation_pipeline display_name: Image Instance Segmentation Pipeline description: Pipeline component for image instance segmentation. @@ -300,7 +300,7 @@ jobs: finetune_common_validation: type: command - component: azureml:finetune_common_validation:0.0.7 + component: azureml:finetune_common_validation:0.0.8 compute: ${{parent.inputs.compute_model_import}} inputs: train_mltable_path: ${{parent.inputs.training_data}} @@ -314,7 +314,7 @@ jobs: framework_selector: type: command - component: azureml:image_framework_selector:0.0.19 + component: azureml:image_framework_selector:0.0.20 compute: ${{parent.inputs.compute_model_import}} inputs: task_type: ${{parent.inputs.task_type}} @@ -323,7 +323,7 @@ jobs: image_instance_segmentation_runtime_component: type: command - component: azureml:train_instance_segmentation_model:0.0.12 + component: azureml:train_instance_segmentation_model:0.0.13 compute: ${{parent.inputs.compute_finetune}} resources: shm_size: '16g' @@ -370,7 +370,7 @@ jobs: mm_detection_model_import: type: command - component: azureml:mmdetection_image_objectdetection_instancesegmentation_model_import:0.0.19 + component: azureml:mmdetection_image_objectdetection_instancesegmentation_model_import:0.0.20 compute: ${{parent.inputs.compute_model_import}} inputs: model_family: 'MmDetectionImage' @@ -380,7 +380,7 @@ jobs: mm_detection_finetune: type: command - component: azureml:mmdetection_image_objectdetection_instancesegmentation_finetune:0.0.19 + component: azureml:mmdetection_image_objectdetection_instancesegmentation_finetune:0.0.21 compute: ${{parent.inputs.compute_finetune}} distribution: type: pytorch @@ -424,7 +424,7 @@ jobs: output_selector: type: command - component: azureml:image_model_output_selector:0.0.18 + component: azureml:image_model_output_selector:0.0.19 compute: ${{parent.inputs.compute_model_import}} inputs: mlflow_model_t: ${{parent.jobs.image_instance_segmentation_runtime_component.outputs.mlflow_model_folder}} 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 aa7f69d6e7..374258e4d4 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.25 +version: 0.0.26 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. @@ -391,7 +391,7 @@ outputs: jobs: finetune_common_validation: type: command - component: azureml:finetune_common_validation:0.0.7 + component: azureml:finetune_common_validation:0.0.8 compute: ${{parent.inputs.compute_model_import}} inputs: mlflow_model_path: ${{parent.inputs.mlflow_model}} @@ -414,7 +414,7 @@ jobs: image_od_is_model_import: type: command - component: azureml:mmdetection_image_objectdetection_instancesegmentation_model_import:0.0.19 + component: azureml:mmdetection_image_objectdetection_instancesegmentation_model_import:0.0.20 compute: ${{parent.inputs.compute_model_import}} inputs: model_family: ${{parent.inputs.model_family}} @@ -426,7 +426,7 @@ jobs: image_od_is_finetune: type: command - component: azureml:mmdetection_image_objectdetection_instancesegmentation_finetune:0.0.20 + component: azureml:mmdetection_image_objectdetection_instancesegmentation_finetune:0.0.21 compute: ${{parent.inputs.compute_finetune}} distribution: type: pytorch diff --git a/assets/training/finetune_acft_image/components/pipeline_components/object_detection/spec.yaml b/assets/training/finetune_acft_image/components/pipeline_components/object_detection/spec.yaml index 7399c3f987..01ef5a60d5 100644 --- a/assets/training/finetune_acft_image/components/pipeline_components/object_detection/spec.yaml +++ b/assets/training/finetune_acft_image/components/pipeline_components/object_detection/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: image_object_detection_pipeline display_name: Image Object Detection Pipeline description: Pipeline component for image object detection. @@ -325,7 +325,7 @@ jobs: finetune_common_validation: type: command - component: azureml:finetune_common_validation:0.0.7 + component: azureml:finetune_common_validation:0.0.8 compute: ${{parent.inputs.compute_model_import}} inputs: train_mltable_path: ${{parent.inputs.training_data}} @@ -339,7 +339,7 @@ jobs: framework_selector: type: command - component: azureml:image_framework_selector:0.0.19 + component: azureml:image_framework_selector:0.0.20 compute: ${{parent.inputs.compute_model_import}} inputs: task_type: ${{parent.inputs.task_type}} @@ -348,7 +348,7 @@ jobs: image_object_detection_runtime_component: type: command - component: azureml:train_object_detection_model:0.0.12 + component: azureml:train_object_detection_model:0.0.13 compute: ${{parent.inputs.compute_finetune}} resources: shm_size: '16g' @@ -397,7 +397,7 @@ jobs: mm_detection_model_import: type: command - component: azureml:mmdetection_image_objectdetection_instancesegmentation_model_import:0.0.19 + component: azureml:mmdetection_image_objectdetection_instancesegmentation_model_import:0.0.20 compute: ${{parent.inputs.compute_model_import}} inputs: model_family: 'MmDetectionImage' @@ -407,7 +407,7 @@ jobs: mm_detection_finetune: type: command - component: azureml:mmdetection_image_objectdetection_instancesegmentation_finetune:0.0.19 + component: azureml:mmdetection_image_objectdetection_instancesegmentation_finetune:0.0.21 compute: ${{parent.inputs.compute_finetune}} distribution: type: pytorch @@ -451,7 +451,7 @@ jobs: output_selector: type: command - component: azureml:image_model_output_selector:0.0.18 + component: azureml:image_model_output_selector:0.0.19 compute: ${{parent.inputs.compute_model_import}} inputs: mlflow_model_t: ${{parent.jobs.image_object_detection_runtime_component.outputs.mlflow_model_folder}} diff --git a/assets/training/vision/components/image_classification/spec.yaml b/assets/training/vision/components/image_classification/spec.yaml index 3248fe0fdc..7c140f2365 100644 --- a/assets/training/vision/components/image_classification/spec.yaml +++ b/assets/training/vision/components/image_classification/spec.yaml @@ -5,7 +5,7 @@ description: Component to finetune AutoML legacy models for image classification name: train_image_classification_model display_name: Image Classification AutoML Legacy Model Finetune -version: 0.0.12 +version: 0.0.13 is_deterministic: false @@ -188,7 +188,7 @@ outputs: code: ../src -environment: azureml://registries/azureml/environments/automl-dnn-vision-gpu/versions/34 +environment: azureml://registries/azureml/environments/automl-dnn-vision-gpu/labels/latest command: >- python -m image_classification.run diff --git a/assets/training/vision/components/instance_segmentation/spec.yaml b/assets/training/vision/components/instance_segmentation/spec.yaml index d75463261b..9c4f9a4369 100644 --- a/assets/training/vision/components/instance_segmentation/spec.yaml +++ b/assets/training/vision/components/instance_segmentation/spec.yaml @@ -5,7 +5,7 @@ description: Component to finetune AutoML legacy models for instance segmentatio name: train_instance_segmentation_model display_name: Image Instance Segmentation AutoML Legacy Model Finetune -version: 0.0.12 +version: 0.0.13 is_deterministic: false @@ -220,7 +220,7 @@ outputs: code: ../src -environment: azureml://registries/azureml/environments/automl-dnn-vision-gpu/versions/34 +environment: azureml://registries/azureml/environments/automl-dnn-vision-gpu/labels/latest command: >- python -m instance_segmentation.run diff --git a/assets/training/vision/components/object_detection/spec.yaml b/assets/training/vision/components/object_detection/spec.yaml index f75c1dc627..dcb181a978 100644 --- a/assets/training/vision/components/object_detection/spec.yaml +++ b/assets/training/vision/components/object_detection/spec.yaml @@ -5,7 +5,7 @@ description: Component to finetune AutoML legacy models for object detection. name: train_object_detection_model display_name: Image Object Detection AutoML Legacy Model Finetune -version: 0.0.12 +version: 0.0.13 is_deterministic: false @@ -230,7 +230,7 @@ outputs: code: ../src -environment: azureml://registries/azureml/environments/automl-dnn-vision-gpu/versions/34 +environment: azureml://registries/azureml/environments/automl-dnn-vision-gpu/labels/latest command: >- python -m object_detection.run