google-cloud-pipeline-components 2.13.1__py3-none-any.whl → 2.14.1__py3-none-any.whl
This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.
Potentially problematic release.
This version of google-cloud-pipeline-components might be problematic. Click here for more details.
- google_cloud_pipeline_components/__init__.py +5 -6
- google_cloud_pipeline_components/_implementation/llm/deployment_graph.py +12 -34
- google_cloud_pipeline_components/_implementation/llm/env.py +1 -1
- google_cloud_pipeline_components/_implementation/llm/function_based.py +14 -48
- google_cloud_pipeline_components/_implementation/llm/generated/refined_image_versions.py +1 -1
- google_cloud_pipeline_components/_implementation/llm/infer_preprocessor.py +109 -0
- google_cloud_pipeline_components/_implementation/llm/online_evaluation_pairwise.py +8 -0
- google_cloud_pipeline_components/_implementation/llm/reinforcement_learning_graph.py +27 -36
- google_cloud_pipeline_components/_implementation/llm/reward_model_graph.py +31 -47
- google_cloud_pipeline_components/_implementation/llm/rlhf_preprocessor.py +84 -0
- google_cloud_pipeline_components/_implementation/llm/validate_pipeline.py +11 -0
- google_cloud_pipeline_components/_implementation/model_evaluation/__init__.py +0 -12
- google_cloud_pipeline_components/_implementation/model_evaluation/llm_embedding/evaluation_llm_embedding_pipeline.py +2 -1
- google_cloud_pipeline_components/_placeholders.py +30 -1
- google_cloud_pipeline_components/preview/automl/forecasting/forecasting_ensemble.py +1 -1
- google_cloud_pipeline_components/preview/automl/forecasting/forecasting_stage_1_tuner.py +2 -2
- google_cloud_pipeline_components/preview/automl/forecasting/forecasting_stage_2_tuner.py +2 -2
- google_cloud_pipeline_components/preview/automl/forecasting/learn_to_learn_forecasting_pipeline.yaml +34 -34
- google_cloud_pipeline_components/preview/automl/forecasting/sequence_to_sequence_forecasting_pipeline.yaml +34 -34
- google_cloud_pipeline_components/preview/automl/forecasting/temporal_fusion_transformer_forecasting_pipeline.yaml +34 -34
- google_cloud_pipeline_components/preview/automl/forecasting/time_series_dense_encoder_forecasting_pipeline.yaml +34 -34
- google_cloud_pipeline_components/preview/automl/tabular/auto_feature_engineering.py +1 -1
- google_cloud_pipeline_components/preview/automl/tabular/automl_tabular_feature_selection_pipeline.yaml +39 -39
- google_cloud_pipeline_components/preview/automl/tabular/automl_tabular_v2_pipeline.yaml +41 -41
- google_cloud_pipeline_components/preview/automl/tabular/distillation_stage_feature_transform_engine.py +2 -2
- google_cloud_pipeline_components/preview/automl/tabular/feature_selection.py +2 -2
- google_cloud_pipeline_components/preview/automl/tabular/feature_selection_pipeline.yaml +4 -4
- google_cloud_pipeline_components/preview/automl/tabular/feature_transform_engine.py +3 -3
- google_cloud_pipeline_components/preview/automl/tabular/tabnet_hyperparameter_tuning_job.py +2 -2
- google_cloud_pipeline_components/preview/automl/tabular/tabnet_hyperparameter_tuning_job_pipeline.yaml +17 -17
- google_cloud_pipeline_components/preview/automl/tabular/tabnet_trainer.py +2 -2
- google_cloud_pipeline_components/preview/automl/tabular/tabnet_trainer_pipeline.yaml +15 -15
- google_cloud_pipeline_components/preview/automl/tabular/wide_and_deep_hyperparameter_tuning_job.py +2 -2
- google_cloud_pipeline_components/preview/automl/tabular/wide_and_deep_hyperparameter_tuning_job_pipeline.yaml +16 -16
- google_cloud_pipeline_components/preview/automl/tabular/wide_and_deep_trainer.py +2 -2
- google_cloud_pipeline_components/preview/automl/tabular/wide_and_deep_trainer_pipeline.yaml +15 -15
- google_cloud_pipeline_components/preview/automl/tabular/xgboost_hyperparameter_tuning_job_pipeline.yaml +14 -14
- google_cloud_pipeline_components/preview/automl/tabular/xgboost_trainer_pipeline.yaml +13 -13
- google_cloud_pipeline_components/preview/automl/vision/data_converter.py +3 -1
- google_cloud_pipeline_components/preview/custom_job/component.py +2 -2
- google_cloud_pipeline_components/preview/custom_job/utils.py +3 -2
- google_cloud_pipeline_components/preview/llm/infer/component.py +22 -25
- google_cloud_pipeline_components/preview/llm/rlhf/component.py +72 -10
- google_cloud_pipeline_components/preview/model_evaluation/__init__.py +5 -2
- google_cloud_pipeline_components/preview/model_evaluation/model_evaluation_import_component.py +209 -0
- google_cloud_pipeline_components/proto/task_error_pb2.py +33 -0
- google_cloud_pipeline_components/proto/template_metadata_pb2.py +22 -15
- google_cloud_pipeline_components/v1/automl/forecasting/bqml_arima_predict_pipeline.yaml +10 -10
- google_cloud_pipeline_components/v1/automl/forecasting/bqml_arima_train_pipeline.yaml +31 -31
- google_cloud_pipeline_components/v1/automl/forecasting/prophet_predict_pipeline.yaml +13 -13
- google_cloud_pipeline_components/v1/automl/forecasting/prophet_trainer.py +13 -3
- google_cloud_pipeline_components/v1/automl/forecasting/prophet_trainer_pipeline.yaml +18 -15
- google_cloud_pipeline_components/v1/automl/tabular/automl_tabular_pipeline.yaml +37 -37
- google_cloud_pipeline_components/v1/automl/tabular/cv_trainer.py +2 -2
- google_cloud_pipeline_components/v1/automl/tabular/ensemble.py +2 -2
- google_cloud_pipeline_components/v1/automl/tabular/finalizer.py +1 -1
- google_cloud_pipeline_components/v1/automl/tabular/infra_validator.py +1 -1
- google_cloud_pipeline_components/v1/automl/tabular/split_materialized_data.py +1 -1
- google_cloud_pipeline_components/v1/automl/tabular/stage_1_tuner.py +2 -2
- google_cloud_pipeline_components/v1/automl/tabular/stats_and_example_gen.py +2 -2
- google_cloud_pipeline_components/v1/automl/tabular/training_configurator_and_validator.py +1 -1
- google_cloud_pipeline_components/v1/automl/tabular/transform.py +2 -2
- google_cloud_pipeline_components/v1/model_evaluation/__init__.py +3 -1
- google_cloud_pipeline_components/v1/model_evaluation/classification_component.py +2 -2
- google_cloud_pipeline_components/v1/model_evaluation/error_analysis_pipeline.py +8 -10
- google_cloud_pipeline_components/v1/model_evaluation/evaluated_annotation_pipeline.py +2 -2
- google_cloud_pipeline_components/v1/model_evaluation/evaluation_automl_tabular_feature_attribution_pipeline.py +2 -2
- google_cloud_pipeline_components/v1/model_evaluation/evaluation_automl_tabular_pipeline.py +2 -2
- google_cloud_pipeline_components/v1/model_evaluation/evaluation_automl_unstructure_data_pipeline.py +2 -2
- google_cloud_pipeline_components/v1/model_evaluation/evaluation_feature_attribution_pipeline.py +2 -2
- google_cloud_pipeline_components/v1/model_evaluation/evaluation_llm_classification_pipeline.py +4 -2
- google_cloud_pipeline_components/v1/model_evaluation/evaluation_llm_text_generation_pipeline.py +4 -2
- google_cloud_pipeline_components/{preview → v1}/model_evaluation/model_based_llm_evaluation/__init__.py +2 -2
- google_cloud_pipeline_components/{preview → v1}/model_evaluation/model_based_llm_evaluation/autosxs/autosxs_pipeline.py +1 -0
- google_cloud_pipeline_components/version.py +1 -1
- {google_cloud_pipeline_components-2.13.1.dist-info → google_cloud_pipeline_components-2.14.1.dist-info}/METADATA +18 -19
- {google_cloud_pipeline_components-2.13.1.dist-info → google_cloud_pipeline_components-2.14.1.dist-info}/RECORD +81 -79
- {google_cloud_pipeline_components-2.13.1.dist-info → google_cloud_pipeline_components-2.14.1.dist-info}/WHEEL +1 -1
- google_cloud_pipeline_components/proto/preflight_validations_pb2.py +0 -47
- /google_cloud_pipeline_components/{preview → v1}/model_evaluation/model_based_llm_evaluation/autosxs/__init__.py +0 -0
- {google_cloud_pipeline_components-2.13.1.dist-info → google_cloud_pipeline_components-2.14.1.dist-info}/LICENSE +0 -0
- {google_cloud_pipeline_components-2.13.1.dist-info → google_cloud_pipeline_components-2.14.1.dist-info}/top_level.txt +0 -0
|
@@ -1,4 +1,4 @@
|
|
|
1
|
-
# Copyright
|
|
1
|
+
# Copyright 2024 The Kubeflow Authors. All Rights Reserved.
|
|
2
2
|
#
|
|
3
3
|
# Licensed under the Apache License, Version 2.0 (the "License");
|
|
4
4
|
# you may not use this file except in compliance with the License.
|
|
@@ -21,7 +21,7 @@ from google_cloud_pipeline_components._implementation.model_evaluation import Ev
|
|
|
21
21
|
from google_cloud_pipeline_components._implementation.model_evaluation import EvaluationDatasetPreprocessorOp as DatasetPreprocessorOp
|
|
22
22
|
from google_cloud_pipeline_components._implementation.model_evaluation import FeatureExtractorOp
|
|
23
23
|
from google_cloud_pipeline_components._implementation.model_evaluation import ModelImportEvaluatedAnnotationOp
|
|
24
|
-
from google_cloud_pipeline_components.
|
|
24
|
+
from google_cloud_pipeline_components.preview.model_evaluation.model_evaluation_import_component import model_evaluation_import as ModelImportEvaluationOp
|
|
25
25
|
from google_cloud_pipeline_components.v1.batch_predict_job import ModelBatchPredictOp
|
|
26
26
|
from google_cloud_pipeline_components.v1.dataset import GetVertexDatasetOp
|
|
27
27
|
from google_cloud_pipeline_components.v1.model_evaluation.classification_component import model_evaluation_classification as ModelEvaluationClassificationOp
|
|
@@ -224,14 +224,12 @@ def vision_model_error_analysis_pipeline( # pylint: disable=dangerous-default-v
|
|
|
224
224
|
)
|
|
225
225
|
|
|
226
226
|
with dsl.Condition(
|
|
227
|
-
(
|
|
228
|
-
|
|
229
|
-
|
|
230
|
-
|
|
231
|
-
|
|
232
|
-
|
|
233
|
-
)
|
|
234
|
-
),
|
|
227
|
+
((
|
|
228
|
+
test_dataset_resource_name == ''
|
|
229
|
+
and training_dataset_resource_name == ''
|
|
230
|
+
and test_dataset_annotation_set_name == ''
|
|
231
|
+
and training_dataset_annotation_set_name == ''
|
|
232
|
+
)),
|
|
235
233
|
name='CustomDataset',
|
|
236
234
|
):
|
|
237
235
|
dataset_preprocessor_task = DatasetPreprocessorOp(
|
|
@@ -1,4 +1,4 @@
|
|
|
1
|
-
# Copyright
|
|
1
|
+
# Copyright 2024 The Kubeflow Authors. All Rights Reserved.
|
|
2
2
|
#
|
|
3
3
|
# Licensed under the Apache License, Version 2.0 (the "License");
|
|
4
4
|
# you may not use this file except in compliance with the License.
|
|
@@ -19,7 +19,7 @@ from google_cloud_pipeline_components._implementation.model import GetVertexMode
|
|
|
19
19
|
from google_cloud_pipeline_components._implementation.model_evaluation import EvaluatedAnnotationOp
|
|
20
20
|
from google_cloud_pipeline_components._implementation.model_evaluation import EvaluationDatasetPreprocessorOp as DatasetPreprocessorOp
|
|
21
21
|
from google_cloud_pipeline_components._implementation.model_evaluation import ModelImportEvaluatedAnnotationOp
|
|
22
|
-
from google_cloud_pipeline_components.
|
|
22
|
+
from google_cloud_pipeline_components.preview.model_evaluation.model_evaluation_import_component import model_evaluation_import as ModelImportEvaluationOp
|
|
23
23
|
from google_cloud_pipeline_components.v1.batch_predict_job import ModelBatchPredictOp
|
|
24
24
|
from google_cloud_pipeline_components.v1.dataset import GetVertexDatasetOp
|
|
25
25
|
from google_cloud_pipeline_components.v1.model_evaluation.classification_component import model_evaluation_classification as ModelEvaluationClassificationOp
|
|
@@ -1,4 +1,4 @@
|
|
|
1
|
-
# Copyright
|
|
1
|
+
# Copyright 2024 The Kubeflow Authors. All Rights Reserved.
|
|
2
2
|
#
|
|
3
3
|
# Licensed under the Apache License, Version 2.0 (the "License");
|
|
4
4
|
# you may not use this file except in compliance with the License.
|
|
@@ -17,7 +17,7 @@ from typing import Any, Dict, List, NamedTuple
|
|
|
17
17
|
from google_cloud_pipeline_components import _placeholders
|
|
18
18
|
from google_cloud_pipeline_components._implementation.model import GetVertexModelOp
|
|
19
19
|
from google_cloud_pipeline_components._implementation.model_evaluation import FeatureAttributionGraphComponentOp
|
|
20
|
-
from google_cloud_pipeline_components.
|
|
20
|
+
from google_cloud_pipeline_components.preview.model_evaluation.model_evaluation_import_component import model_evaluation_import as ModelImportEvaluationOp
|
|
21
21
|
from google_cloud_pipeline_components.types.artifact_types import ClassificationMetrics
|
|
22
22
|
from google_cloud_pipeline_components.types.artifact_types import RegressionMetrics
|
|
23
23
|
from google_cloud_pipeline_components.v1.batch_predict_job import ModelBatchPredictOp
|
|
@@ -1,4 +1,4 @@
|
|
|
1
|
-
# Copyright
|
|
1
|
+
# Copyright 2024 The Kubeflow Authors. All Rights Reserved.
|
|
2
2
|
#
|
|
3
3
|
# Licensed under the Apache License, Version 2.0 (the "License");
|
|
4
4
|
# you may not use this file except in compliance with the License.
|
|
@@ -16,7 +16,7 @@ from typing import Any, List, NamedTuple
|
|
|
16
16
|
|
|
17
17
|
from google_cloud_pipeline_components import _placeholders
|
|
18
18
|
from google_cloud_pipeline_components._implementation.model import GetVertexModelOp
|
|
19
|
-
from google_cloud_pipeline_components.
|
|
19
|
+
from google_cloud_pipeline_components.preview.model_evaluation.model_evaluation_import_component import model_evaluation_import as ModelImportEvaluationOp
|
|
20
20
|
from google_cloud_pipeline_components.types.artifact_types import ClassificationMetrics
|
|
21
21
|
from google_cloud_pipeline_components.types.artifact_types import RegressionMetrics
|
|
22
22
|
from google_cloud_pipeline_components.v1.batch_predict_job import ModelBatchPredictOp
|
google_cloud_pipeline_components/v1/model_evaluation/evaluation_automl_unstructure_data_pipeline.py
CHANGED
|
@@ -1,4 +1,4 @@
|
|
|
1
|
-
# Copyright
|
|
1
|
+
# Copyright 2024 The Kubeflow Authors. All Rights Reserved.
|
|
2
2
|
#
|
|
3
3
|
# Licensed under the Apache License, Version 2.0 (the "License");
|
|
4
4
|
# you may not use this file except in compliance with the License.
|
|
@@ -16,8 +16,8 @@ from typing import Any, List, NamedTuple
|
|
|
16
16
|
|
|
17
17
|
from google_cloud_pipeline_components import _placeholders
|
|
18
18
|
from google_cloud_pipeline_components._implementation.model import GetVertexModelOp
|
|
19
|
-
from google_cloud_pipeline_components._implementation.model_evaluation import ModelImportEvaluationOp
|
|
20
19
|
from google_cloud_pipeline_components._implementation.model_evaluation import TargetFieldDataRemoverOp
|
|
20
|
+
from google_cloud_pipeline_components.preview.model_evaluation.model_evaluation_import_component import model_evaluation_import as ModelImportEvaluationOp
|
|
21
21
|
from google_cloud_pipeline_components.types.artifact_types import ClassificationMetrics
|
|
22
22
|
from google_cloud_pipeline_components.types.artifact_types import RegressionMetrics
|
|
23
23
|
from google_cloud_pipeline_components.v1.batch_predict_job import ModelBatchPredictOp
|
google_cloud_pipeline_components/v1/model_evaluation/evaluation_feature_attribution_pipeline.py
CHANGED
|
@@ -1,4 +1,4 @@
|
|
|
1
|
-
# Copyright
|
|
1
|
+
# Copyright 2024 The Kubeflow Authors. All Rights Reserved.
|
|
2
2
|
#
|
|
3
3
|
# Licensed under the Apache License, Version 2.0 (the "License");
|
|
4
4
|
# you may not use this file except in compliance with the License.
|
|
@@ -17,8 +17,8 @@ from typing import Any, Dict, List, NamedTuple
|
|
|
17
17
|
from google_cloud_pipeline_components import _placeholders
|
|
18
18
|
from google_cloud_pipeline_components._implementation.model import GetVertexModelOp
|
|
19
19
|
from google_cloud_pipeline_components._implementation.model_evaluation import FeatureAttributionGraphComponentOp
|
|
20
|
-
from google_cloud_pipeline_components._implementation.model_evaluation import ModelImportEvaluationOp
|
|
21
20
|
from google_cloud_pipeline_components._implementation.model_evaluation import TargetFieldDataRemoverOp
|
|
21
|
+
from google_cloud_pipeline_components.preview.model_evaluation.model_evaluation_import_component import model_evaluation_import as ModelImportEvaluationOp
|
|
22
22
|
from google_cloud_pipeline_components.types.artifact_types import ClassificationMetrics
|
|
23
23
|
from google_cloud_pipeline_components.types.artifact_types import RegressionMetrics
|
|
24
24
|
from google_cloud_pipeline_components.v1.batch_predict_job import ModelBatchPredictOp
|
google_cloud_pipeline_components/v1/model_evaluation/evaluation_llm_classification_pipeline.py
CHANGED
|
@@ -1,4 +1,4 @@
|
|
|
1
|
-
# Copyright
|
|
1
|
+
# Copyright 2024 The Kubeflow Authors. All Rights Reserved.
|
|
2
2
|
#
|
|
3
3
|
# Licensed under the Apache License, Version 2.0 (the "License");
|
|
4
4
|
# you may not use this file except in compliance with the License.
|
|
@@ -17,13 +17,15 @@ from typing import Dict, List, NamedTuple
|
|
|
17
17
|
|
|
18
18
|
from google_cloud_pipeline_components._implementation.model_evaluation import LLMEvaluationClassificationPredictionsPostprocessorOp
|
|
19
19
|
from google_cloud_pipeline_components._implementation.model_evaluation import LLMEvaluationPreprocessorOp
|
|
20
|
-
from google_cloud_pipeline_components._implementation.model_evaluation import ModelImportEvaluationOp
|
|
21
20
|
from google_cloud_pipeline_components._implementation.model_evaluation import ModelNamePreprocessorOp
|
|
21
|
+
from google_cloud_pipeline_components.preview.model_evaluation.model_evaluation_import_component import model_evaluation_import as ModelImportEvaluationOp
|
|
22
22
|
from google_cloud_pipeline_components.types.artifact_types import ClassificationMetrics
|
|
23
23
|
from google_cloud_pipeline_components.types.artifact_types import VertexModel
|
|
24
24
|
from google_cloud_pipeline_components.v1.batch_predict_job import ModelBatchPredictOp
|
|
25
25
|
from google_cloud_pipeline_components.v1.model_evaluation.classification_component import model_evaluation_classification as ModelEvaluationClassificationOp
|
|
26
26
|
from kfp import dsl
|
|
27
|
+
|
|
28
|
+
|
|
27
29
|
# pylint: disable=unused-argument, unexpected-keyword-arg
|
|
28
30
|
|
|
29
31
|
_PIPELINE_NAME = 'evaluation-llm-classification-pipeline'
|
google_cloud_pipeline_components/v1/model_evaluation/evaluation_llm_text_generation_pipeline.py
CHANGED
|
@@ -1,4 +1,4 @@
|
|
|
1
|
-
# Copyright
|
|
1
|
+
# Copyright 2024 The Kubeflow Authors. All Rights Reserved.
|
|
2
2
|
#
|
|
3
3
|
# Licensed under the Apache License, Version 2.0 (the "License");
|
|
4
4
|
# you may not use this file except in compliance with the License.
|
|
@@ -17,11 +17,13 @@ from typing import Dict, List, NamedTuple
|
|
|
17
17
|
|
|
18
18
|
from google_cloud_pipeline_components._implementation.model_evaluation import LLMEvaluationPreprocessorOp
|
|
19
19
|
from google_cloud_pipeline_components._implementation.model_evaluation import LLMEvaluationTextGenerationOp
|
|
20
|
-
from google_cloud_pipeline_components._implementation.model_evaluation import ModelImportEvaluationOp
|
|
21
20
|
from google_cloud_pipeline_components._implementation.model_evaluation import ModelNamePreprocessorOp
|
|
21
|
+
from google_cloud_pipeline_components.preview.model_evaluation.model_evaluation_import_component import model_evaluation_import as ModelImportEvaluationOp
|
|
22
22
|
from google_cloud_pipeline_components.types.artifact_types import VertexModel
|
|
23
23
|
from google_cloud_pipeline_components.v1.batch_predict_job import ModelBatchPredictOp
|
|
24
24
|
from kfp import dsl
|
|
25
|
+
|
|
26
|
+
|
|
25
27
|
# pylint: disable=unused-argument, unexpected-keyword-arg
|
|
26
28
|
|
|
27
29
|
|
|
@@ -11,9 +11,9 @@
|
|
|
11
11
|
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
|
12
12
|
# See the License for the specific language governing permissions and
|
|
13
13
|
# limitations under the License.
|
|
14
|
-
"""Model based LLM evaluation
|
|
14
|
+
"""Model based LLM evaluation GA components."""
|
|
15
15
|
|
|
16
|
-
from google_cloud_pipeline_components.
|
|
16
|
+
from google_cloud_pipeline_components.v1.model_evaluation.model_based_llm_evaluation.autosxs.autosxs_pipeline import autosxs_pipeline
|
|
17
17
|
|
|
18
18
|
__all__ = [
|
|
19
19
|
'autosxs_pipeline',
|
|
@@ -121,6 +121,7 @@ def autosxs_pipeline(
|
|
|
121
121
|
project=project,
|
|
122
122
|
location=location,
|
|
123
123
|
encryption_spec_key_name=encryption_spec_key_name,
|
|
124
|
+
autorater_prompt_parameters=autorater_prompt_parameters,
|
|
124
125
|
).set_display_name('AutoSxS Autorater')
|
|
125
126
|
|
|
126
127
|
metrics = model_evaluation_text_generation_pairwise.model_evaluation_text_generation_pairwise(
|
|
@@ -1,6 +1,6 @@
|
|
|
1
1
|
Metadata-Version: 2.1
|
|
2
2
|
Name: google-cloud-pipeline-components
|
|
3
|
-
Version: 2.
|
|
3
|
+
Version: 2.14.1
|
|
4
4
|
Summary: This SDK enables a set of First Party (Google owned) pipeline components that allow users to take their experience from Vertex AI SDK and other Google Cloud services and create a corresponding pipeline using KFP or Managed Pipelines.
|
|
5
5
|
Home-page: https://github.com/kubeflow/pipelines/tree/master/components/google-cloud
|
|
6
6
|
Author: The Google Cloud Pipeline Components authors
|
|
@@ -19,7 +19,6 @@ Classifier: Intended Audience :: Education
|
|
|
19
19
|
Classifier: Intended Audience :: Science/Research
|
|
20
20
|
Classifier: License :: OSI Approved :: Apache Software License
|
|
21
21
|
Classifier: Programming Language :: Python :: 3
|
|
22
|
-
Classifier: Programming Language :: Python :: 3.7
|
|
23
22
|
Classifier: Programming Language :: Python :: 3.8
|
|
24
23
|
Classifier: Programming Language :: Python :: 3.9
|
|
25
24
|
Classifier: Programming Language :: Python :: 3.10
|
|
@@ -29,27 +28,27 @@ Classifier: Topic :: Scientific/Engineering :: Artificial Intelligence
|
|
|
29
28
|
Classifier: Topic :: Software Development
|
|
30
29
|
Classifier: Topic :: Software Development :: Libraries
|
|
31
30
|
Classifier: Topic :: Software Development :: Libraries :: Python Modules
|
|
32
|
-
Requires-Python: >=3.
|
|
31
|
+
Requires-Python: >=3.8.0,<3.12.0
|
|
33
32
|
Description-Content-Type: text/markdown
|
|
34
33
|
License-File: LICENSE
|
|
35
|
-
Requires-Dist: google-api-core !=2.0.*,!=2.1.*,!=2.2.*,!=2.3.0,<3.0.0dev,>=1.31.5
|
|
36
|
-
Requires-Dist: kfp <=2.7.0,>=2.6.0
|
|
37
|
-
Requires-Dist: google-cloud-aiplatform <2,>=1.14.0
|
|
38
|
-
Requires-Dist: Jinja2 <4,>=3.1.2
|
|
34
|
+
Requires-Dist: google-api-core (!=2.0.*,!=2.1.*,!=2.2.*,!=2.3.0,<3.0.0dev,>=1.31.5)
|
|
35
|
+
Requires-Dist: kfp (<=2.7.0,>=2.6.0)
|
|
36
|
+
Requires-Dist: google-cloud-aiplatform (<2,>=1.14.0)
|
|
37
|
+
Requires-Dist: Jinja2 (<4,>=3.1.2)
|
|
39
38
|
Provides-Extra: docs
|
|
40
|
-
Requires-Dist: protobuf <5,>=4.21.1 ; extra == 'docs'
|
|
41
|
-
Requires-Dist: grpcio-status <=1.47.0 ; extra == 'docs'
|
|
42
|
-
Requires-Dist: commonmark ==0.9.1 ; extra == 'docs'
|
|
43
|
-
Requires-Dist: autodocsumm ==0.2.9 ; extra == 'docs'
|
|
44
|
-
Requires-Dist: sphinx <6.0.0,>=5.0.2 ; extra == 'docs'
|
|
45
|
-
Requires-Dist: sphinx-immaterial ==0.9.0 ; extra == 'docs'
|
|
46
|
-
Requires-Dist: sphinx-rtd-theme ==2.0.0 ; extra == 'docs'
|
|
47
|
-
Requires-Dist: m2r2 ==0.3.3.post2 ; extra == 'docs'
|
|
48
|
-
Requires-Dist: sphinx-notfound-page ==0.8.3 ; extra == 'docs'
|
|
39
|
+
Requires-Dist: protobuf (<5,>=4.21.1) ; extra == 'docs'
|
|
40
|
+
Requires-Dist: grpcio-status (<=1.47.0) ; extra == 'docs'
|
|
41
|
+
Requires-Dist: commonmark (==0.9.1) ; extra == 'docs'
|
|
42
|
+
Requires-Dist: autodocsumm (==0.2.9) ; extra == 'docs'
|
|
43
|
+
Requires-Dist: sphinx (<6.0.0,>=5.0.2) ; extra == 'docs'
|
|
44
|
+
Requires-Dist: sphinx-immaterial (==0.9.0) ; extra == 'docs'
|
|
45
|
+
Requires-Dist: sphinx-rtd-theme (==2.0.0) ; extra == 'docs'
|
|
46
|
+
Requires-Dist: m2r2 (==0.3.3.post2) ; extra == 'docs'
|
|
47
|
+
Requires-Dist: sphinx-notfound-page (==0.8.3) ; extra == 'docs'
|
|
49
48
|
Provides-Extra: tests
|
|
50
|
-
Requires-Dist: mock >=4.0.0 ; extra == 'tests'
|
|
51
|
-
Requires-Dist: flake8 >=3.0.0 ; extra == 'tests'
|
|
52
|
-
Requires-Dist: pytest >=6.0.0 ; extra == 'tests'
|
|
49
|
+
Requires-Dist: mock (>=4.0.0) ; extra == 'tests'
|
|
50
|
+
Requires-Dist: flake8 (>=3.0.0) ; extra == 'tests'
|
|
51
|
+
Requires-Dist: pytest (>=6.0.0) ; extra == 'tests'
|
|
53
52
|
|
|
54
53
|
# Google Cloud Pipeline Components
|
|
55
54
|
|
|
@@ -1,39 +1,40 @@
|
|
|
1
|
-
google_cloud_pipeline_components/__init__.py,sha256=
|
|
1
|
+
google_cloud_pipeline_components/__init__.py,sha256=HOU1WNUeWpY1HjluW8vbI7Cai_EFsBqNUPFBCiU5pug,1139
|
|
2
2
|
google_cloud_pipeline_components/_image.py,sha256=lANDYNk1WSuGZSoTTRcWdjsUvCkkA-PmwouTM9Et7fY,828
|
|
3
|
-
google_cloud_pipeline_components/_placeholders.py,sha256=
|
|
3
|
+
google_cloud_pipeline_components/_placeholders.py,sha256=9yIbieYjZkZJg4xuKklxWQVn3Z-9ryb9Q6V15Jqpe98,3090
|
|
4
4
|
google_cloud_pipeline_components/utils.py,sha256=9FG7umyEXhyUvtNeC46NuQ04olDMR3o-Wp78V1xs8GY,11045
|
|
5
|
-
google_cloud_pipeline_components/version.py,sha256=
|
|
5
|
+
google_cloud_pipeline_components/version.py,sha256=mqV8CiP_lQd4grJX2ZcEOIP4iOm7tMfXZiGnTTocXkg,678
|
|
6
6
|
google_cloud_pipeline_components/_implementation/__init__.py,sha256=sb6SfJl6rt3AKjiWxd-KO9DSiZ3PzGZRcsqKuc1A2Cg,606
|
|
7
7
|
google_cloud_pipeline_components/_implementation/llm/__init__.py,sha256=sb6SfJl6rt3AKjiWxd-KO9DSiZ3PzGZRcsqKuc1A2Cg,606
|
|
8
8
|
google_cloud_pipeline_components/_implementation/llm/batch_prediction_pairwise.py,sha256=mARB-tDYFr0tpBrLCIh481H4LDuXdr_8UyKVUaOF5Cw,7569
|
|
9
9
|
google_cloud_pipeline_components/_implementation/llm/bulk_inferrer.py,sha256=k-MHsyESWboHdNeRm9q3MOGwbtZr37QNGm_Y_cGsETA,3958
|
|
10
10
|
google_cloud_pipeline_components/_implementation/llm/deploy_llm_model.py,sha256=Jjme37_M32AK1r_MmHMHZvW8k9LJiqfZ4eJEquWoTt4,5029
|
|
11
|
-
google_cloud_pipeline_components/_implementation/llm/deployment_graph.py,sha256=
|
|
12
|
-
google_cloud_pipeline_components/_implementation/llm/env.py,sha256=
|
|
13
|
-
google_cloud_pipeline_components/_implementation/llm/function_based.py,sha256=
|
|
11
|
+
google_cloud_pipeline_components/_implementation/llm/deployment_graph.py,sha256=zG80-yL9LmqCQrFYp48hIIbIVXtk1xe4QiP_Md3Y3yM,4238
|
|
12
|
+
google_cloud_pipeline_components/_implementation/llm/env.py,sha256=zY5glHO9oPWsALfYquR0euJHJnXbv2w-21mWVNit2Gw,1864
|
|
13
|
+
google_cloud_pipeline_components/_implementation/llm/function_based.py,sha256=SFeq2F27cA1we05xwSWBl7wwuYEx-zPLVq60yRohsTQ,17617
|
|
14
|
+
google_cloud_pipeline_components/_implementation/llm/infer_preprocessor.py,sha256=Pb8HbsCiL5_YYVXteurSu9v2NdO_8mjTeIz7-AmHWb8,5832
|
|
14
15
|
google_cloud_pipeline_components/_implementation/llm/model_evaluation_text_generation_pairwise.py,sha256=W64FNFfbarOcDw1sSG9J-BQCVPUYx3zLAmwLhhGhth0,5102
|
|
15
|
-
google_cloud_pipeline_components/_implementation/llm/online_evaluation_pairwise.py,sha256=
|
|
16
|
+
google_cloud_pipeline_components/_implementation/llm/online_evaluation_pairwise.py,sha256=ZBKuSkl5H00S9X5c5_hlQKmyMKTIgSwZQNQxFhEcP2A,5667
|
|
16
17
|
google_cloud_pipeline_components/_implementation/llm/preference_data_formatter.py,sha256=xqgvMsFgFIuiDAv3V3lf4XJSnLjZSTCHknGkmUcP9fs,5025
|
|
17
18
|
google_cloud_pipeline_components/_implementation/llm/preprocess_chat_dataset.py,sha256=dMf2uXW4znn9W8xv9ZRNSPI6nZvp64FTq5GAqjXFRDk,11746
|
|
18
19
|
google_cloud_pipeline_components/_implementation/llm/private_text_comparison_importer.py,sha256=Cwug1Tmk6tvg-l_qyxA6qr1-rslx33RkxA17sedFCz4,4133
|
|
19
20
|
google_cloud_pipeline_components/_implementation/llm/private_text_importer.py,sha256=go6SqWEH5fuDuXYeIzglQIARNG_etOwhyhCsbQgFI8I,4418
|
|
20
|
-
google_cloud_pipeline_components/_implementation/llm/reinforcement_learning_graph.py,sha256=
|
|
21
|
+
google_cloud_pipeline_components/_implementation/llm/reinforcement_learning_graph.py,sha256=9Bmk0941-yShhLw8uG7iOcGhqs6CUH30c9h_06rNIIk,9756
|
|
21
22
|
google_cloud_pipeline_components/_implementation/llm/reinforcer.py,sha256=yeg_2DGonlmf21KQYQXN28Mza0d6P0IPt9lDEyK5de8,6948
|
|
22
|
-
google_cloud_pipeline_components/_implementation/llm/reward_model_graph.py,sha256=
|
|
23
|
+
google_cloud_pipeline_components/_implementation/llm/reward_model_graph.py,sha256=86KTFH_J_tBmUYfpEVMgayUvdijYecbteYEn8AGYWLc,10196
|
|
23
24
|
google_cloud_pipeline_components/_implementation/llm/reward_model_trainer.py,sha256=xkj2hnHpZMLutGNxoewTVUsRR2bkLNkVUhWwjY9EXKA,5596
|
|
24
|
-
google_cloud_pipeline_components/_implementation/llm/rlhf_preprocessor.py,sha256=
|
|
25
|
+
google_cloud_pipeline_components/_implementation/llm/rlhf_preprocessor.py,sha256=YIKahoSWnrnkjhaINRp23p5-f2GbjOBe-enr5pbFAFo,7917
|
|
25
26
|
google_cloud_pipeline_components/_implementation/llm/supervised_fine_tuner.py,sha256=5HzjhMXMRmaWGv3BlAi8lBg6MMlaaHlbqKez3ZcX5Ss,4951
|
|
26
27
|
google_cloud_pipeline_components/_implementation/llm/upload_llm_model.py,sha256=iLtHLtrXzDbRHbgOW99SA9XDdhr_8omhLX1bTP-tsaE,4724
|
|
27
28
|
google_cloud_pipeline_components/_implementation/llm/upload_tensorboard_metrics.py,sha256=BN-0TQFl49TcE54ltBRt4iZYTjO7718eCLwHKR58ips,4010
|
|
28
29
|
google_cloud_pipeline_components/_implementation/llm/utils.py,sha256=E250cmvw0QUnt8NLDl5crK6K1o1FguUglQIdBVqfwQI,5548
|
|
29
30
|
google_cloud_pipeline_components/_implementation/llm/utils_test.py,sha256=co8gWyrowY5CpkFNsaLGQlD_gpIykkVI7czxIizp5cM,2864
|
|
30
|
-
google_cloud_pipeline_components/_implementation/llm/validate_pipeline.py,sha256=
|
|
31
|
+
google_cloud_pipeline_components/_implementation/llm/validate_pipeline.py,sha256=35E2jx3wG_1-qnF9u6GygEmekJ3dG9LklJx2Bh6ayJ8,4350
|
|
31
32
|
google_cloud_pipeline_components/_implementation/llm/generated/__init__.py,sha256=LYxMCPeZcfGqRbt3mo3hY7U02A6G8aWdP_RtdoqxNrQ,606
|
|
32
|
-
google_cloud_pipeline_components/_implementation/llm/generated/refined_image_versions.py,sha256=
|
|
33
|
+
google_cloud_pipeline_components/_implementation/llm/generated/refined_image_versions.py,sha256=f2xbcTpTWbLmdDGzPFRuDALXhK2S1WCIeLwNHt_rx98,763
|
|
33
34
|
google_cloud_pipeline_components/_implementation/model/__init__.py,sha256=KmOW74re0WZ93DWM1lqqQYbv6w1aIW66BMV3gaAdg3s,811
|
|
34
35
|
google_cloud_pipeline_components/_implementation/model/get_model/__init__.py,sha256=cXMkDUZHVSbXeXSa3qsI6Ef8Tad9nmusw5NUZaYORdE,662
|
|
35
36
|
google_cloud_pipeline_components/_implementation/model/get_model/component.py,sha256=H2sbMTWCw8nMDMT-Ni9-pdzVXEFmHYjtP3z1LcI5m5w,2307
|
|
36
|
-
google_cloud_pipeline_components/_implementation/model_evaluation/__init__.py,sha256=
|
|
37
|
+
google_cloud_pipeline_components/_implementation/model_evaluation/__init__.py,sha256=oB1e-LSzK0pctcXf6M9Uiu3_83QxC7RnUy4lU1dlOJs,4692
|
|
37
38
|
google_cloud_pipeline_components/_implementation/model_evaluation/utils.py,sha256=9V34RtPZSRNeBwcsImaZM6YC3T7CafT_E00Iby4KHxw,3540
|
|
38
39
|
google_cloud_pipeline_components/_implementation/model_evaluation/version.py,sha256=QHCvg6WZkQq-VdX7hbWCQHK-7SjHpxSppGa9ppyJNmk,963
|
|
39
40
|
google_cloud_pipeline_components/_implementation/model_evaluation/chunking/__init__.py,sha256=PRHVsIq1dFb0mweuU0kfUUP90FbX--kxdBGCpwfLTgA,665
|
|
@@ -61,7 +62,7 @@ google_cloud_pipeline_components/_implementation/model_evaluation/import_evaluat
|
|
|
61
62
|
google_cloud_pipeline_components/_implementation/model_evaluation/llm_classification_postprocessor/__init__.py,sha256=kEQ4aaKnV-KulHqbhb6eJIZzk4O7uSBRPzm_e3q_hcA,697
|
|
62
63
|
google_cloud_pipeline_components/_implementation/model_evaluation/llm_classification_postprocessor/component.py,sha256=H0g7nMK3JVdQonLe5jpKvvzm9N2YzFGQUWJwwfxQ33s,11227
|
|
63
64
|
google_cloud_pipeline_components/_implementation/model_evaluation/llm_embedding/__init__.py,sha256=CUSeP0l2KFuo2wbw00DE5Zur0jpgHpZ1aThg7yqWuGY,680
|
|
64
|
-
google_cloud_pipeline_components/_implementation/model_evaluation/llm_embedding/evaluation_llm_embedding_pipeline.py,sha256=
|
|
65
|
+
google_cloud_pipeline_components/_implementation/model_evaluation/llm_embedding/evaluation_llm_embedding_pipeline.py,sha256=U4sI585OGw90_1vmQcX6P6ThjbrRpLwl70xSqtHdVto,14206
|
|
65
66
|
google_cloud_pipeline_components/_implementation/model_evaluation/llm_embedding_retrieval/__init__.py,sha256=Q9YimgEKkKP8QW8fV50nNRjWXdt0_90Qr_gfQ0A9fao,691
|
|
66
67
|
google_cloud_pipeline_components/_implementation/model_evaluation/llm_embedding_retrieval/component.py,sha256=er26AxV0ydpKFbhrLs2IIia9hbLxXhe78Q-fQvvK_20,7265
|
|
67
68
|
google_cloud_pipeline_components/_implementation/model_evaluation/llm_evaluation/__init__.py,sha256=gDyltb_vTZRncaVZbMUkXYBHZsEg_CuaPAQVWUOGy7c,671
|
|
@@ -276,35 +277,35 @@ google_cloud_pipeline_components/container/v1/wait_gcp_resources/remote_runner.p
|
|
|
276
277
|
google_cloud_pipeline_components/preview/__init__.py,sha256=sb6SfJl6rt3AKjiWxd-KO9DSiZ3PzGZRcsqKuc1A2Cg,606
|
|
277
278
|
google_cloud_pipeline_components/preview/automl/__init__.py,sha256=sb6SfJl6rt3AKjiWxd-KO9DSiZ3PzGZRcsqKuc1A2Cg,606
|
|
278
279
|
google_cloud_pipeline_components/preview/automl/forecasting/__init__.py,sha256=Y-PNjGWILh5wMGQLmvaIukfr9KC9oD2GQLhfJDofrAQ,3532
|
|
279
|
-
google_cloud_pipeline_components/preview/automl/forecasting/forecasting_ensemble.py,sha256=
|
|
280
|
-
google_cloud_pipeline_components/preview/automl/forecasting/forecasting_stage_1_tuner.py,sha256=
|
|
281
|
-
google_cloud_pipeline_components/preview/automl/forecasting/forecasting_stage_2_tuner.py,sha256=
|
|
282
|
-
google_cloud_pipeline_components/preview/automl/forecasting/learn_to_learn_forecasting_pipeline.yaml,sha256=
|
|
283
|
-
google_cloud_pipeline_components/preview/automl/forecasting/sequence_to_sequence_forecasting_pipeline.yaml,sha256=
|
|
284
|
-
google_cloud_pipeline_components/preview/automl/forecasting/temporal_fusion_transformer_forecasting_pipeline.yaml,sha256=
|
|
285
|
-
google_cloud_pipeline_components/preview/automl/forecasting/time_series_dense_encoder_forecasting_pipeline.yaml,sha256=
|
|
280
|
+
google_cloud_pipeline_components/preview/automl/forecasting/forecasting_ensemble.py,sha256=UiIXnRrC0StwEbyrOaaFCgaLI_cmlfsZMc5-gD6GIqI,5655
|
|
281
|
+
google_cloud_pipeline_components/preview/automl/forecasting/forecasting_stage_1_tuner.py,sha256=csDNevJqjanzBrwOQZ_A57XOrQFuCIuS0CjdhMQqa6k,6564
|
|
282
|
+
google_cloud_pipeline_components/preview/automl/forecasting/forecasting_stage_2_tuner.py,sha256=RlRZOcVLbWoliAlomnc3Eg8Un7EYKZDbl6f4u4EBOIQ,6376
|
|
283
|
+
google_cloud_pipeline_components/preview/automl/forecasting/learn_to_learn_forecasting_pipeline.yaml,sha256=bISalN654A1jLJjtoh6dCsUPB_IMWxs12Hd7OmWYLQg,357164
|
|
284
|
+
google_cloud_pipeline_components/preview/automl/forecasting/sequence_to_sequence_forecasting_pipeline.yaml,sha256=ltjG3imP76HUlx03NiekniB5LyY6Sjy4SK9xVlFfOHQ,355343
|
|
285
|
+
google_cloud_pipeline_components/preview/automl/forecasting/temporal_fusion_transformer_forecasting_pipeline.yaml,sha256=yWvhx7OiMBJVsjhXePt1raf2FuYZ-x8WnriVp1XJyB0,354449
|
|
286
|
+
google_cloud_pipeline_components/preview/automl/forecasting/time_series_dense_encoder_forecasting_pipeline.yaml,sha256=dXEzuV-q4_eBrvzwzlFaabjJlg_9EnveMadbNMtWkuI,357239
|
|
286
287
|
google_cloud_pipeline_components/preview/automl/forecasting/utils.py,sha256=WpN7O7y95kVry-E-6o9uvR1_DDNXZ-xAA4tQdY6werU,53462
|
|
287
288
|
google_cloud_pipeline_components/preview/automl/tabular/__init__.py,sha256=jzu9udS0cH8lSSvgn3XerrKbs69GpMzI2NGSpNQmbcI,4247
|
|
288
|
-
google_cloud_pipeline_components/preview/automl/tabular/auto_feature_engineering.py,sha256=
|
|
289
|
-
google_cloud_pipeline_components/preview/automl/tabular/automl_tabular_feature_selection_pipeline.yaml,sha256=
|
|
290
|
-
google_cloud_pipeline_components/preview/automl/tabular/automl_tabular_v2_pipeline.yaml,sha256=
|
|
291
|
-
google_cloud_pipeline_components/preview/automl/tabular/distillation_stage_feature_transform_engine.py,sha256=
|
|
292
|
-
google_cloud_pipeline_components/preview/automl/tabular/feature_selection.py,sha256=
|
|
293
|
-
google_cloud_pipeline_components/preview/automl/tabular/feature_selection_pipeline.yaml,sha256=
|
|
294
|
-
google_cloud_pipeline_components/preview/automl/tabular/feature_transform_engine.py,sha256=
|
|
295
|
-
google_cloud_pipeline_components/preview/automl/tabular/tabnet_hyperparameter_tuning_job.py,sha256=
|
|
296
|
-
google_cloud_pipeline_components/preview/automl/tabular/tabnet_hyperparameter_tuning_job_pipeline.yaml,sha256
|
|
297
|
-
google_cloud_pipeline_components/preview/automl/tabular/tabnet_trainer.py,sha256=
|
|
298
|
-
google_cloud_pipeline_components/preview/automl/tabular/tabnet_trainer_pipeline.yaml,sha256=
|
|
289
|
+
google_cloud_pipeline_components/preview/automl/tabular/auto_feature_engineering.py,sha256=80_T60cgEQREPzcHNnYXZ-jhPx0HpTvlupVPgHcS5gM,3643
|
|
290
|
+
google_cloud_pipeline_components/preview/automl/tabular/automl_tabular_feature_selection_pipeline.yaml,sha256=A8J0CIH5YZ0cOG92N_eolGpMRdzPE37SBFIJl9diaiQ,511441
|
|
291
|
+
google_cloud_pipeline_components/preview/automl/tabular/automl_tabular_v2_pipeline.yaml,sha256=g5rbq6WlTlcA1almlSSjJgoDJ5USAD_DNNchSDfZiZ4,580670
|
|
292
|
+
google_cloud_pipeline_components/preview/automl/tabular/distillation_stage_feature_transform_engine.py,sha256=pvRWXwEuDh29_ZJklesDf8hZ4i4HQfU9zvA-e53k894,9629
|
|
293
|
+
google_cloud_pipeline_components/preview/automl/tabular/feature_selection.py,sha256=4IwrjDDZ759fwNPcNIT3ZCKWoBAFRKpjC7vs4K_GB8o,7546
|
|
294
|
+
google_cloud_pipeline_components/preview/automl/tabular/feature_selection_pipeline.yaml,sha256=KAShAH9CAwsKa4F0NgzQdfpxpPIeVipaqPS0Ezb3spg,75354
|
|
295
|
+
google_cloud_pipeline_components/preview/automl/tabular/feature_transform_engine.py,sha256=9PoFSrdx__b6UL5DxbLQI7t5WmvdwS7AUFQ0AzdPzGs,47372
|
|
296
|
+
google_cloud_pipeline_components/preview/automl/tabular/tabnet_hyperparameter_tuning_job.py,sha256=iA61-apGcmULBRZK0y_kH62X1XDcDyooVgkstn0xWnM,9980
|
|
297
|
+
google_cloud_pipeline_components/preview/automl/tabular/tabnet_hyperparameter_tuning_job_pipeline.yaml,sha256=RM2b_jElWDmC_egJ4Ksr-SvHQpJJmy0gJ9L4eqzd3Kc,243042
|
|
298
|
+
google_cloud_pipeline_components/preview/automl/tabular/tabnet_trainer.py,sha256=tJiEqyjvcr32Hujf0eX70aqC5c_rJvYxrq260xWz71g,12748
|
|
299
|
+
google_cloud_pipeline_components/preview/automl/tabular/tabnet_trainer_pipeline.yaml,sha256=PMyvRP2QmZTgK96qiNzutk0sigMxDGAT98wYex9u4d0,202129
|
|
299
300
|
google_cloud_pipeline_components/preview/automl/tabular/utils.py,sha256=R5Vzq9dlFh619Rbw03xuCMpgFxSX2rDNf5i5gGE93yM,168283
|
|
300
|
-
google_cloud_pipeline_components/preview/automl/tabular/wide_and_deep_hyperparameter_tuning_job.py,sha256=
|
|
301
|
-
google_cloud_pipeline_components/preview/automl/tabular/wide_and_deep_hyperparameter_tuning_job_pipeline.yaml,sha256=
|
|
302
|
-
google_cloud_pipeline_components/preview/automl/tabular/wide_and_deep_trainer.py,sha256=
|
|
303
|
-
google_cloud_pipeline_components/preview/automl/tabular/wide_and_deep_trainer_pipeline.yaml,sha256=
|
|
301
|
+
google_cloud_pipeline_components/preview/automl/tabular/wide_and_deep_hyperparameter_tuning_job.py,sha256=mmKMRR2xlUMP_GdlqcH7EqOmO0zUrasy6wR1xn8Oekc,9975
|
|
302
|
+
google_cloud_pipeline_components/preview/automl/tabular/wide_and_deep_hyperparameter_tuning_job_pipeline.yaml,sha256=Pbu8qAA2ARjeWCNudeJCQvfgjlreezaWvv6Sr2byHc0,195050
|
|
303
|
+
google_cloud_pipeline_components/preview/automl/tabular/wide_and_deep_trainer.py,sha256=wZkA7PpvvLFDqdluLir9BvL9FdIxIUiDnLWeg54MC_c,11922
|
|
304
|
+
google_cloud_pipeline_components/preview/automl/tabular/wide_and_deep_trainer_pipeline.yaml,sha256=MOsLro6fElGOaVrD6-pZy7WMdNwbzhhbj-pbqdSaXQ8,190786
|
|
304
305
|
google_cloud_pipeline_components/preview/automl/tabular/xgboost_hyperparameter_tuning_job.py,sha256=BYgs8CyzSObP6NeHbIXQaCV2Cgn2f0uJ47sxWHM6rT0,4787
|
|
305
|
-
google_cloud_pipeline_components/preview/automl/tabular/xgboost_hyperparameter_tuning_job_pipeline.yaml,sha256=
|
|
306
|
+
google_cloud_pipeline_components/preview/automl/tabular/xgboost_hyperparameter_tuning_job_pipeline.yaml,sha256=hl5sQP43x_6zSBmrEyQQyLWh97nQWyDrEsMLz1hDMao,223562
|
|
306
307
|
google_cloud_pipeline_components/preview/automl/tabular/xgboost_trainer.py,sha256=fpc36b4aiggwj7suMa3oCxcJbQoFQZ5H15eFeustDWc,2333
|
|
307
|
-
google_cloud_pipeline_components/preview/automl/tabular/xgboost_trainer_pipeline.yaml,sha256=
|
|
308
|
+
google_cloud_pipeline_components/preview/automl/tabular/xgboost_trainer_pipeline.yaml,sha256=LIANnnSzmg-1iJEXZYtz0VnU0-XcY2BoxWNGOvTIay8,208025
|
|
308
309
|
google_cloud_pipeline_components/preview/automl/tabular/configs/tabnet_params_large_data_large_search_space.json,sha256=PCUg32sSgMbrLrZu2QVV6IyaUyNokUHq3CjS0_0y3uo,3292
|
|
309
310
|
google_cloud_pipeline_components/preview/automl/tabular/configs/tabnet_params_large_data_medium_search_space.json,sha256=ARIW4gkMZfCgjIJVTSUfzJVH4qc6dWmxdJFWSSXAFmA,3261
|
|
310
311
|
google_cloud_pipeline_components/preview/automl/tabular/configs/tabnet_params_large_data_small_search_space.json,sha256=IXoaCZ0heGqduiQKkR-sizbwR1151y9ZeDKqTYVlvPQ,2975
|
|
@@ -317,54 +318,52 @@ google_cloud_pipeline_components/preview/automl/tabular/configs/tabnet_params_sm
|
|
|
317
318
|
google_cloud_pipeline_components/preview/automl/tabular/configs/wide_and_deep_params.json,sha256=g8P6ZBjoQvN8ZDHmUKl2rHZLGMXgoTIEoj9Xmrob0qk,2647
|
|
318
319
|
google_cloud_pipeline_components/preview/automl/tabular/configs/xgboost_params.json,sha256=r5Uwl49bs4vGKlWGm-LrpyJHZRBD2uap1QH6-tzqa_g,7748
|
|
319
320
|
google_cloud_pipeline_components/preview/automl/vision/__init__.py,sha256=ECcFn5XrChjnp52lmK_7ptKesPkItHZHNdww-MBj4cY,758
|
|
320
|
-
google_cloud_pipeline_components/preview/automl/vision/data_converter.py,sha256=
|
|
321
|
+
google_cloud_pipeline_components/preview/automl/vision/data_converter.py,sha256=H3Rik7H-2l6wxO5MRJxuP5-IF3wVyn6s2UztQcH6aTU,6413
|
|
321
322
|
google_cloud_pipeline_components/preview/automl/vision/json_utils.py,sha256=u101hWM6zpknKIQPk387feW_1HE6TI1FeckKL7e-6QA,6001
|
|
322
323
|
google_cloud_pipeline_components/preview/custom_job/__init__.py,sha256=ls8RaNhWZQDcsh4JVaIky16Lu60bjaGyfJ3ADRHk1XU,1295
|
|
323
|
-
google_cloud_pipeline_components/preview/custom_job/component.py,sha256=
|
|
324
|
-
google_cloud_pipeline_components/preview/custom_job/utils.py,sha256=
|
|
324
|
+
google_cloud_pipeline_components/preview/custom_job/component.py,sha256=Br1mhG3adxGl-bhWBXDiPkWvPhNZPhGQZcJlh_yicK4,7556
|
|
325
|
+
google_cloud_pipeline_components/preview/custom_job/utils.py,sha256=6JkjGAXei9ON5M3h4Wp4WOJJt3ZashOp8NxOcca9vts,16579
|
|
325
326
|
google_cloud_pipeline_components/preview/dataflow/__init__.py,sha256=74-o9aye0R356KRmf5sBeXZ3OkBWEn62pywrclsEIW4,773
|
|
326
327
|
google_cloud_pipeline_components/preview/llm/__init__.py,sha256=acmo31OFe-d7Ubo5FC2baLwxORFQzLtLdm8o5cO15qY,996
|
|
327
328
|
google_cloud_pipeline_components/preview/llm/infer/__init__.py,sha256=sb6SfJl6rt3AKjiWxd-KO9DSiZ3PzGZRcsqKuc1A2Cg,606
|
|
328
|
-
google_cloud_pipeline_components/preview/llm/infer/component.py,sha256=
|
|
329
|
+
google_cloud_pipeline_components/preview/llm/infer/component.py,sha256=p6gnwCjex4nKR00GOWv9gKenHavsiyRUb9fbwX7hn2Q,7620
|
|
329
330
|
google_cloud_pipeline_components/preview/llm/rlaif/__init__.py,sha256=LYxMCPeZcfGqRbt3mo3hY7U02A6G8aWdP_RtdoqxNrQ,606
|
|
330
331
|
google_cloud_pipeline_components/preview/llm/rlaif/component.py,sha256=F4uzuz2pcLDd5IJ6--IkZf2dcmimiYfCivwmPwL_QIg,10801
|
|
331
332
|
google_cloud_pipeline_components/preview/llm/rlhf/__init__.py,sha256=sb6SfJl6rt3AKjiWxd-KO9DSiZ3PzGZRcsqKuc1A2Cg,606
|
|
332
|
-
google_cloud_pipeline_components/preview/llm/rlhf/component.py,sha256=
|
|
333
|
-
google_cloud_pipeline_components/preview/model_evaluation/__init__.py,sha256=
|
|
333
|
+
google_cloud_pipeline_components/preview/llm/rlhf/component.py,sha256=HQmAOmg45KpCGeRxDbp__RvIu6J_9RQ-_vlnDE6yxEU,15537
|
|
334
|
+
google_cloud_pipeline_components/preview/model_evaluation/__init__.py,sha256=n076N7S2HEdMuSZ8cyKM6acjCjslOHjCx4SR49asRME,2121
|
|
334
335
|
google_cloud_pipeline_components/preview/model_evaluation/data_bias_component.py,sha256=YiwkWfbGymX_lDIg_x7AP6nYMm3MQp_NgV8xuSZxCpU,5791
|
|
335
336
|
google_cloud_pipeline_components/preview/model_evaluation/feature_attribution_component.py,sha256=XWrI1inQ9hKixFrp2LUdgu7hONYUvbsxv2GXZ-UTkCY,7450
|
|
336
337
|
google_cloud_pipeline_components/preview/model_evaluation/feature_attribution_graph_component.py,sha256=jesgBUKbIB_qQoYb5-Bv_LBbFHl0tPyMlVFx-o1eE6k,13624
|
|
337
338
|
google_cloud_pipeline_components/preview/model_evaluation/model_bias_component.py,sha256=R8WhT8jf_OOpMuABRh2BYTDEcfiGAf6VA-vFgiTymYY,6674
|
|
339
|
+
google_cloud_pipeline_components/preview/model_evaluation/model_evaluation_import_component.py,sha256=ePHbJqWYbZR5wCgJ8aVgDrOcWSoAiVq7df6HxTw1gdY,8118
|
|
338
340
|
google_cloud_pipeline_components/preview/model_evaluation/utils.py,sha256=oRlEvA3zMSTzgxJklZD0A-BzFDx0-PsBHBXZ4kmaREY,7539
|
|
339
|
-
google_cloud_pipeline_components/preview/model_evaluation/model_based_llm_evaluation/__init__.py,sha256=ee_EyGhwqXIjR3Rx9t-o2gV9TssU-VErMU7LtDA7s9k,838
|
|
340
|
-
google_cloud_pipeline_components/preview/model_evaluation/model_based_llm_evaluation/autosxs/__init__.py,sha256=sb6SfJl6rt3AKjiWxd-KO9DSiZ3PzGZRcsqKuc1A2Cg,606
|
|
341
|
-
google_cloud_pipeline_components/preview/model_evaluation/model_based_llm_evaluation/autosxs/autosxs_pipeline.py,sha256=Jzrd6sQsj0E_ECqsODJ-95dk85T6KgsITsvJh6qVpxc,8851
|
|
342
341
|
google_cloud_pipeline_components/proto/__init__.py,sha256=aiPUc6gpQwG9cRTYfw3ChFCJfDr3vAIsm2eMYUDJjJQ,661
|
|
343
342
|
google_cloud_pipeline_components/proto/gcp_resources_pb2.py,sha256=ssNNm4zjiWbuBUS7IH6kyrvvfmcC_Z5F7hOAuQe_YLk,2134
|
|
344
|
-
google_cloud_pipeline_components/proto/
|
|
345
|
-
google_cloud_pipeline_components/proto/template_metadata_pb2.py,sha256=
|
|
343
|
+
google_cloud_pipeline_components/proto/task_error_pb2.py,sha256=cs2dw3NxulXQNCEVEkL6RUmQmDPKhKl4YCMKm4hNXIs,1299
|
|
344
|
+
google_cloud_pipeline_components/proto/template_metadata_pb2.py,sha256=RGyD_xJ9C_YmUCqgqifnY4HF8Y8kkIHzLcpbbqeXUEw,9939
|
|
346
345
|
google_cloud_pipeline_components/types/__init__.py,sha256=1WFkL49QEy-gNb6ywQOE4yZkD7DoULAeiL1tLdb3S28,606
|
|
347
346
|
google_cloud_pipeline_components/types/artifact_types.py,sha256=zvwvzRuFb_s1VS1mtKkltOOACATJk-kG7dVFOUasfw4,23725
|
|
348
347
|
google_cloud_pipeline_components/v1/__init__.py,sha256=E1Fie3Gq3KKLHEBGUUBeuao-Eo1uwuBfAWWhx2siwaE,765
|
|
349
348
|
google_cloud_pipeline_components/v1/automl/__init__.py,sha256=l8whL8MMhZ-KMyacLpGzO-5cNxxD2wUW6PtMVx0C_mI,631
|
|
350
349
|
google_cloud_pipeline_components/v1/automl/forecasting/__init__.py,sha256=FVS4qHJEuAxXZuW9ffOD16_-T0xwaUUBh2j1d4AF8HQ,1488
|
|
351
|
-
google_cloud_pipeline_components/v1/automl/forecasting/bqml_arima_predict_pipeline.yaml,sha256=
|
|
352
|
-
google_cloud_pipeline_components/v1/automl/forecasting/bqml_arima_train_pipeline.yaml,sha256=
|
|
353
|
-
google_cloud_pipeline_components/v1/automl/forecasting/prophet_predict_pipeline.yaml,sha256=
|
|
354
|
-
google_cloud_pipeline_components/v1/automl/forecasting/prophet_trainer.py,sha256=
|
|
355
|
-
google_cloud_pipeline_components/v1/automl/forecasting/prophet_trainer_pipeline.yaml,sha256=
|
|
350
|
+
google_cloud_pipeline_components/v1/automl/forecasting/bqml_arima_predict_pipeline.yaml,sha256=MKyHNlM5pgZ-FAOs9TjPq3dxPhPjHDCzc2TFMEbB9Ho,51452
|
|
351
|
+
google_cloud_pipeline_components/v1/automl/forecasting/bqml_arima_train_pipeline.yaml,sha256=HMR59BvlfnMKup8zzB0UypL8dsTZpjARRRmZRXMr34c,242529
|
|
352
|
+
google_cloud_pipeline_components/v1/automl/forecasting/prophet_predict_pipeline.yaml,sha256=X4S_rHfbhhMOTLOvCxh5NCCJUvLL-dnEXQjG2FIJQbA,93654
|
|
353
|
+
google_cloud_pipeline_components/v1/automl/forecasting/prophet_trainer.py,sha256=hIrhfw5a5RyMvp_UutZSxxSg_n255_6uOGdL2qgQTF4,8815
|
|
354
|
+
google_cloud_pipeline_components/v1/automl/forecasting/prophet_trainer_pipeline.yaml,sha256=Cpf0f5AXyROtIobnaVqUqbqHoKGy_UDEIuWceWANJJE,143006
|
|
356
355
|
google_cloud_pipeline_components/v1/automl/forecasting/utils.py,sha256=Q0SxHlj2jhlpX-buOkxZqDL0wN8Si2-f5iMo08w54ms,14855
|
|
357
356
|
google_cloud_pipeline_components/v1/automl/tabular/__init__.py,sha256=Clqtp6KThsxtvgu6Egj-dbkftci-VWDSKXXo_T6bTv8,2480
|
|
358
|
-
google_cloud_pipeline_components/v1/automl/tabular/automl_tabular_pipeline.yaml,sha256=
|
|
359
|
-
google_cloud_pipeline_components/v1/automl/tabular/cv_trainer.py,sha256=
|
|
360
|
-
google_cloud_pipeline_components/v1/automl/tabular/ensemble.py,sha256=
|
|
361
|
-
google_cloud_pipeline_components/v1/automl/tabular/finalizer.py,sha256=
|
|
362
|
-
google_cloud_pipeline_components/v1/automl/tabular/infra_validator.py,sha256=
|
|
363
|
-
google_cloud_pipeline_components/v1/automl/tabular/split_materialized_data.py,sha256=
|
|
364
|
-
google_cloud_pipeline_components/v1/automl/tabular/stage_1_tuner.py,sha256=
|
|
365
|
-
google_cloud_pipeline_components/v1/automl/tabular/stats_and_example_gen.py,sha256=
|
|
366
|
-
google_cloud_pipeline_components/v1/automl/tabular/training_configurator_and_validator.py,sha256=
|
|
367
|
-
google_cloud_pipeline_components/v1/automl/tabular/transform.py,sha256=
|
|
357
|
+
google_cloud_pipeline_components/v1/automl/tabular/automl_tabular_pipeline.yaml,sha256=6u0d5gEDvd-DV6ZUjsOmVDaob0je26goe6s41pUz5SE,500714
|
|
358
|
+
google_cloud_pipeline_components/v1/automl/tabular/cv_trainer.py,sha256=SoPLL7PgENmKrVCKd_IHamSV9-8xY46SadGeZOtGKQo,6708
|
|
359
|
+
google_cloud_pipeline_components/v1/automl/tabular/ensemble.py,sha256=C8bT_flee84RdX4D2Wj7virYy3RI1V9bVQmuEGOZz5A,6935
|
|
360
|
+
google_cloud_pipeline_components/v1/automl/tabular/finalizer.py,sha256=RA6MRiNJ45kWRKf-NS-p5ekhXhtBs5pcq_6nqIDKLjA,3108
|
|
361
|
+
google_cloud_pipeline_components/v1/automl/tabular/infra_validator.py,sha256=uo07x13AkxN2nofjmx-vJjy-FpxzNivDdXwJb71H8dw,1333
|
|
362
|
+
google_cloud_pipeline_components/v1/automl/tabular/split_materialized_data.py,sha256=YgN9KfvQIVjHblJjDHEdIgaIZCZyI5_dy52TxSyk3Fg,5571
|
|
363
|
+
google_cloud_pipeline_components/v1/automl/tabular/stage_1_tuner.py,sha256=A5HZuuEXo8Z0Fu1Ht9-Nw5oLKOadK4RBBu29nN_bDe4,7761
|
|
364
|
+
google_cloud_pipeline_components/v1/automl/tabular/stats_and_example_gen.py,sha256=5cBeSJy_AfHEPc9PT3Q3meZaadUo5jRgNX_HKj6htNo,13367
|
|
365
|
+
google_cloud_pipeline_components/v1/automl/tabular/training_configurator_and_validator.py,sha256=f_x9pJMJKElaDW3eLMVHNMQRgMVGtZkUUgjkXRJC58w,12202
|
|
366
|
+
google_cloud_pipeline_components/v1/automl/tabular/transform.py,sha256=jLJIpNaS9gPt1-v5-df06_fGnfJjZvcVOX5CzBQYBAc,8241
|
|
368
367
|
google_cloud_pipeline_components/v1/automl/tabular/utils.py,sha256=2iBuwuUXfDKhZA1nfhfvl_IcnI4j0uesR4TbM9W13uU,74625
|
|
369
368
|
google_cloud_pipeline_components/v1/automl/tabular/deprecated/default_pipeline.json,sha256=r9w-yavDpzGQX94geZ4q58aJdQdn2VvCm14IsNFIZyQ,321170
|
|
370
369
|
google_cloud_pipeline_components/v1/automl/training_job/__init__.py,sha256=oCltxPx9ycdB2VJYLTNx3_o5t1zBXJFjNUOFFpoADwE,1803
|
|
@@ -507,24 +506,27 @@ google_cloud_pipeline_components/v1/model/get_model/__init__.py,sha256=oAWKl9PXS
|
|
|
507
506
|
google_cloud_pipeline_components/v1/model/get_model/component.py,sha256=lx5x2MJ-Ji75z12W1RMqKlGzxbmgZZAmYBy48XQmWFI,2089
|
|
508
507
|
google_cloud_pipeline_components/v1/model/upload_model/__init__.py,sha256=6uwVQw6h3TXxei5imUE4JaS97XXzDRPQyNnTE-qFjck,661
|
|
509
508
|
google_cloud_pipeline_components/v1/model/upload_model/component.py,sha256=6zy9G2AK2twiyT-B2X15qovvi6qHu0koRzzzelgN8CQ,7280
|
|
510
|
-
google_cloud_pipeline_components/v1/model_evaluation/__init__.py,sha256=
|
|
511
|
-
google_cloud_pipeline_components/v1/model_evaluation/classification_component.py,sha256=
|
|
512
|
-
google_cloud_pipeline_components/v1/model_evaluation/error_analysis_pipeline.py,sha256=
|
|
513
|
-
google_cloud_pipeline_components/v1/model_evaluation/evaluated_annotation_pipeline.py,sha256=
|
|
514
|
-
google_cloud_pipeline_components/v1/model_evaluation/evaluation_automl_tabular_feature_attribution_pipeline.py,sha256=
|
|
515
|
-
google_cloud_pipeline_components/v1/model_evaluation/evaluation_automl_tabular_pipeline.py,sha256=
|
|
516
|
-
google_cloud_pipeline_components/v1/model_evaluation/evaluation_automl_unstructure_data_pipeline.py,sha256=
|
|
517
|
-
google_cloud_pipeline_components/v1/model_evaluation/evaluation_feature_attribution_pipeline.py,sha256=
|
|
518
|
-
google_cloud_pipeline_components/v1/model_evaluation/evaluation_llm_classification_pipeline.py,sha256=
|
|
519
|
-
google_cloud_pipeline_components/v1/model_evaluation/evaluation_llm_text_generation_pipeline.py,sha256=
|
|
509
|
+
google_cloud_pipeline_components/v1/model_evaluation/__init__.py,sha256=CjEllp-NmgeZ77HKgYpM1polX5Q1wo3ihxMHSvnozrc,2897
|
|
510
|
+
google_cloud_pipeline_components/v1/model_evaluation/classification_component.py,sha256=4XsQsqLUNv0Ftw-V-rFii2Iega1yQQkLP3ggMof1sVI,12087
|
|
511
|
+
google_cloud_pipeline_components/v1/model_evaluation/error_analysis_pipeline.py,sha256=StNi-9HFSnkmfbScyiGyqMq6TIO9aVQsJIrW63bSfMI,20137
|
|
512
|
+
google_cloud_pipeline_components/v1/model_evaluation/evaluated_annotation_pipeline.py,sha256=PaTrjNcwXtNMmJFqmac4V1Xtlqs4mJytgX3Cq5RjCZs,12195
|
|
513
|
+
google_cloud_pipeline_components/v1/model_evaluation/evaluation_automl_tabular_feature_attribution_pipeline.py,sha256=gH2k5I8MRjIKKf_4NkE_5E3xZHZgch_kJP0jm7pQRJs,46240
|
|
514
|
+
google_cloud_pipeline_components/v1/model_evaluation/evaluation_automl_tabular_pipeline.py,sha256=zkZkYNKQ214TmIhwsL15rtf0fWDp9K8xjdpj3ytpOEI,37161
|
|
515
|
+
google_cloud_pipeline_components/v1/model_evaluation/evaluation_automl_unstructure_data_pipeline.py,sha256=LlMSMVbiZGXOZo4SqEQZZu9GQWWzHnwhrygwmDkqVdA,42457
|
|
516
|
+
google_cloud_pipeline_components/v1/model_evaluation/evaluation_feature_attribution_pipeline.py,sha256=wEu67EPXb9x9PcYMYmnuETKbAz_lP5Kewv439IiFxIM,51226
|
|
517
|
+
google_cloud_pipeline_components/v1/model_evaluation/evaluation_llm_classification_pipeline.py,sha256=vF_EOPg7S3UCTCNw6GrhQz_Sn8ctPZ-JpJEt6JlSF3Y,12036
|
|
518
|
+
google_cloud_pipeline_components/v1/model_evaluation/evaluation_llm_text_generation_pipeline.py,sha256=qb4vERcjiDOKUdWfHUjeLdRU-iFNKxNoBs4kYOBMacQ,11584
|
|
520
519
|
google_cloud_pipeline_components/v1/model_evaluation/forecasting_component.py,sha256=gOnvKAJWa3velczeuVBCzW6b_tcc2v_lNFqHXGhjD44,10017
|
|
521
520
|
google_cloud_pipeline_components/v1/model_evaluation/regression_component.py,sha256=eFrjrKQot3-SlRCoKoTOEsyp2Xj0GfDtrjpxTDKAHYY,9117
|
|
521
|
+
google_cloud_pipeline_components/v1/model_evaluation/model_based_llm_evaluation/__init__.py,sha256=57gYyoAJwLIeXoLTTyVqOWgkj7dlUP4IKM4OmMabCRM,828
|
|
522
|
+
google_cloud_pipeline_components/v1/model_evaluation/model_based_llm_evaluation/autosxs/__init__.py,sha256=sb6SfJl6rt3AKjiWxd-KO9DSiZ3PzGZRcsqKuc1A2Cg,606
|
|
523
|
+
google_cloud_pipeline_components/v1/model_evaluation/model_based_llm_evaluation/autosxs/autosxs_pipeline.py,sha256=s3cWwJzy6qqogA2rURdojMQfRYBTdiQ20e3i3vRis50,8914
|
|
522
524
|
google_cloud_pipeline_components/v1/vertex_notification_email/__init__.py,sha256=YIRljNy_oHY_vRda-kfhm5QiulNd_SIIPbmpzOiYJ0k,863
|
|
523
525
|
google_cloud_pipeline_components/v1/vertex_notification_email/component.py,sha256=Dau8ZI0mzLBnLOUBQm6EtK8gbtX1u57t76Ud5qlg9xc,2163
|
|
524
526
|
google_cloud_pipeline_components/v1/wait_gcp_resources/__init__.py,sha256=w6dfz-rYsYnxFapRH1Dix3GVz0mhPW0m1IVpE6z8jbg,878
|
|
525
527
|
google_cloud_pipeline_components/v1/wait_gcp_resources/component.py,sha256=Nsfj5c3eeZq83fHLvv2IlpK4jrjxLxRksFYOl5W6JnA,2468
|
|
526
|
-
google_cloud_pipeline_components-2.
|
|
527
|
-
google_cloud_pipeline_components-2.
|
|
528
|
-
google_cloud_pipeline_components-2.
|
|
529
|
-
google_cloud_pipeline_components-2.
|
|
530
|
-
google_cloud_pipeline_components-2.
|
|
528
|
+
google_cloud_pipeline_components-2.14.1.dist-info/LICENSE,sha256=VAc1R5OxOELKsX5L5Ldp5THfNtxtt1cMIZBaC0Jdj5Q,13118
|
|
529
|
+
google_cloud_pipeline_components-2.14.1.dist-info/METADATA,sha256=yvx4vv0aFIKrUgaHN2ZkMzX0WycHOp5O5aGHWzNED3Y,5862
|
|
530
|
+
google_cloud_pipeline_components-2.14.1.dist-info/WHEEL,sha256=ewwEueio1C2XeHTvT17n8dZUJgOvyCWCt0WVNLClP9o,92
|
|
531
|
+
google_cloud_pipeline_components-2.14.1.dist-info/top_level.txt,sha256=E8T4T8KGMGLXbHvt2goa98oezRpxryPC6QhWBZ27Hhc,33
|
|
532
|
+
google_cloud_pipeline_components-2.14.1.dist-info/RECORD,,
|
|
@@ -1,47 +0,0 @@
|
|
|
1
|
-
# -*- coding: utf-8 -*-
|
|
2
|
-
# Generated by the protocol buffer compiler. DO NOT EDIT!
|
|
3
|
-
# Protobuf Python Version: 0.20240110.0
|
|
4
|
-
"""Generated protocol buffer code."""
|
|
5
|
-
from google.protobuf import descriptor as _descriptor
|
|
6
|
-
from google.protobuf import descriptor_pool as _descriptor_pool
|
|
7
|
-
from google.protobuf import symbol_database as _symbol_database
|
|
8
|
-
from google.protobuf.internal import builder as _builder
|
|
9
|
-
# @@protoc_insertion_point(imports)
|
|
10
|
-
|
|
11
|
-
_sym_db = _symbol_database.Default()
|
|
12
|
-
|
|
13
|
-
|
|
14
|
-
DESCRIPTOR = _descriptor_pool.Default().AddSerializedFile(
|
|
15
|
-
b'\n\x13preflight_validations.proto\x12\x15preflight_validations"\x8e\x02\n\x0fValidationItems\x12R\n\x0esa_validations\x18\x01'
|
|
16
|
-
b' \x03(\x0b\x32:.preflight_validations.GoogleCloudServiceAccountValidation\x12S\n\x11quota_validations\x18\x02'
|
|
17
|
-
b' \x03(\x0b\x32\x38.preflight_validations.GoogleCloudProjectQuotaValidation\x12R\n\x0f\x61pi_validations\x18\x03'
|
|
18
|
-
b' \x03(\x0b\x32\x39.preflight_validations.GoogleCloudApiEnablementValidation"p\n!GoogleCloudProjectQuotaValidation\x12\x13\n\x0bmetric_name\x18\x01'
|
|
19
|
-
b' \x01(\t\x12\x15\n\x0bint64_value\x18\x02'
|
|
20
|
-
b' \x01(\x03H\x00\x12\x16\n\x0c\x64ouble_value\x18\x03'
|
|
21
|
-
b' \x01(\x01H\x00\x42\x07\n\x05value"\x8d\x01\n#GoogleCloudServiceAccountValidation\x12\x1f\n\x17\x64\x65\x66\x61ult_principal_email\x18\x01'
|
|
22
|
-
b' \x01(\t\x12\x1c\n\x14override_placeholder\x18\x02'
|
|
23
|
-
b' \x01(\t\x12\x13\n\x0bpermissions\x18\x03'
|
|
24
|
-
b' \x03(\t\x12\x12\n\nrole_names\x18\x04'
|
|
25
|
-
b' \x03(\t";\n"GoogleCloudApiEnablementValidation\x12\x15\n\rservice_names\x18\x01'
|
|
26
|
-
b' \x03(\tB\x02P\x01\x62\x06proto3'
|
|
27
|
-
)
|
|
28
|
-
|
|
29
|
-
_globals = globals()
|
|
30
|
-
_builder.BuildMessageAndEnumDescriptors(DESCRIPTOR, _globals)
|
|
31
|
-
_builder.BuildTopDescriptorsAndMessages(
|
|
32
|
-
DESCRIPTOR,
|
|
33
|
-
'google_cloud_pipeline_components.google_cloud_pipeline_components.proto.preflight_validations_pb2',
|
|
34
|
-
_globals,
|
|
35
|
-
)
|
|
36
|
-
if not _descriptor._USE_C_DESCRIPTORS:
|
|
37
|
-
_globals['DESCRIPTOR']._loaded_options = None
|
|
38
|
-
_globals['DESCRIPTOR']._serialized_options = b'P\001'
|
|
39
|
-
_globals['_VALIDATIONITEMS']._serialized_start = 142
|
|
40
|
-
_globals['_VALIDATIONITEMS']._serialized_end = 412
|
|
41
|
-
_globals['_GOOGLECLOUDPROJECTQUOTAVALIDATION']._serialized_start = 414
|
|
42
|
-
_globals['_GOOGLECLOUDPROJECTQUOTAVALIDATION']._serialized_end = 526
|
|
43
|
-
_globals['_GOOGLECLOUDSERVICEACCOUNTVALIDATION']._serialized_start = 529
|
|
44
|
-
_globals['_GOOGLECLOUDSERVICEACCOUNTVALIDATION']._serialized_end = 670
|
|
45
|
-
_globals['_GOOGLECLOUDAPIENABLEMENTVALIDATION']._serialized_start = 672
|
|
46
|
-
_globals['_GOOGLECLOUDAPIENABLEMENTVALIDATION']._serialized_end = 731
|
|
47
|
-
# @@protoc_insertion_point(module_scope)
|
|
File without changes
|
|
File without changes
|