google-cloud-pipeline-components 2.15.0__py3-none-any.whl → 2.16.0__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/_implementation/model_evaluation/llm_evaluation_preprocessor/component.py +11 -1
- google_cloud_pipeline_components/_implementation/starry_net/dataprep/component.py +14 -0
- google_cloud_pipeline_components/_implementation/starry_net/get_training_artifacts/component.py +1 -1
- google_cloud_pipeline_components/_implementation/starry_net/train/component.py +11 -0
- google_cloud_pipeline_components/_implementation/starry_net/upload_decomposition_plots/component.py +6 -1
- google_cloud_pipeline_components/_implementation/starry_net/version.py +3 -3
- google_cloud_pipeline_components/container/preview/custom_job/remote_runner.py +22 -0
- 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 +38 -34
- google_cloud_pipeline_components/preview/automl/forecasting/sequence_to_sequence_forecasting_pipeline.yaml +38 -34
- google_cloud_pipeline_components/preview/automl/forecasting/temporal_fusion_transformer_forecasting_pipeline.yaml +38 -34
- google_cloud_pipeline_components/preview/automl/forecasting/time_series_dense_encoder_forecasting_pipeline.yaml +38 -34
- google_cloud_pipeline_components/preview/automl/forecasting/utils.py +49 -7
- 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 +15 -15
- google_cloud_pipeline_components/preview/automl/tabular/tabnet_trainer.py +2 -2
- google_cloud_pipeline_components/preview/automl/tabular/tabnet_trainer_pipeline.yaml +13 -13
- 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 +14 -14
- 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 +13 -13
- 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/custom_job/utils.py +45 -6
- google_cloud_pipeline_components/preview/starry_net/component.py +60 -34
- 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 +3 -3
- google_cloud_pipeline_components/v1/automl/forecasting/prophet_trainer_pipeline.yaml +14 -14
- 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/custom_job/component.py +3 -0
- google_cloud_pipeline_components/v1/custom_job/utils.py +4 -0
- google_cloud_pipeline_components/v1/model_evaluation/evaluation_llm_text_generation_pipeline.py +17 -0
- google_cloud_pipeline_components/version.py +1 -1
- {google_cloud_pipeline_components-2.15.0.dist-info → google_cloud_pipeline_components-2.16.0.dist-info}/METADATA +17 -17
- {google_cloud_pipeline_components-2.15.0.dist-info → google_cloud_pipeline_components-2.16.0.dist-info}/RECORD +58 -58
- {google_cloud_pipeline_components-2.15.0.dist-info → google_cloud_pipeline_components-2.16.0.dist-info}/WHEEL +1 -1
- {google_cloud_pipeline_components-2.15.0.dist-info → google_cloud_pipeline_components-2.16.0.dist-info}/LICENSE +0 -0
- {google_cloud_pipeline_components-2.15.0.dist-info → google_cloud_pipeline_components-2.16.0.dist-info}/top_level.txt +0 -0
|
@@ -109,11 +109,11 @@ def automl_tabular_stage_1_tuner(
|
|
|
109
109
|
' 1, "machine_spec": {"machine_type": "n1-standard-8"},'
|
|
110
110
|
' "container_spec": {"image_uri":"'
|
|
111
111
|
),
|
|
112
|
-
'us-docker.pkg.dev/vertex-ai-restricted/automl-tabular/training:
|
|
112
|
+
'us-docker.pkg.dev/vertex-ai-restricted/automl-tabular/training:20240710_0625',
|
|
113
113
|
'", "args": ["l2l_stage_1_tuner", "--transform_output_path=',
|
|
114
114
|
transform_output.uri,
|
|
115
115
|
'", "--training_docker_uri=',
|
|
116
|
-
'us-docker.pkg.dev/vertex-ai-restricted/automl-tabular/training:
|
|
116
|
+
'us-docker.pkg.dev/vertex-ai-restricted/automl-tabular/training:20240710_0625',
|
|
117
117
|
'", "--feature_selection_result_path=',
|
|
118
118
|
feature_ranking.uri,
|
|
119
119
|
'", "--disable_early_stopping=',
|
|
@@ -136,7 +136,7 @@ def tabular_stats_and_example_gen(
|
|
|
136
136
|
' 1, "machine_spec": {"machine_type": "n1-standard-8"},'
|
|
137
137
|
' "container_spec": {"image_uri":"'
|
|
138
138
|
),
|
|
139
|
-
'us-docker.pkg.dev/vertex-ai-restricted/automl-tabular/training:
|
|
139
|
+
'us-docker.pkg.dev/vertex-ai-restricted/automl-tabular/training:20240710_0625',
|
|
140
140
|
'", "args": ["stats_generator",',
|
|
141
141
|
'"--train_spec={\\"prediction_type\\": \\"',
|
|
142
142
|
prediction_type,
|
|
@@ -215,7 +215,7 @@ def tabular_stats_and_example_gen(
|
|
|
215
215
|
),
|
|
216
216
|
dataflow_max_num_workers,
|
|
217
217
|
'", "--dataflow_worker_container_image=',
|
|
218
|
-
'us-docker.pkg.dev/vertex-ai/automl-tabular/dataflow-worker:
|
|
218
|
+
'us-docker.pkg.dev/vertex-ai/automl-tabular/dataflow-worker:20240710_0625',
|
|
219
219
|
'", "--dataflow_machine_type=',
|
|
220
220
|
dataflow_machine_type,
|
|
221
221
|
'", "--dataflow_disk_size_gb=',
|
|
@@ -95,7 +95,7 @@ def training_configurator_and_validator(
|
|
|
95
95
|
# fmt: on
|
|
96
96
|
|
|
97
97
|
return dsl.ContainerSpec(
|
|
98
|
-
image='us-docker.pkg.dev/vertex-ai/automl-tabular/feature-transform-engine:
|
|
98
|
+
image='us-docker.pkg.dev/vertex-ai/automl-tabular/feature-transform-engine:20240710_0625',
|
|
99
99
|
command=[],
|
|
100
100
|
args=[
|
|
101
101
|
'training_configurator_and_validator',
|
|
@@ -108,7 +108,7 @@ def automl_tabular_transform(
|
|
|
108
108
|
' 1, "machine_spec": {"machine_type": "n1-standard-8"},'
|
|
109
109
|
' "container_spec": {"image_uri":"'
|
|
110
110
|
),
|
|
111
|
-
'us-docker.pkg.dev/vertex-ai-restricted/automl-tabular/training:
|
|
111
|
+
'us-docker.pkg.dev/vertex-ai-restricted/automl-tabular/training:20240710_0625',
|
|
112
112
|
(
|
|
113
113
|
'", "args": ["transform", "--is_mp=true",'
|
|
114
114
|
' "--transform_output_artifact_path='
|
|
@@ -167,7 +167,7 @@ def automl_tabular_transform(
|
|
|
167
167
|
'", "--dataflow_machine_type=',
|
|
168
168
|
dataflow_machine_type,
|
|
169
169
|
'", "--dataflow_worker_container_image=',
|
|
170
|
-
'us-docker.pkg.dev/vertex-ai/automl-tabular/dataflow-worker:
|
|
170
|
+
'us-docker.pkg.dev/vertex-ai/automl-tabular/dataflow-worker:20240710_0625',
|
|
171
171
|
'", "--dataflow_disk_size_gb=',
|
|
172
172
|
dataflow_disk_size_gb,
|
|
173
173
|
'", "--dataflow_subnetwork_fully_qualified=',
|
|
@@ -36,6 +36,7 @@ def custom_training_job(
|
|
|
36
36
|
base_output_directory: str = '',
|
|
37
37
|
labels: Dict[str, str] = {},
|
|
38
38
|
encryption_spec_key_name: str = '',
|
|
39
|
+
persistent_resource_id: str = _placeholders.PERSISTENT_RESOURCE_ID_PLACEHOLDER,
|
|
39
40
|
project: str = _placeholders.PROJECT_ID_PLACEHOLDER,
|
|
40
41
|
):
|
|
41
42
|
# fmt: off
|
|
@@ -55,6 +56,7 @@ def custom_training_job(
|
|
|
55
56
|
base_output_directory: The Cloud Storage location to store the output of this CustomJob or HyperparameterTuningJob. See [more information ](https://cloud.google.com/vertex-ai/docs/reference/rest/v1/GcsDestination).
|
|
56
57
|
labels: The labels with user-defined metadata to organize the CustomJob. See [more information](https://goo.gl/xmQnxf).
|
|
57
58
|
encryption_spec_key_name: Customer-managed encryption key options for the CustomJob. If this is set, then all resources created by the CustomJob will be encrypted with the provided encryption key.
|
|
59
|
+
persistent_resource_id: The ID of the PersistentResource in the same Project and Location which to run. The default value is a placeholder that will be resolved to the PipelineJob [RuntimeConfig](https://cloud.google.com/vertex-ai/docs/reference/rest/v1/projects.locations.pipelineJobs#PipelineJob.RuntimeConfig)'s persistent resource id at runtime. However, if the PipelineJob doesn't set Persistent Resource as the job level runtime, the placedholder will be resolved to an empty string and the custom job will be run on demand. If the value is set explicitly, the custom job will runs in the specified persistent resource, in this case, please note the network and CMEK configs on the job should be consistent with those on the PersistentResource, otherwise, the job will be rejected.
|
|
58
60
|
project: Project to create the custom training job in. Defaults to the project in which the PipelineJob is run.
|
|
59
61
|
|
|
60
62
|
Returns:
|
|
@@ -82,6 +84,7 @@ def custom_training_job(
|
|
|
82
84
|
'base_output_directory': {
|
|
83
85
|
'output_uri_prefix': base_output_directory
|
|
84
86
|
},
|
|
87
|
+
'persistent_resource_id': persistent_resource_id,
|
|
85
88
|
},
|
|
86
89
|
'labels': labels,
|
|
87
90
|
'encryption_spec': {'kms_key_name': encryption_spec_key_name},
|
|
@@ -18,6 +18,7 @@ import textwrap
|
|
|
18
18
|
from typing import Callable, Dict, List, Optional
|
|
19
19
|
import warnings
|
|
20
20
|
|
|
21
|
+
from google_cloud_pipeline_components import _placeholders
|
|
21
22
|
from google_cloud_pipeline_components.v1.custom_job import component
|
|
22
23
|
from kfp import components
|
|
23
24
|
import yaml
|
|
@@ -68,6 +69,7 @@ def create_custom_training_job_from_component(
|
|
|
68
69
|
nfs_mounts: Optional[List[Dict[str, str]]] = None,
|
|
69
70
|
base_output_directory: str = '',
|
|
70
71
|
labels: Optional[Dict[str, str]] = None,
|
|
72
|
+
persistent_resource_id: str = _placeholders.PERSISTENT_RESOURCE_ID_PLACEHOLDER,
|
|
71
73
|
env: Optional[List[Dict[str, str]]] = None,
|
|
72
74
|
) -> Callable:
|
|
73
75
|
# fmt: off
|
|
@@ -95,6 +97,7 @@ def create_custom_training_job_from_component(
|
|
|
95
97
|
nfs_mounts: A list of [NfsMount](https://cloud.google.com/vertex-ai/docs/reference/rest/v1/CustomJobSpec#NfsMount) resource specs in Json dict format. For more details about mounting NFS for CustomJob, see [Mount an NFS share for custom training](https://cloud.google.com/vertex-ai/docs/training/train-nfs-share).
|
|
96
98
|
base_output_directory: The Cloud Storage location to store the output of this CustomJob or HyperparameterTuningJob. See [more information](https://cloud.google.com/vertex-ai/docs/reference/rest/v1/GcsDestination).
|
|
97
99
|
labels: The labels with user-defined metadata to organize the CustomJob. See [more information](https://goo.gl/xmQnxf).
|
|
100
|
+
persistent_resource_id: The ID of the PersistentResource in the same Project and Location which to run. The default value is a placeholder that will be resolved to the PipelineJob [RuntimeConfig](https://cloud.google.com/vertex-ai/docs/reference/rest/v1/projects.locations.pipelineJobs#PipelineJob.RuntimeConfig)'s persistent resource id at runtime. However, if the PipelineJob doesn't set Persistent Resource as the job level runtime, the placedholder will be resolved to an empty string and the custom job will be run on demand. If the value is set explicitly, the custom job will runs in the specified persistent resource, in this case, please note the network and CMEK configs on the job should be consistent with those on the PersistentResource, otherwise, the job will be rejected.
|
|
98
101
|
env: Environment variables to be passed to the container. Takes the form `[{'name': '...', 'value': '...'}]`. Maximum limit is 100.
|
|
99
102
|
|
|
100
103
|
Returns:
|
|
@@ -199,6 +202,7 @@ def create_custom_training_job_from_component(
|
|
|
199
202
|
'base_output_directory': base_output_directory,
|
|
200
203
|
'labels': labels or {},
|
|
201
204
|
'encryption_spec_key_name': encryption_spec_key_name,
|
|
205
|
+
'persistent_resource_id': persistent_resource_id,
|
|
202
206
|
}
|
|
203
207
|
|
|
204
208
|
for param_name, default_value in custom_job_param_defaults.items():
|
google_cloud_pipeline_components/v1/model_evaluation/evaluation_llm_text_generation_pipeline.py
CHANGED
|
@@ -15,10 +15,12 @@
|
|
|
15
15
|
|
|
16
16
|
from typing import Dict, List, NamedTuple
|
|
17
17
|
|
|
18
|
+
from google_cloud_pipeline_components import google_template_metadata
|
|
18
19
|
from google_cloud_pipeline_components._implementation.model_evaluation import LLMEvaluationPreprocessorOp
|
|
19
20
|
from google_cloud_pipeline_components._implementation.model_evaluation import LLMEvaluationTextGenerationOp
|
|
20
21
|
from google_cloud_pipeline_components._implementation.model_evaluation import ModelNamePreprocessorOp
|
|
21
22
|
from google_cloud_pipeline_components.preview.model_evaluation.model_evaluation_import_component import model_evaluation_import as ModelImportEvaluationOp
|
|
23
|
+
from google_cloud_pipeline_components.proto import template_metadata_pb2
|
|
22
24
|
from google_cloud_pipeline_components.types.artifact_types import VertexModel
|
|
23
25
|
from google_cloud_pipeline_components.v1.batch_predict_job import ModelBatchPredictOp
|
|
24
26
|
from kfp import dsl
|
|
@@ -29,7 +31,21 @@ from kfp import dsl
|
|
|
29
31
|
|
|
30
32
|
_PIPELINE_NAME = 'evaluation-llm-text-generation-pipeline'
|
|
31
33
|
|
|
34
|
+
output_gcs_validation = template_metadata_pb2.GoogleCloudStorageValidation(
|
|
35
|
+
gcs_uri='{{$.parameter.batch_predict_gcs_destination_output_uri}}',
|
|
36
|
+
is_input=False,
|
|
37
|
+
default_service_account='{{$.pipeline_google_cloud_project_number}}-compute@developer.gserviceaccount.com',
|
|
38
|
+
override_placeholder='{{$.parameter.service_account}}',
|
|
39
|
+
)
|
|
32
40
|
|
|
41
|
+
|
|
42
|
+
@google_template_metadata.set_template_metadata(
|
|
43
|
+
template_metadata=template_metadata_pb2.TemplateMetadata(
|
|
44
|
+
preflight_validations=template_metadata_pb2.ValidationItems(
|
|
45
|
+
gcs_validations=[output_gcs_validation]
|
|
46
|
+
)
|
|
47
|
+
)
|
|
48
|
+
)
|
|
33
49
|
@dsl.pipeline(name=_PIPELINE_NAME)
|
|
34
50
|
def evaluation_llm_text_generation_pipeline( # pylint: disable=dangerous-default-value
|
|
35
51
|
project: str,
|
|
@@ -127,6 +143,7 @@ def evaluation_llm_text_generation_pipeline( # pylint: disable=dangerous-defaul
|
|
|
127
143
|
gcs_source_uris=batch_predict_gcs_source_uris,
|
|
128
144
|
input_field_name=input_field_name,
|
|
129
145
|
role_field_name=role_field_name,
|
|
146
|
+
target_field_name=target_field_name,
|
|
130
147
|
model_name=model_name,
|
|
131
148
|
machine_type=machine_type,
|
|
132
149
|
service_account=service_account,
|
|
@@ -1,6 +1,6 @@
|
|
|
1
1
|
Metadata-Version: 2.1
|
|
2
2
|
Name: google-cloud-pipeline-components
|
|
3
|
-
Version: 2.
|
|
3
|
+
Version: 2.16.0
|
|
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
|
|
@@ -30,24 +30,24 @@ Classifier: Topic :: Software Development :: Libraries :: Python Modules
|
|
|
30
30
|
Requires-Python: >=3.8.0,<3.12.0
|
|
31
31
|
Description-Content-Type: text/markdown
|
|
32
32
|
License-File: LICENSE
|
|
33
|
-
Requires-Dist:
|
|
34
|
-
Requires-Dist:
|
|
35
|
-
Requires-Dist: google-cloud-aiplatform
|
|
36
|
-
Requires-Dist:
|
|
33
|
+
Requires-Dist: google-api-core!=2.0.*,!=2.1.*,!=2.2.*,!=2.3.0,<3.0.0dev,>=1.31.5
|
|
34
|
+
Requires-Dist: kfp<=2.7.0,>=2.6.0
|
|
35
|
+
Requires-Dist: google-cloud-aiplatform<2,>=1.14.0
|
|
36
|
+
Requires-Dist: Jinja2<4,>=3.1.2
|
|
37
37
|
Provides-Extra: docs
|
|
38
|
-
Requires-Dist:
|
|
39
|
-
Requires-Dist:
|
|
40
|
-
Requires-Dist:
|
|
41
|
-
Requires-Dist:
|
|
42
|
-
Requires-Dist:
|
|
43
|
-
Requires-Dist: sphinx-immaterial
|
|
44
|
-
Requires-Dist: sphinx-
|
|
45
|
-
Requires-Dist:
|
|
46
|
-
Requires-Dist: sphinx
|
|
38
|
+
Requires-Dist: protobuf<5,>=4.21.1; extra == "docs"
|
|
39
|
+
Requires-Dist: grpcio-status<=1.47.0; extra == "docs"
|
|
40
|
+
Requires-Dist: commonmark==0.9.1; extra == "docs"
|
|
41
|
+
Requires-Dist: autodocsumm==0.2.9; extra == "docs"
|
|
42
|
+
Requires-Dist: sphinx<6.0.0,>=5.0.2; extra == "docs"
|
|
43
|
+
Requires-Dist: sphinx-immaterial==0.9.0; extra == "docs"
|
|
44
|
+
Requires-Dist: sphinx-rtd-theme==2.0.0; extra == "docs"
|
|
45
|
+
Requires-Dist: m2r2==0.3.3.post2; extra == "docs"
|
|
46
|
+
Requires-Dist: sphinx-notfound-page==0.8.3; extra == "docs"
|
|
47
47
|
Provides-Extra: tests
|
|
48
|
-
Requires-Dist:
|
|
49
|
-
Requires-Dist:
|
|
50
|
-
Requires-Dist: pytest
|
|
48
|
+
Requires-Dist: mock>=4.0.0; extra == "tests"
|
|
49
|
+
Requires-Dist: flake8>=3.0.0; extra == "tests"
|
|
50
|
+
Requires-Dist: pytest>=6.0.0; extra == "tests"
|
|
51
51
|
|
|
52
52
|
# Google Cloud Pipeline Components
|
|
53
53
|
|
|
@@ -2,7 +2,7 @@ google_cloud_pipeline_components/__init__.py,sha256=HOU1WNUeWpY1HjluW8vbI7Cai_EF
|
|
|
2
2
|
google_cloud_pipeline_components/_image.py,sha256=lANDYNk1WSuGZSoTTRcWdjsUvCkkA-PmwouTM9Et7fY,828
|
|
3
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=6XTu2NA8mJp26lE9BbAm6Ou7J6HWv1FQKANOyVaJOLg,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
|
|
@@ -66,7 +66,7 @@ google_cloud_pipeline_components/_implementation/model_evaluation/llm_embedding_
|
|
|
66
66
|
google_cloud_pipeline_components/_implementation/model_evaluation/llm_evaluation/__init__.py,sha256=gDyltb_vTZRncaVZbMUkXYBHZsEg_CuaPAQVWUOGy7c,671
|
|
67
67
|
google_cloud_pipeline_components/_implementation/model_evaluation/llm_evaluation/component.py,sha256=rclGlXxDr6vozQ6elDDCDbdJXWjG461Z9nmTaiKGsFs,7478
|
|
68
68
|
google_cloud_pipeline_components/_implementation/model_evaluation/llm_evaluation_preprocessor/__init__.py,sha256=LLvQQ9Mv_md1POK_XErR7NUr-XAZX28w5KD0EQiT32w,684
|
|
69
|
-
google_cloud_pipeline_components/_implementation/model_evaluation/llm_evaluation_preprocessor/component.py,sha256=
|
|
69
|
+
google_cloud_pipeline_components/_implementation/model_evaluation/llm_evaluation_preprocessor/component.py,sha256=L6dPaWuOr-BhP7yAatFGVTX2MYTuI2f88W_oR5ee88E,9170
|
|
70
70
|
google_cloud_pipeline_components/_implementation/model_evaluation/llm_information_retrieval_preprocessor/__init__.py,sha256=UcAfohvqwJ7X8rlV6I2RsZ5ohYWbafXI5yYRAAwvspE,695
|
|
71
71
|
google_cloud_pipeline_components/_implementation/model_evaluation/llm_information_retrieval_preprocessor/component.py,sha256=hpwra0rXUP_LG6WNdnB9RD0cy1Gn3InrzAUJIk-oRc4,8142
|
|
72
72
|
google_cloud_pipeline_components/_implementation/model_evaluation/llm_retrieval_metrics/__init__.py,sha256=oVVVTCE230KYGcuz_rXYEuypZmm6OKg7K2BsFtpcDw0,701
|
|
@@ -89,14 +89,14 @@ google_cloud_pipeline_components/_implementation/model_evaluation/text2sql_prepr
|
|
|
89
89
|
google_cloud_pipeline_components/_implementation/model_evaluation/text2sql_validate_and_process/__init__.py,sha256=EFQ99_7vrJ7J4R5dv5bwnhEC_d5kPTv5xlaZeRg1p8s,701
|
|
90
90
|
google_cloud_pipeline_components/_implementation/model_evaluation/text2sql_validate_and_process/component.py,sha256=N0i_X8xNdLzcEKudSWTbzB_d8u0W4a7xp2D8CC2HDYM,5636
|
|
91
91
|
google_cloud_pipeline_components/_implementation/starry_net/__init__.py,sha256=CSopfSpiwuix5UEjjVQWINND1-0uTReQAZ6ZA6Y9m5U,2502
|
|
92
|
-
google_cloud_pipeline_components/_implementation/starry_net/version.py,sha256=
|
|
92
|
+
google_cloud_pipeline_components/_implementation/starry_net/version.py,sha256=hptAsa5Vzj3QE7_1aGjqNkFI_eoFDjBI0fRuTbyYiAg,778
|
|
93
93
|
google_cloud_pipeline_components/_implementation/starry_net/dataprep/__init__.py,sha256=LYxMCPeZcfGqRbt3mo3hY7U02A6G8aWdP_RtdoqxNrQ,606
|
|
94
|
-
google_cloud_pipeline_components/_implementation/starry_net/dataprep/component.py,sha256=
|
|
94
|
+
google_cloud_pipeline_components/_implementation/starry_net/dataprep/component.py,sha256=_n2EB1fC6xonSoLAWtNbnbQkVenGmKXy84dievBLQY4,7984
|
|
95
95
|
google_cloud_pipeline_components/_implementation/starry_net/evaluation/__init__.py,sha256=LYxMCPeZcfGqRbt3mo3hY7U02A6G8aWdP_RtdoqxNrQ,606
|
|
96
96
|
google_cloud_pipeline_components/_implementation/starry_net/evaluation/component.py,sha256=SlNxkVcaxmJRiOFxPjL71amNrE4R0J2UGl5xdHAZUgU,819
|
|
97
97
|
google_cloud_pipeline_components/_implementation/starry_net/evaluation/evaluation.yaml,sha256=qEcFeTONUU4HgiuPrqb8HkEPpkQARl6xIzGkRVuwogE,10283
|
|
98
98
|
google_cloud_pipeline_components/_implementation/starry_net/get_training_artifacts/__init__.py,sha256=LYxMCPeZcfGqRbt3mo3hY7U02A6G8aWdP_RtdoqxNrQ,606
|
|
99
|
-
google_cloud_pipeline_components/_implementation/starry_net/get_training_artifacts/component.py,sha256=
|
|
99
|
+
google_cloud_pipeline_components/_implementation/starry_net/get_training_artifacts/component.py,sha256=RD9oykj5ZPtShddhdWtHU2W1DCTr8BT9TrWQZcUhCq4,2213
|
|
100
100
|
google_cloud_pipeline_components/_implementation/starry_net/maybe_set_tfrecord_args/__init__.py,sha256=LYxMCPeZcfGqRbt3mo3hY7U02A6G8aWdP_RtdoqxNrQ,606
|
|
101
101
|
google_cloud_pipeline_components/_implementation/starry_net/maybe_set_tfrecord_args/component.py,sha256=Vv5_7aXU3mNw8JYFofioGMgik_qvokzoFSWgtJqVCcs,2734
|
|
102
102
|
google_cloud_pipeline_components/_implementation/starry_net/set_dataprep_args/__init__.py,sha256=LYxMCPeZcfGqRbt3mo3hY7U02A6G8aWdP_RtdoqxNrQ,606
|
|
@@ -110,9 +110,9 @@ google_cloud_pipeline_components/_implementation/starry_net/set_tfrecord_args/co
|
|
|
110
110
|
google_cloud_pipeline_components/_implementation/starry_net/set_train_args/__init__.py,sha256=LYxMCPeZcfGqRbt3mo3hY7U02A6G8aWdP_RtdoqxNrQ,606
|
|
111
111
|
google_cloud_pipeline_components/_implementation/starry_net/set_train_args/component.py,sha256=MEol3nBmsGLMwiCnH9NhBCPxSmZkqyKco9qmkr9hXbA,3466
|
|
112
112
|
google_cloud_pipeline_components/_implementation/starry_net/train/__init__.py,sha256=LYxMCPeZcfGqRbt3mo3hY7U02A6G8aWdP_RtdoqxNrQ,606
|
|
113
|
-
google_cloud_pipeline_components/_implementation/starry_net/train/component.py,sha256=
|
|
113
|
+
google_cloud_pipeline_components/_implementation/starry_net/train/component.py,sha256=1dl7jP7AZaZA9LOoRbQCTtXMZlyd6j9ua7AcXIaG6vk,10997
|
|
114
114
|
google_cloud_pipeline_components/_implementation/starry_net/upload_decomposition_plots/__init__.py,sha256=LYxMCPeZcfGqRbt3mo3hY7U02A6G8aWdP_RtdoqxNrQ,606
|
|
115
|
-
google_cloud_pipeline_components/_implementation/starry_net/upload_decomposition_plots/component.py,sha256=
|
|
115
|
+
google_cloud_pipeline_components/_implementation/starry_net/upload_decomposition_plots/component.py,sha256=Okz_ZuiZ9084wqjzurkIez-Y6FDugdz0l_iTPMj1z_I,2257
|
|
116
116
|
google_cloud_pipeline_components/_implementation/starry_net/upload_model/__init__.py,sha256=LYxMCPeZcfGqRbt3mo3hY7U02A6G8aWdP_RtdoqxNrQ,606
|
|
117
117
|
google_cloud_pipeline_components/_implementation/starry_net/upload_model/component.py,sha256=P-gCilLSI8ypUDwRFSZKmkS0FS9JBXr6vk7_qLDTidE,826
|
|
118
118
|
google_cloud_pipeline_components/_implementation/starry_net/upload_model/upload_model.yaml,sha256=6eTzVJ7bvp67NjN0Y3HwZWdgYdswJTVXiQNSdOtSh_E,1462
|
|
@@ -131,7 +131,7 @@ google_cloud_pipeline_components/container/_implementation/model_evaluation/impo
|
|
|
131
131
|
google_cloud_pipeline_components/container/preview/__init__.py,sha256=tOrlxtIqA4e41GJDdcldd7y32wrWjZvwT6Hq8R33l1I,651
|
|
132
132
|
google_cloud_pipeline_components/container/preview/custom_job/__init__.py,sha256=KK7TRANpB8dE3H8VNxzSUDIVWaLBHNM9BfDF8JvcwXk,686
|
|
133
133
|
google_cloud_pipeline_components/container/preview/custom_job/launcher.py,sha256=mpfayP1I_qbbPLc6M9C3YpLo6fHmzonEeVJy_o43zYU,1922
|
|
134
|
-
google_cloud_pipeline_components/container/preview/custom_job/remote_runner.py,sha256
|
|
134
|
+
google_cloud_pipeline_components/container/preview/custom_job/remote_runner.py,sha256=-BFnbYiwKrx95fbPfaNPL9iwEyOoPMerqlSV3-IA10A,4327
|
|
135
135
|
google_cloud_pipeline_components/container/preview/dataflow/__init__.py,sha256=Dg_Omfhb8BmeW2N65q1TS7JBamUDVbjNrAy7sNdUcTo,655
|
|
136
136
|
google_cloud_pipeline_components/container/preview/dataflow/flex_template/__init__.py,sha256=1X5undw-V6YQ4FedmyVmEqdaPg3dG-f08krz1UOAHfw,698
|
|
137
137
|
google_cloud_pipeline_components/container/preview/dataflow/flex_template/launcher.py,sha256=yB1ZfK3lGtvNGrrN_9V2bYc-mjJ2eWUKiN_PxKy6GCM,1914
|
|
@@ -304,35 +304,35 @@ google_cloud_pipeline_components/container/v1/wait_gcp_resources/remote_runner.p
|
|
|
304
304
|
google_cloud_pipeline_components/preview/__init__.py,sha256=sb6SfJl6rt3AKjiWxd-KO9DSiZ3PzGZRcsqKuc1A2Cg,606
|
|
305
305
|
google_cloud_pipeline_components/preview/automl/__init__.py,sha256=sb6SfJl6rt3AKjiWxd-KO9DSiZ3PzGZRcsqKuc1A2Cg,606
|
|
306
306
|
google_cloud_pipeline_components/preview/automl/forecasting/__init__.py,sha256=Y-PNjGWILh5wMGQLmvaIukfr9KC9oD2GQLhfJDofrAQ,3532
|
|
307
|
-
google_cloud_pipeline_components/preview/automl/forecasting/forecasting_ensemble.py,sha256=
|
|
308
|
-
google_cloud_pipeline_components/preview/automl/forecasting/forecasting_stage_1_tuner.py,sha256=
|
|
309
|
-
google_cloud_pipeline_components/preview/automl/forecasting/forecasting_stage_2_tuner.py,sha256
|
|
310
|
-
google_cloud_pipeline_components/preview/automl/forecasting/learn_to_learn_forecasting_pipeline.yaml,sha256=
|
|
311
|
-
google_cloud_pipeline_components/preview/automl/forecasting/sequence_to_sequence_forecasting_pipeline.yaml,sha256=
|
|
312
|
-
google_cloud_pipeline_components/preview/automl/forecasting/temporal_fusion_transformer_forecasting_pipeline.yaml,sha256=
|
|
313
|
-
google_cloud_pipeline_components/preview/automl/forecasting/time_series_dense_encoder_forecasting_pipeline.yaml,sha256=
|
|
314
|
-
google_cloud_pipeline_components/preview/automl/forecasting/utils.py,sha256=
|
|
307
|
+
google_cloud_pipeline_components/preview/automl/forecasting/forecasting_ensemble.py,sha256=XLRVW0f_mVbSjZHuYfbjDbeTYnopJlfKNwoeu_y9hOM,5655
|
|
308
|
+
google_cloud_pipeline_components/preview/automl/forecasting/forecasting_stage_1_tuner.py,sha256=ovXaFy973Vjf8nMU3BHWouys3LuWoW6-FIjLTKWIpCc,6564
|
|
309
|
+
google_cloud_pipeline_components/preview/automl/forecasting/forecasting_stage_2_tuner.py,sha256=-fju7erZwhfEV756q40OAK60ccHPkk4LCLQ7gT6VlfY,6376
|
|
310
|
+
google_cloud_pipeline_components/preview/automl/forecasting/learn_to_learn_forecasting_pipeline.yaml,sha256=Qup5pYCAcKww0v4CbfVcbNApCzVujeXPHgHL72tStsE,357434
|
|
311
|
+
google_cloud_pipeline_components/preview/automl/forecasting/sequence_to_sequence_forecasting_pipeline.yaml,sha256=LvN-5MIh7PfQs2Sc6lEei5HgcIrK_Qmxk2Vd1Cdf0pQ,355613
|
|
312
|
+
google_cloud_pipeline_components/preview/automl/forecasting/temporal_fusion_transformer_forecasting_pipeline.yaml,sha256=YNuyHOTZTWrUQKyc3V3FIvb_3IovVFc2Wlh-6tt4ynA,354719
|
|
313
|
+
google_cloud_pipeline_components/preview/automl/forecasting/time_series_dense_encoder_forecasting_pipeline.yaml,sha256=Glc78at-cZanE61U1tKu2wy0RuskyFoidAwf9fsdKPg,357509
|
|
314
|
+
google_cloud_pipeline_components/preview/automl/forecasting/utils.py,sha256=fet0opwz3FbuGpUOlm2AnwOI0PEk_wXjTBFqrF_2BNA,55547
|
|
315
315
|
google_cloud_pipeline_components/preview/automl/tabular/__init__.py,sha256=jzu9udS0cH8lSSvgn3XerrKbs69GpMzI2NGSpNQmbcI,4247
|
|
316
|
-
google_cloud_pipeline_components/preview/automl/tabular/auto_feature_engineering.py,sha256=
|
|
317
|
-
google_cloud_pipeline_components/preview/automl/tabular/automl_tabular_feature_selection_pipeline.yaml,sha256=
|
|
318
|
-
google_cloud_pipeline_components/preview/automl/tabular/automl_tabular_v2_pipeline.yaml,sha256=
|
|
319
|
-
google_cloud_pipeline_components/preview/automl/tabular/distillation_stage_feature_transform_engine.py,sha256=
|
|
320
|
-
google_cloud_pipeline_components/preview/automl/tabular/feature_selection.py,sha256=
|
|
321
|
-
google_cloud_pipeline_components/preview/automl/tabular/feature_selection_pipeline.yaml,sha256=
|
|
322
|
-
google_cloud_pipeline_components/preview/automl/tabular/feature_transform_engine.py,sha256=
|
|
323
|
-
google_cloud_pipeline_components/preview/automl/tabular/tabnet_hyperparameter_tuning_job.py,sha256=
|
|
324
|
-
google_cloud_pipeline_components/preview/automl/tabular/tabnet_hyperparameter_tuning_job_pipeline.yaml,sha256=
|
|
325
|
-
google_cloud_pipeline_components/preview/automl/tabular/tabnet_trainer.py,sha256=
|
|
326
|
-
google_cloud_pipeline_components/preview/automl/tabular/tabnet_trainer_pipeline.yaml,sha256=
|
|
316
|
+
google_cloud_pipeline_components/preview/automl/tabular/auto_feature_engineering.py,sha256=oISNesVyQTFCAxCymVhd7d3CKK-2xPdOdTXkTsHxCow,3643
|
|
317
|
+
google_cloud_pipeline_components/preview/automl/tabular/automl_tabular_feature_selection_pipeline.yaml,sha256=wzjLOiLIo2fhSnKlYVqc5uoaupY5F4iffYUmS8WDK58,511441
|
|
318
|
+
google_cloud_pipeline_components/preview/automl/tabular/automl_tabular_v2_pipeline.yaml,sha256=pAx25oZElX_vMl-7oia6q6q_jzu0ZlA_S7PmtuAvi-o,580670
|
|
319
|
+
google_cloud_pipeline_components/preview/automl/tabular/distillation_stage_feature_transform_engine.py,sha256=2SFfZp26ERDUt3ln9jt1R9bJuNhIETvMklNr-khvkJ0,9629
|
|
320
|
+
google_cloud_pipeline_components/preview/automl/tabular/feature_selection.py,sha256=lnUGcTY2CnQNE47lVFWGRv3hmlziJil0waKmeLT-blQ,7546
|
|
321
|
+
google_cloud_pipeline_components/preview/automl/tabular/feature_selection_pipeline.yaml,sha256=qNkTsE1Cet7cFJG69w7gPsqmroi68vQl4kmie3yjW1k,75354
|
|
322
|
+
google_cloud_pipeline_components/preview/automl/tabular/feature_transform_engine.py,sha256=XXtW5GkSDthc2HV5K28rRkfs2DWMFbMm_BM7OSpyTws,47372
|
|
323
|
+
google_cloud_pipeline_components/preview/automl/tabular/tabnet_hyperparameter_tuning_job.py,sha256=39-KIHnSr9IqyLhRCOCjHZsGGpb1liiJR05_liMkLps,9980
|
|
324
|
+
google_cloud_pipeline_components/preview/automl/tabular/tabnet_hyperparameter_tuning_job_pipeline.yaml,sha256=MhksXskVitPN_ZKCXJQP9GFsPC521KP9KZJZdhctBeM,243042
|
|
325
|
+
google_cloud_pipeline_components/preview/automl/tabular/tabnet_trainer.py,sha256=H0fqsIbZ09ECwVLeoz70zKVe1ea3NlRUefGy-tEGpcc,12748
|
|
326
|
+
google_cloud_pipeline_components/preview/automl/tabular/tabnet_trainer_pipeline.yaml,sha256=LJwgBWlyaMMjUuVmqyAb2mnCHYcL9yoK6iSqQDch2XY,202129
|
|
327
327
|
google_cloud_pipeline_components/preview/automl/tabular/utils.py,sha256=R5Vzq9dlFh619Rbw03xuCMpgFxSX2rDNf5i5gGE93yM,168283
|
|
328
|
-
google_cloud_pipeline_components/preview/automl/tabular/wide_and_deep_hyperparameter_tuning_job.py,sha256=
|
|
329
|
-
google_cloud_pipeline_components/preview/automl/tabular/wide_and_deep_hyperparameter_tuning_job_pipeline.yaml,sha256=
|
|
330
|
-
google_cloud_pipeline_components/preview/automl/tabular/wide_and_deep_trainer.py,sha256=
|
|
331
|
-
google_cloud_pipeline_components/preview/automl/tabular/wide_and_deep_trainer_pipeline.yaml,sha256=
|
|
328
|
+
google_cloud_pipeline_components/preview/automl/tabular/wide_and_deep_hyperparameter_tuning_job.py,sha256=3rfsRqk53GjUeF7M32qyEcxdqQYNLq4N8XZF5Il0eog,9975
|
|
329
|
+
google_cloud_pipeline_components/preview/automl/tabular/wide_and_deep_hyperparameter_tuning_job_pipeline.yaml,sha256=mMiabxG2GhHHPDXOgnZjcOyIuDyPyGzoONm2CRb8ID4,195050
|
|
330
|
+
google_cloud_pipeline_components/preview/automl/tabular/wide_and_deep_trainer.py,sha256=Q5jEeuiDRiax8D4bQQf_Inhl53NR_Hgquzzz953yrLQ,11922
|
|
331
|
+
google_cloud_pipeline_components/preview/automl/tabular/wide_and_deep_trainer_pipeline.yaml,sha256=SrnYGs-gy5WfHDN6qlO5RCL0hOuGAXiqNRt5PKoQCo8,190786
|
|
332
332
|
google_cloud_pipeline_components/preview/automl/tabular/xgboost_hyperparameter_tuning_job.py,sha256=BYgs8CyzSObP6NeHbIXQaCV2Cgn2f0uJ47sxWHM6rT0,4787
|
|
333
|
-
google_cloud_pipeline_components/preview/automl/tabular/xgboost_hyperparameter_tuning_job_pipeline.yaml,sha256=
|
|
333
|
+
google_cloud_pipeline_components/preview/automl/tabular/xgboost_hyperparameter_tuning_job_pipeline.yaml,sha256=3fUjye-oOnSg9M2kjsWOnRZAkZUGvsCLiJRg5v80EqY,223562
|
|
334
334
|
google_cloud_pipeline_components/preview/automl/tabular/xgboost_trainer.py,sha256=fpc36b4aiggwj7suMa3oCxcJbQoFQZ5H15eFeustDWc,2333
|
|
335
|
-
google_cloud_pipeline_components/preview/automl/tabular/xgboost_trainer_pipeline.yaml,sha256=
|
|
335
|
+
google_cloud_pipeline_components/preview/automl/tabular/xgboost_trainer_pipeline.yaml,sha256=dqSL-9y0W4vNk7-vRW8_zf3s2kPvRBsbvEs0_gY6g-U,208025
|
|
336
336
|
google_cloud_pipeline_components/preview/automl/tabular/configs/tabnet_params_large_data_large_search_space.json,sha256=PCUg32sSgMbrLrZu2QVV6IyaUyNokUHq3CjS0_0y3uo,3292
|
|
337
337
|
google_cloud_pipeline_components/preview/automl/tabular/configs/tabnet_params_large_data_medium_search_space.json,sha256=ARIW4gkMZfCgjIJVTSUfzJVH4qc6dWmxdJFWSSXAFmA,3261
|
|
338
338
|
google_cloud_pipeline_components/preview/automl/tabular/configs/tabnet_params_large_data_small_search_space.json,sha256=IXoaCZ0heGqduiQKkR-sizbwR1151y9ZeDKqTYVlvPQ,2975
|
|
@@ -349,7 +349,7 @@ google_cloud_pipeline_components/preview/automl/vision/data_converter.py,sha256=
|
|
|
349
349
|
google_cloud_pipeline_components/preview/automl/vision/json_utils.py,sha256=u101hWM6zpknKIQPk387feW_1HE6TI1FeckKL7e-6QA,6001
|
|
350
350
|
google_cloud_pipeline_components/preview/custom_job/__init__.py,sha256=ls8RaNhWZQDcsh4JVaIky16Lu60bjaGyfJ3ADRHk1XU,1295
|
|
351
351
|
google_cloud_pipeline_components/preview/custom_job/component.py,sha256=Br1mhG3adxGl-bhWBXDiPkWvPhNZPhGQZcJlh_yicK4,7556
|
|
352
|
-
google_cloud_pipeline_components/preview/custom_job/utils.py,sha256=
|
|
352
|
+
google_cloud_pipeline_components/preview/custom_job/utils.py,sha256=517agkrCR5HXW2HjODUri-K7DXHFjw7vAEGzErVwR1E,18090
|
|
353
353
|
google_cloud_pipeline_components/preview/dataflow/__init__.py,sha256=74-o9aye0R356KRmf5sBeXZ3OkBWEn62pywrclsEIW4,773
|
|
354
354
|
google_cloud_pipeline_components/preview/llm/__init__.py,sha256=acmo31OFe-d7Ubo5FC2baLwxORFQzLtLdm8o5cO15qY,996
|
|
355
355
|
google_cloud_pipeline_components/preview/llm/infer/__init__.py,sha256=sb6SfJl6rt3AKjiWxd-KO9DSiZ3PzGZRcsqKuc1A2Cg,606
|
|
@@ -366,7 +366,7 @@ google_cloud_pipeline_components/preview/model_evaluation/model_bias_component.p
|
|
|
366
366
|
google_cloud_pipeline_components/preview/model_evaluation/model_evaluation_import_component.py,sha256=ePHbJqWYbZR5wCgJ8aVgDrOcWSoAiVq7df6HxTw1gdY,8118
|
|
367
367
|
google_cloud_pipeline_components/preview/model_evaluation/utils.py,sha256=oRlEvA3zMSTzgxJklZD0A-BzFDx0-PsBHBXZ4kmaREY,7539
|
|
368
368
|
google_cloud_pipeline_components/preview/starry_net/__init__.py,sha256=yEpcicPBsGqgahrCtcJ06a_7E2pUgdp32U0yWwFRy7E,796
|
|
369
|
-
google_cloud_pipeline_components/preview/starry_net/component.py,sha256=
|
|
369
|
+
google_cloud_pipeline_components/preview/starry_net/component.py,sha256=SdmUfL7xZfK8yWOuVqDczqTqJMShAga3rJxgj4mFCxE,24424
|
|
370
370
|
google_cloud_pipeline_components/proto/__init__.py,sha256=aiPUc6gpQwG9cRTYfw3ChFCJfDr3vAIsm2eMYUDJjJQ,661
|
|
371
371
|
google_cloud_pipeline_components/proto/gcp_resources_pb2.py,sha256=ssNNm4zjiWbuBUS7IH6kyrvvfmcC_Z5F7hOAuQe_YLk,2134
|
|
372
372
|
google_cloud_pipeline_components/proto/task_error_pb2.py,sha256=PPz4luEm3Pa3YDn4mtpqEPl8QVSFa44pV8W2KbWRq1I,1235
|
|
@@ -376,23 +376,23 @@ google_cloud_pipeline_components/types/artifact_types.py,sha256=zvwvzRuFb_s1VS1m
|
|
|
376
376
|
google_cloud_pipeline_components/v1/__init__.py,sha256=E1Fie3Gq3KKLHEBGUUBeuao-Eo1uwuBfAWWhx2siwaE,765
|
|
377
377
|
google_cloud_pipeline_components/v1/automl/__init__.py,sha256=l8whL8MMhZ-KMyacLpGzO-5cNxxD2wUW6PtMVx0C_mI,631
|
|
378
378
|
google_cloud_pipeline_components/v1/automl/forecasting/__init__.py,sha256=FVS4qHJEuAxXZuW9ffOD16_-T0xwaUUBh2j1d4AF8HQ,1488
|
|
379
|
-
google_cloud_pipeline_components/v1/automl/forecasting/bqml_arima_predict_pipeline.yaml,sha256=
|
|
380
|
-
google_cloud_pipeline_components/v1/automl/forecasting/bqml_arima_train_pipeline.yaml,sha256=
|
|
381
|
-
google_cloud_pipeline_components/v1/automl/forecasting/prophet_predict_pipeline.yaml,sha256=
|
|
382
|
-
google_cloud_pipeline_components/v1/automl/forecasting/prophet_trainer.py,sha256=
|
|
383
|
-
google_cloud_pipeline_components/v1/automl/forecasting/prophet_trainer_pipeline.yaml,sha256=
|
|
379
|
+
google_cloud_pipeline_components/v1/automl/forecasting/bqml_arima_predict_pipeline.yaml,sha256=U9rbX4SlR1sQ9Tepirz_CuimPLzeAB4iBXbZGekA4js,51452
|
|
380
|
+
google_cloud_pipeline_components/v1/automl/forecasting/bqml_arima_train_pipeline.yaml,sha256=Rn13uCebMXeFgOGdbqN5w1tf3dpWdhVBbFE3Yq30ZxA,242529
|
|
381
|
+
google_cloud_pipeline_components/v1/automl/forecasting/prophet_predict_pipeline.yaml,sha256=AMD1TulEaBFfaa5i98oVyi4xNDm29STGvVKFhWWEmR0,93654
|
|
382
|
+
google_cloud_pipeline_components/v1/automl/forecasting/prophet_trainer.py,sha256=yK0NWRnMyhkjGzIHY9RsWEhgcAnf5dln_cPFP6zg-ZI,8815
|
|
383
|
+
google_cloud_pipeline_components/v1/automl/forecasting/prophet_trainer_pipeline.yaml,sha256=U6cvrLduqXYd3b8cgy4E1f4T2zHsYPUDm9y-HgdsPe0,143006
|
|
384
384
|
google_cloud_pipeline_components/v1/automl/forecasting/utils.py,sha256=Q0SxHlj2jhlpX-buOkxZqDL0wN8Si2-f5iMo08w54ms,14855
|
|
385
385
|
google_cloud_pipeline_components/v1/automl/tabular/__init__.py,sha256=Clqtp6KThsxtvgu6Egj-dbkftci-VWDSKXXo_T6bTv8,2480
|
|
386
|
-
google_cloud_pipeline_components/v1/automl/tabular/automl_tabular_pipeline.yaml,sha256=
|
|
387
|
-
google_cloud_pipeline_components/v1/automl/tabular/cv_trainer.py,sha256=
|
|
388
|
-
google_cloud_pipeline_components/v1/automl/tabular/ensemble.py,sha256=
|
|
389
|
-
google_cloud_pipeline_components/v1/automl/tabular/finalizer.py,sha256=
|
|
390
|
-
google_cloud_pipeline_components/v1/automl/tabular/infra_validator.py,sha256=
|
|
391
|
-
google_cloud_pipeline_components/v1/automl/tabular/split_materialized_data.py,sha256=
|
|
392
|
-
google_cloud_pipeline_components/v1/automl/tabular/stage_1_tuner.py,sha256=
|
|
393
|
-
google_cloud_pipeline_components/v1/automl/tabular/stats_and_example_gen.py,sha256=
|
|
394
|
-
google_cloud_pipeline_components/v1/automl/tabular/training_configurator_and_validator.py,sha256=
|
|
395
|
-
google_cloud_pipeline_components/v1/automl/tabular/transform.py,sha256=
|
|
386
|
+
google_cloud_pipeline_components/v1/automl/tabular/automl_tabular_pipeline.yaml,sha256=iB9P3cOpY3XVgkkhxKGrdWRf6d1A3_Ve5CMwqH_oi5U,500714
|
|
387
|
+
google_cloud_pipeline_components/v1/automl/tabular/cv_trainer.py,sha256=nxrrm-F8z20yKFl53zWlagkm9cOzKppH5Avvow3ByR4,6708
|
|
388
|
+
google_cloud_pipeline_components/v1/automl/tabular/ensemble.py,sha256=K3wYQSTJ24uCIYEBcOCK55pxBWdU-TSb-hKL6JBvX8w,6935
|
|
389
|
+
google_cloud_pipeline_components/v1/automl/tabular/finalizer.py,sha256=ZPKkDHYLbL0rcnGb5xhol8sU5w8AkXuptOC_a-m9zUg,3108
|
|
390
|
+
google_cloud_pipeline_components/v1/automl/tabular/infra_validator.py,sha256=7tN1RgV2e4TQo0zmmvDWpLzCNTjmdNhjmUd5oKe-U-s,1333
|
|
391
|
+
google_cloud_pipeline_components/v1/automl/tabular/split_materialized_data.py,sha256=ZTxStFDoHrJk-AfGbPlzFku-hCunuBgcEyuItIBRQAY,5571
|
|
392
|
+
google_cloud_pipeline_components/v1/automl/tabular/stage_1_tuner.py,sha256=bBT6PIAAZL6qDapgnIfYDgLmKSyBU-CGtCDdnNfhiVs,7761
|
|
393
|
+
google_cloud_pipeline_components/v1/automl/tabular/stats_and_example_gen.py,sha256=XEhK9kpr2sm56iSnUGHOvrnpMw1UAo6XrCQklxs8tFo,13367
|
|
394
|
+
google_cloud_pipeline_components/v1/automl/tabular/training_configurator_and_validator.py,sha256=Mja0_6rdbt7_VDelOUvUO2ia2-CxXi6oMI-VZVYnnIM,12202
|
|
395
|
+
google_cloud_pipeline_components/v1/automl/tabular/transform.py,sha256=Bd71LbIhBgbeAkCXksgYM7BMGoESgP6tMYsPlP-1scs,8241
|
|
396
396
|
google_cloud_pipeline_components/v1/automl/tabular/utils.py,sha256=2iBuwuUXfDKhZA1nfhfvl_IcnI4j0uesR4TbM9W13uU,74625
|
|
397
397
|
google_cloud_pipeline_components/v1/automl/tabular/deprecated/default_pipeline.json,sha256=r9w-yavDpzGQX94geZ4q58aJdQdn2VvCm14IsNFIZyQ,321170
|
|
398
398
|
google_cloud_pipeline_components/v1/automl/training_job/__init__.py,sha256=oCltxPx9ycdB2VJYLTNx3_o5t1zBXJFjNUOFFpoADwE,1803
|
|
@@ -462,8 +462,8 @@ google_cloud_pipeline_components/v1/bigquery/predict_model/component.py,sha256=1
|
|
|
462
462
|
google_cloud_pipeline_components/v1/bigquery/query_job/__init__.py,sha256=Ot_1BluGAMGP2l6lok-ksqUrcFegEuuvBnEFHcGjydI,667
|
|
463
463
|
google_cloud_pipeline_components/v1/bigquery/query_job/component.py,sha256=100KwAgJZ8fQrSCfy8oMwjghsO9HICvQRHOQjDwqh_I,5187
|
|
464
464
|
google_cloud_pipeline_components/v1/custom_job/__init__.py,sha256=qxHupfqqpAQ3sK3Pp7pKNGfPKsS4qb1E9xM067U5MMw,1278
|
|
465
|
-
google_cloud_pipeline_components/v1/custom_job/component.py,sha256=
|
|
466
|
-
google_cloud_pipeline_components/v1/custom_job/utils.py,sha256=
|
|
465
|
+
google_cloud_pipeline_components/v1/custom_job/component.py,sha256=lf8PYIfYMlSxr9ij-XOicnZ4O2TvunWiwuccbx4o8kI,7010
|
|
466
|
+
google_cloud_pipeline_components/v1/custom_job/utils.py,sha256=b6g5YvavAVCNUkYJnMLa1ohjbjx3CmFH18V6hjiDHNY,16457
|
|
467
467
|
google_cloud_pipeline_components/v1/dataflow/__init__.py,sha256=ZPJGssKq2P5iwFY_I68gZPoXSPHVNYQ59nVlA8mOtOo,1063
|
|
468
468
|
google_cloud_pipeline_components/v1/dataflow/flex_template/__init__.py,sha256=uG42x7_0zehtVV7f_fHvPHBJ48aqi3jJwLY6tplH8jk,669
|
|
469
469
|
google_cloud_pipeline_components/v1/dataflow/flex_template/component.py,sha256=C9oHSlOwh0fTUPN9b2u7vNvM2NbkWT-FX82kPOKkzLc,11701
|
|
@@ -544,7 +544,7 @@ google_cloud_pipeline_components/v1/model_evaluation/evaluation_automl_tabular_p
|
|
|
544
544
|
google_cloud_pipeline_components/v1/model_evaluation/evaluation_automl_unstructure_data_pipeline.py,sha256=LlMSMVbiZGXOZo4SqEQZZu9GQWWzHnwhrygwmDkqVdA,42457
|
|
545
545
|
google_cloud_pipeline_components/v1/model_evaluation/evaluation_feature_attribution_pipeline.py,sha256=wEu67EPXb9x9PcYMYmnuETKbAz_lP5Kewv439IiFxIM,51226
|
|
546
546
|
google_cloud_pipeline_components/v1/model_evaluation/evaluation_llm_classification_pipeline.py,sha256=vF_EOPg7S3UCTCNw6GrhQz_Sn8ctPZ-JpJEt6JlSF3Y,12036
|
|
547
|
-
google_cloud_pipeline_components/v1/model_evaluation/evaluation_llm_text_generation_pipeline.py,sha256=
|
|
547
|
+
google_cloud_pipeline_components/v1/model_evaluation/evaluation_llm_text_generation_pipeline.py,sha256=bDY4Ad0l1PZ9_e2ZdjMQV7aY1_feUaQa9z-cbED0foc,12591
|
|
548
548
|
google_cloud_pipeline_components/v1/model_evaluation/forecasting_component.py,sha256=gOnvKAJWa3velczeuVBCzW6b_tcc2v_lNFqHXGhjD44,10017
|
|
549
549
|
google_cloud_pipeline_components/v1/model_evaluation/regression_component.py,sha256=eFrjrKQot3-SlRCoKoTOEsyp2Xj0GfDtrjpxTDKAHYY,9117
|
|
550
550
|
google_cloud_pipeline_components/v1/model_evaluation/model_based_llm_evaluation/__init__.py,sha256=57gYyoAJwLIeXoLTTyVqOWgkj7dlUP4IKM4OmMabCRM,828
|
|
@@ -554,8 +554,8 @@ google_cloud_pipeline_components/v1/vertex_notification_email/__init__.py,sha256
|
|
|
554
554
|
google_cloud_pipeline_components/v1/vertex_notification_email/component.py,sha256=Dau8ZI0mzLBnLOUBQm6EtK8gbtX1u57t76Ud5qlg9xc,2163
|
|
555
555
|
google_cloud_pipeline_components/v1/wait_gcp_resources/__init__.py,sha256=w6dfz-rYsYnxFapRH1Dix3GVz0mhPW0m1IVpE6z8jbg,878
|
|
556
556
|
google_cloud_pipeline_components/v1/wait_gcp_resources/component.py,sha256=Nsfj5c3eeZq83fHLvv2IlpK4jrjxLxRksFYOl5W6JnA,2468
|
|
557
|
-
google_cloud_pipeline_components-2.
|
|
558
|
-
google_cloud_pipeline_components-2.
|
|
559
|
-
google_cloud_pipeline_components-2.
|
|
560
|
-
google_cloud_pipeline_components-2.
|
|
561
|
-
google_cloud_pipeline_components-2.
|
|
557
|
+
google_cloud_pipeline_components-2.16.0.dist-info/LICENSE,sha256=VAc1R5OxOELKsX5L5Ldp5THfNtxtt1cMIZBaC0Jdj5Q,13118
|
|
558
|
+
google_cloud_pipeline_components-2.16.0.dist-info/METADATA,sha256=H6bG0jm2R4hVCnOEdxW8oFXy7zgL7s3Nu5aTt1gCz2k,5782
|
|
559
|
+
google_cloud_pipeline_components-2.16.0.dist-info/WHEEL,sha256=eOLhNAGa2EW3wWl_TU484h7q1UNgy0JXjjoqKoxAAQc,92
|
|
560
|
+
google_cloud_pipeline_components-2.16.0.dist-info/top_level.txt,sha256=E8T4T8KGMGLXbHvt2goa98oezRpxryPC6QhWBZ27Hhc,33
|
|
561
|
+
google_cloud_pipeline_components-2.16.0.dist-info/RECORD,,
|
|
File without changes
|