Skip to content

Commit 1b683a9

Browse files
Merge branch 'main' into abhisheku/mmlab_model_selection
2 parents 79817c8 + ed4e91e commit 1b683a9

File tree

25 files changed

+75
-75
lines changed

25 files changed

+75
-75
lines changed

assets/training/finetune_acft_common/components/validation/spec.yaml

Lines changed: 2 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -1,14 +1,14 @@
11
$schema: https://azuremlschemas.azureedge.net/latest/commandComponent.schema.json
22
type: command
33

4-
version: 0.0.7
4+
version: 0.0.8
55
name: finetune_common_validation
66
display_name: Common Validation Component
77
description: Component to validate the finetune job against Validation Service
88

99
is_deterministic: True
1010

11-
environment: azureml://registries/azureml/environments/acpt-pytorch-2.2-cuda12.1/versions/23
11+
environment: azureml://registries/azureml/environments/acpt-pytorch-2.2-cuda12.1/labels/latest
1212

1313
code: ../../src/validation
1414

assets/training/finetune_acft_hf_nlp/components/finetune/text_classification/spec.yaml

Lines changed: 2 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -1,14 +1,14 @@
11
$schema: https://azuremlschemas.azureedge.net/latest/commandComponent.schema.json
22
name: text_classification_finetune
3-
version: 0.0.65
3+
version: 0.0.66
44
type: command
55

66
is_deterministic: false
77

88
display_name: Text Classification Finetune
99
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.
1010

11-
environment: azureml://registries/azureml/environments/acft-hf-nlp-gpu/versions/80
11+
environment: azureml://registries/azureml/environments/acft-hf-nlp-gpu/labels/latest
1212

1313
code: ../../../src/finetune
1414

assets/training/finetune_acft_hf_nlp/components/finetune/token_classification/spec.yaml

Lines changed: 2 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -1,14 +1,14 @@
11
$schema: https://azuremlschemas.azureedge.net/latest/commandComponent.schema.json
22
name: token_classification_finetune
3-
version: 0.0.65
3+
version: 0.0.66
44
type: command
55

66
is_deterministic: false
77

88
display_name: Token Classification Finetune
99
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.
1010

11-
environment: azureml://registries/azureml/environments/acft-hf-nlp-gpu/versions/80
11+
environment: azureml://registries/azureml/environments/acft-hf-nlp-gpu/labels/latest
1212

1313
code: ../../../src/finetune
1414

assets/training/finetune_acft_hf_nlp/components/model_import/text_classification/spec.yaml

Lines changed: 2 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -1,14 +1,14 @@
11
$schema: https://azuremlschemas.azureedge.net/latest/commandComponent.schema.json
22
name: text_classification_model_import
3-
version: 0.0.65
3+
version: 0.0.66
44
type: command
55

66
is_deterministic: True
77

88
display_name: Text Classification Model Import
99
description: Component to import PyTorch / MLFlow model. See [docs](https://aka.ms/azureml/components/text_classification_model_import) to learn more.
1010

11-
environment: azureml://registries/azureml/environments/acft-hf-nlp-gpu/versions/80
11+
environment: azureml://registries/azureml/environments/acft-hf-nlp-gpu/labels/latest
1212

1313
code: ../../../src/model_selector
1414

assets/training/finetune_acft_hf_nlp/components/model_import/token_classification/spec.yaml

Lines changed: 2 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -1,14 +1,14 @@
11
$schema: https://azuremlschemas.azureedge.net/latest/commandComponent.schema.json
22
name: token_classification_model_import
3-
version: 0.0.65
3+
version: 0.0.66
44
type: command
55

66
is_deterministic: True
77

88
display_name: Token Classification Model Import
99
description: Component to import PyTorch / MLFlow model. See [docs](https://aka.ms/azureml/components/token_classification_model_import) to learn more.
1010

11-
environment: azureml://registries/azureml/environments/acft-hf-nlp-gpu/versions/80
11+
environment: azureml://registries/azureml/environments/acft-hf-nlp-gpu/labels/latest
1212

1313
code: ../../../src/model_selector
1414

assets/training/finetune_acft_hf_nlp/components/pipeline_components/nlp_multiclass/spec.yaml

Lines changed: 4 additions & 4 deletions
Original file line numberDiff line numberDiff line change
@@ -1,6 +1,6 @@
11
$schema: https://azuremlschemas.azureedge.net/latest/pipelineComponent.schema.json
22
name: nlp_textclassification_multiclass
3-
version: 0.0.2
3+
version: 0.0.3
44
type: pipeline
55
display_name: PipelineComponent for AutoML NLP Multiclass TextClassification
66
description: Pipeline component for AutoML NLP Multiclass Text classification
@@ -224,13 +224,13 @@ outputs:
224224
jobs:
225225
model_import:
226226
type: command
227-
component: azureml:text_classification_model_import:0.0.12_nlp
227+
component: azureml:text_classification_model_import:0.0.66
228228
compute: ${{parent.inputs.compute_model_import}}
229229
inputs:
230230
huggingface_id: ${{parent.inputs.model_name}}
231231
preprocess:
232232
type: command
233-
component: azureml:nlp_multiclass_datapreprocessing:0.0.1
233+
component: azureml:nlp_multiclass_datapreprocessing:0.0.2
234234
compute: ${{parent.inputs.compute_preprocess}}
235235
inputs:
236236
label_column_name: ${{parent.inputs.label_column_name}}
@@ -240,7 +240,7 @@ jobs:
240240
enable_long_range_text: ${{parent.inputs.enable_long_range_text}}
241241
finetune:
242242
type: command
243-
component: azureml:text_classification_finetune:0.0.14_nlp
243+
component: azureml:text_classification_finetune:0.0.66
244244
compute: ${{parent.inputs.compute_finetune}}
245245
distribution:
246246
type: pytorch

assets/training/finetune_acft_hf_nlp/components/pipeline_components/nlp_multilabel/spec.yaml

Lines changed: 4 additions & 4 deletions
Original file line numberDiff line numberDiff line change
@@ -1,6 +1,6 @@
11
$schema: https://azuremlschemas.azureedge.net/latest/pipelineComponent.schema.json
22
name: nlp_textclassification_multilabel
3-
version: 0.0.2
3+
version: 0.0.3
44
type: pipeline
55
display_name: PipelineComponent for AutoML NLP Multilabel TextClassification
66
description: Pipeline component for AutoML NLP Multilabel Text classification
@@ -224,13 +224,13 @@ outputs:
224224
jobs:
225225
model_import:
226226
type: command
227-
component: azureml:text_classification_model_import:0.0.12_nlp
227+
component: azureml:text_classification_model_import:0.0.66
228228
compute: ${{parent.inputs.compute_model_import}}
229229
inputs:
230230
huggingface_id: ${{parent.inputs.model_name}}
231231
preprocess:
232232
type: command
233-
component: azureml:nlp_multilabel_datapreprocessing:0.0.1
233+
component: azureml:nlp_multilabel_datapreprocessing:0.0.2
234234
compute: ${{parent.inputs.compute_preprocess}}
235235
inputs:
236236
label_column_name: ${{parent.inputs.label_column_name}}
@@ -240,7 +240,7 @@ jobs:
240240
enable_long_range_text: ${{parent.inputs.enable_long_range_text}}
241241
finetune:
242242
type: command
243-
component: azureml:text_classification_finetune:0.0.14_nlp
243+
component: azureml:text_classification_finetune:0.0.66
244244
compute: ${{parent.inputs.compute_finetune}}
245245
distribution:
246246
type: pytorch

assets/training/finetune_acft_hf_nlp/components/pipeline_components/nlp_ner/spec.yaml

Lines changed: 4 additions & 4 deletions
Original file line numberDiff line numberDiff line change
@@ -1,6 +1,6 @@
11
$schema: https://azuremlschemas.azureedge.net/latest/pipelineComponent.schema.json
22
name: nlp_textclassification_ner
3-
version: 0.0.2
3+
version: 0.0.3
44
type: pipeline
55
display_name: PipelineComponent for AutoML NLP NER
66
description: Pipeline component for AutoML NLP NER
@@ -216,21 +216,21 @@ outputs:
216216
jobs:
217217
model_import:
218218
type: command
219-
component: azureml:token_classification_model_import:0.0.12_nlp
219+
component: azureml:token_classification_model_import:0.0.66
220220
compute: ${{parent.inputs.compute_model_import}}
221221
inputs:
222222
huggingface_id: ${{parent.inputs.model_name}}
223223
preprocess:
224224
type: command
225-
component: azureml:nlp_ner_datapreprocessing:0.0.1
225+
component: azureml:nlp_ner_datapreprocessing:0.0.2
226226
compute: ${{parent.inputs.compute_preprocess}}
227227
inputs:
228228
train_file_path: ${{parent.inputs.training_data}}
229229
valid_file_path: ${{parent.inputs.validation_data}}
230230
model_selector_output: ${{parent.jobs.model_import.outputs.output_dir}}
231231
finetune:
232232
type: command
233-
component: azureml:token_classification_finetune:0.0.14_nlp
233+
component: azureml:token_classification_finetune:0.0.66
234234
compute: ${{parent.inputs.compute_finetune}}
235235
distribution:
236236
type: pytorch

assets/training/finetune_acft_hf_nlp/components/preprocess/nlp_multiclass/spec.yaml

Lines changed: 2 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -1,14 +1,14 @@
11
$schema: https://azuremlschemas.azureedge.net/latest/commandComponent.schema.json
22
name: nlp_multiclass_datapreprocessing
3-
version: 0.0.1
3+
version: 0.0.2
44
type: command
55

66
is_deterministic: True
77

88
display_name: DataPreProcessing for AutoMLNLPMulticlass
99
description: Component to preprocess data for automl nlp multiclass classification task
1010

11-
environment: azureml://registries/azureml/environments/acft-hf-nlp-gpu/versions/16
11+
environment: azureml://registries/azureml/environments/acft-hf-nlp-gpu/labels/latest
1212

1313
code: ../../../src/preprocess
1414

assets/training/finetune_acft_hf_nlp/components/preprocess/nlp_multilabel/spec.yaml

Lines changed: 2 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -1,14 +1,14 @@
11
$schema: https://azuremlschemas.azureedge.net/latest/commandComponent.schema.json
22
name: nlp_multilabel_datapreprocessing
3-
version: 0.0.1
3+
version: 0.0.2
44
type: command
55

66
is_deterministic: True
77

88
display_name: DataPreProcessing for AutoMLNLPMultilabel
99
description: Component to preprocess data for automl nlp multilabel classification task
1010

11-
environment: azureml://registries/azureml/environments/acft-hf-nlp-gpu/versions/16
11+
environment: azureml://registries/azureml/environments/acft-hf-nlp-gpu/labels/latest
1212

1313
code: ../../../src/preprocess
1414

assets/training/finetune_acft_hf_nlp/components/preprocess/nlp_ner/spec.yaml

Lines changed: 2 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -1,14 +1,14 @@
11
$schema: https://azuremlschemas.azureedge.net/latest/commandComponent.schema.json
22
name: nlp_ner_datapreprocessing
3-
version: 0.0.1
3+
version: 0.0.2
44
type: command
55

66
is_deterministic: True
77

88
display_name: DataPreProcessing for AutoMLNLPNER
99
description: Component to preprocess data for automl nlp ner task
1010

11-
environment: azureml://registries/azureml/environments/acft-hf-nlp-gpu/versions/16
11+
environment: azureml://registries/azureml/environments/acft-hf-nlp-gpu/labels/latest
1212

1313
code: ../../../src/preprocess
1414

assets/training/finetune_acft_image/components/finetune/hf_classification/spec.yaml

Lines changed: 2 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -1,14 +1,14 @@
11
$schema: https://azuremlschemas.azureedge.net/latest/commandComponent.schema.json
22
type: command
33

4-
version: 0.0.19
4+
version: 0.0.20
55
name: transformers_image_classification_finetune
66
display_name: Image Classification HuggingFace Transformers Model Finetune
77
description: Component to finetune HuggingFace transformers models for image classification.
88

99
is_deterministic: false
1010

11-
environment: azureml://registries/azureml/environments/acft-transformers-image-gpu/versions/46
11+
environment: azureml://registries/azureml/environments/acft-transformers-image-gpu/labels/latest
1212

1313
code: ../../../src/finetune
1414

assets/training/finetune_acft_image/components/finetune/mmd_od_is/spec.yaml

Lines changed: 2 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -1,14 +1,14 @@
11
$schema: https://azuremlschemas.azureedge.net/latest/commandComponent.schema.json
22
type: command
33

4-
version: 0.0.20
4+
version: 0.0.21
55
name: mmdetection_image_objectdetection_instancesegmentation_finetune
66
display_name: Image Object Detection and Instance Segmentation MMDetection Model Finetune
77
description: Component to finetune MMDetection models for image object detection and instance segmentation.
88

99
is_deterministic: false
1010

11-
environment: azureml://registries/azureml/environments/acft-mmdetection-image-gpu/versions/48
11+
environment: azureml://registries/azureml/environments/acft-mmdetection-image-gpu/labels/latest
1212

1313
code: ../../../src/finetune
1414

assets/training/finetune_acft_image/components/framework_selector/spec.yaml

Lines changed: 2 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -1,14 +1,14 @@
11
$schema: https://azuremlschemas.azureedge.net/development/commandComponent.schema.json
22
type: command
33

4-
version: 0.0.19
4+
version: 0.0.20
55
name: image_framework_selector
66
display_name: Framework Selector for Image Tasks
77
description: Framework selector control flow component for image tasks
88

99
is_deterministic: true
1010

11-
environment: azureml://registries/azureml/environments/acpt-automl-image-framework-selector-gpu/versions/44
11+
environment: azureml://registries/azureml/environments/acpt-automl-image-framework-selector-gpu/labels/latest
1212

1313
code: ../../src/framework_selector
1414

assets/training/finetune_acft_image/components/model_import/hf_classification/spec.yaml

Lines changed: 2 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -1,14 +1,14 @@
11
$schema: https://azuremlschemas.azureedge.net/latest/commandComponent.schema.json
22
type: command
33

4-
version: 0.0.19
4+
version: 0.0.20
55
name: transformers_image_classification_model_import
66
display_name: Image Classification HuggingFace Transformers Model Import
77
description: Import PyTorch / MLflow model
88

99
is_deterministic: True
1010

11-
environment: azureml://registries/azureml/environments/acft-transformers-image-gpu/versions/46
11+
environment: azureml://registries/azureml/environments/acft-transformers-image-gpu/labels/latest
1212

1313
code: ../../../src/model_selector
1414

assets/training/finetune_acft_image/components/model_import/mmd_od_is/spec.yaml

Lines changed: 2 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -1,14 +1,14 @@
11
$schema: https://azuremlschemas.azureedge.net/latest/commandComponent.schema.json
22
type: command
33

4-
version: 0.0.19
4+
version: 0.0.20
55
name: mmdetection_image_objectdetection_instancesegmentation_model_import
66
display_name: Image Object Detection and Instance Segmentation MMDetection Model Import
77
description: Import PyTorch / MLflow model
88

99
is_deterministic: True
1010

11-
environment: azureml://registries/azureml/environments/acft-mmdetection-image-gpu/versions/46
11+
environment: azureml://registries/azureml/environments/acft-mmdetection-image-gpu/labels/latest
1212

1313
code: ../../../src/model_selector
1414

assets/training/finetune_acft_image/components/model_output_selector/spec.yaml

Lines changed: 2 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -1,14 +1,14 @@
11
$schema: https://azuremlschemas.azureedge.net/latest/commandComponent.schema.json
22
type: command
33

4-
version: 0.0.18
4+
version: 0.0.19
55
name: image_model_output_selector
66
display_name: Model output selector for image components
77
description: Model output selector control flow component for image tasks
88

99
is_deterministic: true
1010

11-
environment: azureml://registries/azureml/environments/acpt-automl-image-framework-selector-gpu/versions/44
11+
environment: azureml://registries/azureml/environments/acpt-automl-image-framework-selector-gpu/labels/latest
1212

1313
code: ../../src/model_output_selector
1414

assets/training/finetune_acft_image/components/pipeline_components/classification/spec.yaml

Lines changed: 7 additions & 7 deletions
Original file line numberDiff line numberDiff line change
@@ -1,7 +1,7 @@
11
$schema: https://azuremlschemas.azureedge.net/latest/pipelineComponent.schema.json
22
type: pipeline
33

4-
version: 0.0.22
4+
version: 0.0.23
55
name: image_classification_pipeline
66
display_name: Image Classification Pipeline
77
description: Pipeline component for image classification.
@@ -255,7 +255,7 @@ jobs:
255255

256256
finetune_common_validation:
257257
type: command
258-
component: azureml:finetune_common_validation:0.0.7
258+
component: azureml:finetune_common_validation:0.0.8
259259
compute: ${{parent.inputs.compute_model_import}}
260260
inputs:
261261
train_mltable_path: ${{parent.inputs.training_data}}
@@ -269,7 +269,7 @@ jobs:
269269

270270
framework_selector:
271271
type: command
272-
component: azureml:image_framework_selector:0.0.19
272+
component: azureml:image_framework_selector:0.0.20
273273
compute: ${{parent.inputs.compute_model_import}}
274274
inputs:
275275
task_type: 'image-classification'
@@ -278,7 +278,7 @@ jobs:
278278

279279
image_classification_runtime_component:
280280
type: command
281-
component: azureml:train_image_classification_model:0.0.12
281+
component: azureml:train_image_classification_model:0.0.13
282282
compute: ${{parent.inputs.compute_finetune}}
283283
resources:
284284
shm_size: '16g'
@@ -320,7 +320,7 @@ jobs:
320320

321321
hugging_face_model_import:
322322
type: command
323-
component: azureml:transformers_image_classification_model_import:0.0.19
323+
component: azureml:transformers_image_classification_model_import:0.0.20
324324
compute: ${{parent.inputs.compute_model_import}}
325325
inputs:
326326
model_family: 'HuggingFaceImage'
@@ -330,7 +330,7 @@ jobs:
330330

331331
hugging_face_finetune:
332332
type: command
333-
component: azureml:transformers_image_classification_finetune:0.0.19
333+
component: azureml:transformers_image_classification_finetune:0.0.20
334334
compute: ${{parent.inputs.compute_finetune}}
335335
distribution:
336336
type: pytorch
@@ -372,7 +372,7 @@ jobs:
372372

373373
output_selector:
374374
type: command
375-
component: azureml:image_model_output_selector:0.0.18
375+
component: azureml:image_model_output_selector:0.0.19
376376
compute: ${{parent.inputs.compute_model_import}}
377377
inputs:
378378
mlflow_model_t: ${{parent.jobs.image_classification_runtime_component.outputs.mlflow_model_folder}}

0 commit comments

Comments
 (0)