Package Classes (1.122.0)

Summary of entries of Classes for aiplatform.

Classes

Artifact

Metadata Artifact resource for Vertex AI

AutoMLForecastingTrainingJob

Class to train AutoML forecasting models.

TheAutoMLForecastingTrainingJob class uses the AutoML training methodto train and run a forecasting model. TheAutoML training method is a goodchoice for most forecasting use cases. If your use case doesn't benefit fromtheSeq2seq or theTemporal fusion transformer training method offeredby theSequenceToSequencePlusForecastingTrainingJoband[TemporalFusionTransformerForecastingTrainingJob]https://cloud.google.com/python/docs/reference/aiplatform/latest/google.cloud.aiplatform.TemporalFusionTransformerForecastingTrainingJob)classes respectively, thenAutoML is likely the best training method foryour forecasting predictions.

For sample code that shows you how to useAutoMLForecastingTrainingJob seetheCreate a training pipeline forecasting sampleon GitHub.

AutoMLImageTrainingJob

Creates an AutoML image training job.

Use theAutoMLImageTrainingJob class to create, train, and return animage model. For more information about working with image data modelsin Vertex AI, seeImage data.

For an example of how to use theAutoMLImageTrainingJob class, see thetutorial in theAutoML imageclassificationnotebook on GitHub.

AutoMLTabularTrainingJob

Constructs a AutoML Tabular Training Job.

Example usage:

job = training_jobs.AutoMLTabularTrainingJob( display_name="my_display_name", optimization_prediction_type="classification", optimization_objective="minimize-log-loss", column_specs={"column_1": "auto", "column_2": "numeric"}, labels={'key': 'value'},)

AutoMLTextTrainingJob

Constructs a AutoML Text Training Job.

AutoMLVideoTrainingJob

Constructs a AutoML Video Training Job.

BatchPredictionJob

Retrieves a BatchPredictionJob resource and instantiates itsrepresentation.

CustomContainerTrainingJob

Class to launch a Custom Training Job in Vertex AI using aContainer.

CustomJob

Vertex AI Custom Job.

CustomPythonPackageTrainingJob

Class to launch a Custom Training Job in Vertex AI using a PythonPackage.

Use theCustomPythonPackageTrainingJob class to use a Python package tolaunch a custom training pipeline in Vertex AI. For an example of how to usetheCustomPythonPackageTrainingJob class, see the tutorial in theCustomtraining using Python package, managed text dataset, and TensorFlow servingcontainernotebook.

CustomTrainingJob

Class to launch a Custom Training Job in Vertex AI using a script.

Takes a training implementation as a python script and executes thatscript in Cloud Vertex AI Training.

DeploymentResourcePool

Retrieves a DeploymentResourcePool.

Endpoint

Retrieves an endpoint resource.

EntityType

Public managed EntityType resource for Vertex AI.

Execution

Metadata Execution resource for Vertex AI

Experiment

Represents a Vertex AI Experiment resource.

ExperimentRun

A Vertex AI Experiment run.

Feature

Managed feature resource for Vertex AI.

Featurestore

Managed featurestore resource for Vertex AI.

HyperparameterTuningJob

Vertex AI Hyperparameter Tuning Job.

ImageDataset

A managed image dataset resource for Vertex AI.

Use this class to work with a managed image dataset. To create a managedimage dataset, you need a datasource file in CSV format and a schema file inYAML format. A schema is optional for a custom model. You put the CSV fileand the schema into Cloud Storage buckets.

Use image data for the following objectives:

The following code shows you how to create an image dataset by importing data froma CSV datasource file and a YAML schema file. The schema file you usedepends on whether your image dataset is used for single-labelclassification, multi-label classification, or object detection.

my_dataset = aiplatform.ImageDataset.create(    display_name="my-image-dataset",    gcs_source=['gs://path/to/my/image-dataset.csv'],    import_schema_uri=['gs://path/to/my/schema.yaml'])

MatchingEngineIndex

Matching Engine index resource for Vertex AI.

MatchingEngineIndexEndpoint

Matching Engine index endpoint resource for Vertex AI.

Model

Retrieves the model resource and instantiates its representation.

ModelDeploymentMonitoringJob

Vertex AI Model Deployment Monitoring Job.

This class should be used in conjunction with the Endpoint classin order to configure model monitoring for deployed models.

ModelEvaluation

Retrieves the ModelEvaluation resource and instantiates its representation.

PipelineJob

Retrieves a PipelineJob resource and instantiates itsrepresentation.

PipelineJobSchedule

Retrieves a PipelineJobSchedule resource and instantiates itsrepresentation.

PrivateEndpoint

Represents a Vertex AI PrivateEndpoint resource.

Read moreabout private endpoints in the documentation.

PrivateServiceConnectConfig

Represents a Vertex AI PrivateServiceConnectConfig resource.

SequenceToSequencePlusForecastingTrainingJob

Class to train Sequence to Sequence (Seq2Seq) forecasting models.

TheSequenceToSequencePlusForecastingTrainingJob class uses theSeq2seq+training method to train and run a forecasting model. TheSeq2seq+training method is a good choice for experimentation. Its algorithm issimpler and uses a smaller search space than theAutoML option.Seq2seq+is a good option if you want fast results and your datasets are smaller than1 GB.

For sample code that shows you how to useSequenceToSequencePlusForecastingTrainingJob, see theCreate a trainingpipeline forecasting Seq2seqsampleon GitHub.

TabularDataset

A managed tabular dataset resource for Vertex AI.

Use this class to work with tabular datasets. You can use a CSV file, BigQuery, or a pandasDataFrameto create a tabular dataset. For more information about paging throughBigQuery data, seeRead data with BigQuery API usingpagination. For moreinformation about tabular data, seeTabulardata.

The following code shows you how to create and import a tabulardataset with a CSV file.

my_dataset = aiplatform.TabularDataset.create(    display_name="my-dataset", gcs_source=['gs://path/to/my/dataset.csv'])

Contrary to unstructured datasets, creating and importing a tabular datasetcan only be done in a single step.

If you create a tabular dataset with a pandasDataFrame,you need to use a BigQuery table to stage the data for Vertex AI:

my_dataset = aiplatform.TabularDataset.create_from_dataframe(    df_source=my_pandas_dataframe,    staging_path=f"bq://{bq_dataset_id}.table-unique")

TemporalFusionTransformerForecastingTrainingJob

Class to train Temporal Fusion Transformer (TFT) forecasting models.

TheTemporalFusionTransformerForecastingTrainingJob class uses theTemporal Fusion Transformer (TFT) training method to train and run aforecasting model. The TFT training method implements an attention-baseddeep neural network (DNN) model that uses a multi-horizon forecasting taskto produce predictions.

For sample code that shows you how to use`TemporalFusionTransformerForecastingTrainingJob, see theCreate a training pipeline forecasting temporal fusion transformersampleon GitHub.

Tensorboard

Managed tensorboard resource for Vertex AI.

TensorboardExperiment

Managed tensorboard resource for Vertex AI.

TensorboardRun

Managed tensorboard resource for Vertex AI.

TensorboardTimeSeries

Managed tensorboard resource for Vertex AI.

TextDataset

A managed text dataset resource for Vertex AI.

Use this class to work with a managed text dataset. To create a managedtext dataset, you need a datasource file in CSV format and a schema file inYAML format. A schema is optional for a custom model. The CSV file and theschema are accessed in Cloud Storage buckets.

Use text data for the following objectives:

The following code shows you how to create and import a text dataset witha CSV datasource file and a YAML schema file. The schema file you usedepends on whether your text dataset is used for single-labelclassification, multi-label classification, or object detection.

my_dataset = aiplatform.TextDataset.create(    display_name="my-text-dataset",    gcs_source=['gs://path/to/my/text-dataset.csv'],    import_schema_uri=['gs://path/to/my/schema.yaml'],)

TimeSeriesDataset

A managed time series dataset resource for Vertex AI.

Use this class to work with time series datasets. A time series is a datasetthat contains data recorded at different time intervals. The datasetincludes time and at least one variable that's dependent on time. You use atime series dataset for forecasting predictions. For more information, seeForecasting overview.

You can create a managed time series dataset from CSV files in a CloudStorage bucket or from a BigQuery table.

The following code shows you how to create aTimeSeriesDataset with a CSVfile that has the time series dataset:

my_dataset = aiplatform.TimeSeriesDataset.create(    display_name="my-dataset",    gcs_source=['gs://path/to/my/dataset.csv'],)

The following code shows you how to create with aTimeSeriesDataset with aBigQuery table file that has the time series dataset:

my_dataset = aiplatform.TimeSeriesDataset.create(    display_name="my-dataset",    bq_source=['bq://path/to/my/bigquerydataset.train'],)

TimeSeriesDenseEncoderForecastingTrainingJob

Class to train Time series Dense Encoder (TiDE) forecasting models.

TheTimeSeriesDenseEncoderForecastingTrainingJob class uses theTime-series Dense Encoder (TiDE) training method to train and run aforecasting model. TiDE uses amulti-layer perceptron (MLP) to providethe speed of forecasting linear models with covariates and non-lineardependencies. For more information about TiDE, seeRecent advances in deep long-horizon forecastingand thisTiDE blog post.

VideoDataset

A managed video dataset resource for Vertex AI.

Use this class to work with a managed video dataset. To create a videodataset, you need a datasource in CSV format and a schema in YAML format.The CSV file and the schema are accessed in Cloud Storage buckets.

Use video data for the following objectives:

Classification. For more information, see Classification schema files.Action recognition. For more information, see Action recognition schemafiles. Object tracking. For more information, see Object tracking schemafiles. The following code shows you how to create and import a dataset totrain a video classification model. The schema file you use depends onwhether you use your video dataset for action classification, recognition,or object tracking.

my_dataset = aiplatform.VideoDataset.create(    gcs_source=['gs://path/to/my/dataset.csv'],    import_schema_uri=['gs://aip.schema.dataset.ioformat.video.classification.yaml'])

ExperimentModel

An artifact representing a Vertex Experiment Model.

DefaultSerializer

Default serializer for serialization and deserialization for prediction.

Handler

Interface for Handler class to handle prediction requests.

LocalEndpoint

Class that represents a local endpoint.

LocalModel

Class that represents a local model.

PredictionHandler

Default prediction handler for the prediction requests sent to the application.

Predictor

Interface of the Predictor class for Custom Prediction Routines.

The Predictor is responsible for the ML logic for processing a prediction request.Specifically, the Predictor must define:(1) How to load all model artifacts used during prediction into memory.(2) The logic that should be executed at predict time.

When using the defaultPredictionHandler, thePredictor will be invoked asfollows:

predictor.postprocess(predictor.predict(predictor.preprocess(prediction_input)))

Serializer

Interface to implement serialization and deserialization for prediction.

ImageClassificationPredictionInstance

Prediction input format for Image Classification.

ImageObjectDetectionPredictionInstance

Prediction input format for Image Object Detection.

ImageSegmentationPredictionInstance

Prediction input format for Image Segmentation.

TextClassificationPredictionInstance

Prediction input format for Text Classification.

TextExtractionPredictionInstance

Prediction input format for Text Extraction.

TextSentimentPredictionInstance

Prediction input format for Text Sentiment.

VideoActionRecognitionPredictionInstance

Prediction input format for Video Action Recognition.

VideoClassificationPredictionInstance

Prediction input format for Video Classification.

VideoObjectTrackingPredictionInstance

Prediction input format for Video Object Tracking.

ImageClassificationPredictionParams

Prediction model parameters for Image Classification.

ImageObjectDetectionPredictionParams

Prediction model parameters for Image Object Detection.

ImageSegmentationPredictionParams

Prediction model parameters for Image Segmentation.

VideoActionRecognitionPredictionParams

Prediction model parameters for Video Action Recognition.

VideoClassificationPredictionParams

Prediction model parameters for Video Classification.

VideoObjectTrackingPredictionParams

Prediction model parameters for Video Object Tracking.

ClassificationPredictionResult

Prediction output format for Image and Text Classification.

ImageObjectDetectionPredictionResult

Prediction output format for Image Object Detection.

ImageSegmentationPredictionResult

Prediction output format for Image Segmentation.

TabularClassificationPredictionResult

Prediction output format for Tabular Classification.

TabularRegressionPredictionResult

Prediction output format for Tabular Regression.

TextExtractionPredictionResult

Prediction output format for Text Extraction.

TextSentimentPredictionResult

Prediction output format for Text Sentiment

VideoActionRecognitionPredictionResult

Prediction output format for Video Action Recognition.

VideoClassificationPredictionResult

Prediction output format for Video Classification.

VideoObjectTrackingPredictionResult

Prediction output format for Video Object Tracking.

Frame

The fieldsxMin,xMax,yMin, andyMax refer to abounding box, i.e. the rectangle over the video frame pinpointingthe found AnnotationSpec. The coordinates are relative to the framesize, and the point 0,0 is in the top left of the frame.

AutoMlImageClassification

A TrainingJob that trains and uploads an AutoML ImageClassification Model.

AutoMlImageClassificationInputs

ModelType

AutoMlImageClassificationMetadata

SuccessfulStopReason

AutoMlImageObjectDetection

A TrainingJob that trains and uploads an AutoML Image ObjectDetection Model.

AutoMlImageObjectDetectionInputs

ModelType

AutoMlImageObjectDetectionMetadata

SuccessfulStopReason

AutoMlImageSegmentation

A TrainingJob that trains and uploads an AutoML ImageSegmentation Model.

AutoMlImageSegmentationInputs

ModelType

AutoMlImageSegmentationMetadata

SuccessfulStopReason

AutoMlTables

A TrainingJob that trains and uploads an AutoML Tables Model.

AutoMlTablesInputs

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

Transformation

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

AutoTransformation

Training pipeline will infer the proper transformation basedon the statistic of dataset.

CategoricalArrayTransformation

Treats the column as categorical array and performs followingtransformation functions.

  • For each element in the array, convert the category name to adictionary lookup index and generate an embedding for each index.Combine the embedding of all elements into a single embeddingusing the mean.
  • Empty arrays treated as an embedding of zeroes.

CategoricalTransformation

Training pipeline will perform following transformation functions.

  • The categorical string as is--no change to case, punctuation,spelling, tense, and so on.
  • Convert the category name to a dictionary lookup index andgenerate an embedding for each index.
  • Categories that appear less than 5 times in the training datasetare treated as the "unknown" category. The "unknown" category getsits own special lookup index and resulting embedding.

NumericArrayTransformation

Treats the column as numerical array and performs followingtransformation functions.

  • All transformations for Numerical types applied to the average ofthe all elements.
  • The average of empty arrays is treated as zero.

NumericTransformation

Training pipeline will perform following transformation functions.

  • The value converted to float32.
  • The z_score of the value.
  • log(value+1) when the value is greater than or equal to 0.Otherwise, this transformation is not applied and the value isconsidered a missing value.
  • z_score of log(value+1) when the value is greater than or equal to
    1. Otherwise, this transformation is not applied and the value isconsidered a missing value.
  • A boolean value that indicates whether the value is valid.

TextArrayTransformation

Treats the column as text array and performs followingtransformation functions.

  • Concatenate all text values in the array into a single text valueusing a space (" ") as a delimiter, and then treat the result as asingle text value. Apply the transformations for Text columns.
  • Empty arrays treated as an empty text.

TextTransformation

Training pipeline will perform following transformation functions.

  • The text as is--no change to case, punctuation, spelling, tense,and so on.
  • Tokenize text to words. Convert each words to a dictionary lookupindex and generate an embedding for each index. Combine theembedding of all elements into a single embedding using the mean.
  • Tokenization is based on unicode script boundaries.
  • Missing values get their own lookup index and resulting embedding.
  • Stop-words receive no special treatment and are not removed.

TimestampTransformation

Training pipeline will perform following transformation functions.

  • Apply the transformation functions for Numerical columns.
  • Determine the year, month, day,and weekday. Treat each value fromthe
  • timestamp as a Categorical column.
  • Invalid numerical values (for example, values that fall outside ofa typical timestamp range, or are extreme values) receive nospecial treatment and are not removed.

AutoMlTablesMetadata

Model metadata specific to AutoML Tables.

AutoMlTextClassification

A TrainingJob that trains and uploads an AutoML TextClassification Model.

AutoMlTextClassificationInputs

AutoMlTextExtraction

A TrainingJob that trains and uploads an AutoML TextExtraction Model.

AutoMlTextExtractionInputs

API documentation foraiplatform.v1.schema.trainingjob.definition_v1.types.AutoMlTextExtractionInputs class.

AutoMlTextSentiment

A TrainingJob that trains and uploads an AutoML TextSentiment Model.

AutoMlTextSentimentInputs

AutoMlVideoActionRecognition

A TrainingJob that trains and uploads an AutoML Video ActionRecognition Model.

AutoMlVideoActionRecognitionInputs

ModelType

AutoMlVideoClassification

A TrainingJob that trains and uploads an AutoML VideoClassification Model.

AutoMlVideoClassificationInputs

ModelType

AutoMlVideoObjectTracking

A TrainingJob that trains and uploads an AutoML VideoObjectTracking Model.

AutoMlVideoObjectTrackingInputs

ModelType

ExportEvaluatedDataItemsConfig

Configuration for exporting test set predictions to aBigQuery table.

ImageClassificationPredictionInstance

Prediction input format for Image Classification.

ImageObjectDetectionPredictionInstance

Prediction input format for Image Object Detection.

ImageSegmentationPredictionInstance

Prediction input format for Image Segmentation.

TextClassificationPredictionInstance

Prediction input format for Text Classification.

TextExtractionPredictionInstance

Prediction input format for Text Extraction.

TextSentimentPredictionInstance

Prediction input format for Text Sentiment.

VideoActionRecognitionPredictionInstance

Prediction input format for Video Action Recognition.

VideoClassificationPredictionInstance

Prediction input format for Video Classification.

VideoObjectTrackingPredictionInstance

Prediction input format for Video Object Tracking.

ImageClassificationPredictionParams

Prediction model parameters for Image Classification.

ImageObjectDetectionPredictionParams

Prediction model parameters for Image Object Detection.

ImageSegmentationPredictionParams

Prediction model parameters for Image Segmentation.

VideoActionRecognitionPredictionParams

Prediction model parameters for Video Action Recognition.

VideoClassificationPredictionParams

Prediction model parameters for Video Classification.

VideoObjectTrackingPredictionParams

Prediction model parameters for Video Object Tracking.

ClassificationPredictionResult

Prediction output format for Image and Text Classification.

ImageObjectDetectionPredictionResult

Prediction output format for Image Object Detection.

ImageSegmentationPredictionResult

Prediction output format for Image Segmentation.

TabularClassificationPredictionResult

Prediction output format for Tabular Classification.

TabularRegressionPredictionResult

Prediction output format for Tabular Regression.

TextExtractionPredictionResult

Prediction output format for Text Extraction.

TextSentimentPredictionResult

Prediction output format for Text Sentiment

TimeSeriesForecastingPredictionResult

Prediction output format for Time Series Forecasting.

VideoActionRecognitionPredictionResult

Prediction output format for Video Action Recognition.

VideoClassificationPredictionResult

Prediction output format for Video Classification.

VideoObjectTrackingPredictionResult

Prediction output format for Video Object Tracking.

Frame

The fieldsxMin,xMax,yMin, andyMax refer to abounding box, i.e. the rectangle over the video frame pinpointingthe found AnnotationSpec. The coordinates are relative to the framesize, and the point 0,0 is in the top left of the frame.

AutoMlForecasting

A TrainingJob that trains and uploads an AutoML ForecastingModel.

AutoMlForecastingInputs

Granularity

A duration of time expressed in time granularity units.

Transformation

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

AutoTransformation

Training pipeline will infer the proper transformation basedon the statistic of dataset.

CategoricalTransformation

Training pipeline will perform following transformation functions.

  • The categorical string as is--no change to case, punctuation,spelling, tense, and so on.

  • Convert the category name to a dictionary lookup index andgenerate an embedding for each index.

  • Categories that appear less than 5 times in the training datasetare treated as the "unknown" category. The "unknown" category getsits own special lookup index and resulting embedding.

NumericTransformation

Training pipeline will perform following transformation functions.

  • The value converted to float32.

  • The z_score of the value.

  • log(value+1) when the value is greater than or equal to 0.Otherwise, this transformation is not applied and the value isconsidered a missing value.

  • z_score of log(value+1) when the value is greater than or equal to

    1. Otherwise, this transformation is not applied and the value isconsidered a missing value.
  • A boolean value that indicates whether the value is valid.

TextTransformation

Training pipeline will perform following transformation functions.

  • The text as is--no change to case, punctuation, spelling, tense,and so on.

  • Convert the category name to a dictionary lookup index andgenerate an embedding for each index.

TimestampTransformation

Training pipeline will perform following transformation functions.

  • Apply the transformation functions for Numerical columns.

  • Determine the year, month, day,and weekday. Treat each value fromthe timestamp as a Categorical column.

  • Invalid numerical values (for example, values that fall outside ofa typical timestamp range, or are extreme values) receive nospecial treatment and are not removed.

AutoMlForecastingMetadata

Model metadata specific to AutoML Forecasting.

AutoMlImageClassification

A TrainingJob that trains and uploads an AutoML ImageClassification Model.

AutoMlImageClassificationInputs

ModelType

AutoMlImageClassificationMetadata

SuccessfulStopReason

AutoMlImageObjectDetection

A TrainingJob that trains and uploads an AutoML Image ObjectDetection Model.

AutoMlImageObjectDetectionInputs

ModelType

AutoMlImageObjectDetectionMetadata

SuccessfulStopReason

AutoMlImageSegmentation

A TrainingJob that trains and uploads an AutoML ImageSegmentation Model.

AutoMlImageSegmentationInputs

ModelType

AutoMlImageSegmentationMetadata

SuccessfulStopReason

AutoMlTables

A TrainingJob that trains and uploads an AutoML Tables Model.

AutoMlTablesInputs

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

Transformation

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

AutoTransformation

Training pipeline will infer the proper transformation basedon the statistic of dataset.

CategoricalArrayTransformation

Treats the column as categorical array and performs followingtransformation functions.

  • For each element in the array, convert the category name to adictionary lookup index and generate an embedding for each index.Combine the embedding of all elements into a single embeddingusing the mean.
  • Empty arrays treated as an embedding of zeroes.

CategoricalTransformation

Training pipeline will perform following transformation functions.

  • The categorical string as is--no change to case, punctuation,spelling, tense, and so on.
  • Convert the category name to a dictionary lookup index andgenerate an embedding for each index.
  • Categories that appear less than 5 times in the training datasetare treated as the "unknown" category. The "unknown" category getsits own special lookup index and resulting embedding.

NumericArrayTransformation

Treats the column as numerical array and performs followingtransformation functions.

  • All transformations for Numerical types applied to the average ofthe all elements.
  • The average of empty arrays is treated as zero.

NumericTransformation

Training pipeline will perform following transformation functions.

  • The value converted to float32.
  • The z_score of the value.
  • log(value+1) when the value is greater than or equal to 0.Otherwise, this transformation is not applied and the value isconsidered a missing value.
  • z_score of log(value+1) when the value is greater than or equal to
    1. Otherwise, this transformation is not applied and the value isconsidered a missing value.
  • A boolean value that indicates whether the value is valid.

TextArrayTransformation

Treats the column as text array and performs followingtransformation functions.

  • Concatenate all text values in the array into a single text valueusing a space (" ") as a delimiter, and then treat the result as asingle text value. Apply the transformations for Text columns.
  • Empty arrays treated as an empty text.

TextTransformation

Training pipeline will perform following transformation functions.

  • The text as is--no change to case, punctuation, spelling, tense,and so on.
  • Tokenize text to words. Convert each words to a dictionary lookupindex and generate an embedding for each index. Combine theembedding of all elements into a single embedding using the mean.
  • Tokenization is based on unicode script boundaries.
  • Missing values get their own lookup index and resulting embedding.
  • Stop-words receive no special treatment and are not removed.

TimestampTransformation

Training pipeline will perform following transformation functions.

  • Apply the transformation functions for Numerical columns.
  • Determine the year, month, day,and weekday. Treat each value fromthe
  • timestamp as a Categorical column.
  • Invalid numerical values (for example, values that fall outside ofa typical timestamp range, or are extreme values) receive nospecial treatment and are not removed.

AutoMlTablesMetadata

Model metadata specific to AutoML Tables.

AutoMlTextClassification

A TrainingJob that trains and uploads an AutoML TextClassification Model.

AutoMlTextClassificationInputs

AutoMlTextExtraction

A TrainingJob that trains and uploads an AutoML TextExtraction Model.

AutoMlTextExtractionInputs

API documentation foraiplatform.v1beta1.schema.trainingjob.definition_v1beta1.types.AutoMlTextExtractionInputs class.

AutoMlTextSentiment

A TrainingJob that trains and uploads an AutoML TextSentiment Model.

AutoMlTextSentimentInputs

AutoMlVideoActionRecognition

A TrainingJob that trains and uploads an AutoML Video ActionRecognition Model.

AutoMlVideoActionRecognitionInputs

ModelType

AutoMlVideoClassification

A TrainingJob that trains and uploads an AutoML VideoClassification Model.

AutoMlVideoClassificationInputs

ModelType

AutoMlVideoObjectTracking

A TrainingJob that trains and uploads an AutoML VideoObjectTracking Model.

AutoMlVideoObjectTrackingInputs

ModelType

ExportEvaluatedDataItemsConfig

Configuration for exporting test set predictions to aBigQuery table.

DataFoundryServiceAsyncClient

Service for generating and preparing datasets for Gen AIevaluation.

DataFoundryServiceClient

Service for generating and preparing datasets for Gen AIevaluation.

DatasetServiceAsyncClient

The service that manages Vertex AI Dataset and its childresources.

DatasetServiceClient

The service that manages Vertex AI Dataset and its childresources.

ListAnnotationsAsyncPager

A pager for iterating throughlist_annotations requests.

This class thinly wraps an initialListAnnotationsResponse object, andprovides an__aiter__ method to iterate through itsannotations field.

If there are more pages, the__aiter__ method will make additionalListAnnotations requests and continue to iteratethrough theannotations field on thecorresponding responses.

All the usualListAnnotationsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListAnnotationsPager

A pager for iterating throughlist_annotations requests.

This class thinly wraps an initialListAnnotationsResponse object, andprovides an__iter__ method to iterate through itsannotations field.

If there are more pages, the__iter__ method will make additionalListAnnotations requests and continue to iteratethrough theannotations field on thecorresponding responses.

All the usualListAnnotationsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListDataItemsAsyncPager

A pager for iterating throughlist_data_items requests.

This class thinly wraps an initialListDataItemsResponse object, andprovides an__aiter__ method to iterate through itsdata_items field.

If there are more pages, the__aiter__ method will make additionalListDataItems requests and continue to iteratethrough thedata_items field on thecorresponding responses.

All the usualListDataItemsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListDataItemsPager

A pager for iterating throughlist_data_items requests.

This class thinly wraps an initialListDataItemsResponse object, andprovides an__iter__ method to iterate through itsdata_items field.

If there are more pages, the__iter__ method will make additionalListDataItems requests and continue to iteratethrough thedata_items field on thecorresponding responses.

All the usualListDataItemsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListDatasetVersionsAsyncPager

A pager for iterating throughlist_dataset_versions requests.

This class thinly wraps an initialListDatasetVersionsResponse object, andprovides an__aiter__ method to iterate through itsdataset_versions field.

If there are more pages, the__aiter__ method will make additionalListDatasetVersions requests and continue to iteratethrough thedataset_versions field on thecorresponding responses.

All the usualListDatasetVersionsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListDatasetVersionsPager

A pager for iterating throughlist_dataset_versions requests.

This class thinly wraps an initialListDatasetVersionsResponse object, andprovides an__iter__ method to iterate through itsdataset_versions field.

If there are more pages, the__iter__ method will make additionalListDatasetVersions requests and continue to iteratethrough thedataset_versions field on thecorresponding responses.

All the usualListDatasetVersionsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListDatasetsAsyncPager

A pager for iterating throughlist_datasets requests.

This class thinly wraps an initialListDatasetsResponse object, andprovides an__aiter__ method to iterate through itsdatasets field.

If there are more pages, the__aiter__ method will make additionalListDatasets requests and continue to iteratethrough thedatasets field on thecorresponding responses.

All the usualListDatasetsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListDatasetsPager

A pager for iterating throughlist_datasets requests.

This class thinly wraps an initialListDatasetsResponse object, andprovides an__iter__ method to iterate through itsdatasets field.

If there are more pages, the__iter__ method will make additionalListDatasets requests and continue to iteratethrough thedatasets field on thecorresponding responses.

All the usualListDatasetsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListSavedQueriesAsyncPager

A pager for iterating throughlist_saved_queries requests.

This class thinly wraps an initialListSavedQueriesResponse object, andprovides an__aiter__ method to iterate through itssaved_queries field.

If there are more pages, the__aiter__ method will make additionalListSavedQueries requests and continue to iteratethrough thesaved_queries field on thecorresponding responses.

All the usualListSavedQueriesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListSavedQueriesPager

A pager for iterating throughlist_saved_queries requests.

This class thinly wraps an initialListSavedQueriesResponse object, andprovides an__iter__ method to iterate through itssaved_queries field.

If there are more pages, the__iter__ method will make additionalListSavedQueries requests and continue to iteratethrough thesaved_queries field on thecorresponding responses.

All the usualListSavedQueriesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

SearchDataItemsAsyncPager

A pager for iterating throughsearch_data_items requests.

This class thinly wraps an initialSearchDataItemsResponse object, andprovides an__aiter__ method to iterate through itsdata_item_views field.

If there are more pages, the__aiter__ method will make additionalSearchDataItems requests and continue to iteratethrough thedata_item_views field on thecorresponding responses.

All the usualSearchDataItemsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

SearchDataItemsPager

A pager for iterating throughsearch_data_items requests.

This class thinly wraps an initialSearchDataItemsResponse object, andprovides an__iter__ method to iterate through itsdata_item_views field.

If there are more pages, the__iter__ method will make additionalSearchDataItems requests and continue to iteratethrough thedata_item_views field on thecorresponding responses.

All the usualSearchDataItemsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

DeploymentResourcePoolServiceAsyncClient

A service that manages the DeploymentResourcePool resource.

DeploymentResourcePoolServiceClient

A service that manages the DeploymentResourcePool resource.

ListDeploymentResourcePoolsAsyncPager

A pager for iterating throughlist_deployment_resource_pools requests.

This class thinly wraps an initialListDeploymentResourcePoolsResponse object, andprovides an__aiter__ method to iterate through itsdeployment_resource_pools field.

If there are more pages, the__aiter__ method will make additionalListDeploymentResourcePools requests and continue to iteratethrough thedeployment_resource_pools field on thecorresponding responses.

All the usualListDeploymentResourcePoolsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListDeploymentResourcePoolsPager

A pager for iterating throughlist_deployment_resource_pools requests.

This class thinly wraps an initialListDeploymentResourcePoolsResponse object, andprovides an__iter__ method to iterate through itsdeployment_resource_pools field.

If there are more pages, the__iter__ method will make additionalListDeploymentResourcePools requests and continue to iteratethrough thedeployment_resource_pools field on thecorresponding responses.

All the usualListDeploymentResourcePoolsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

QueryDeployedModelsAsyncPager

A pager for iterating throughquery_deployed_models requests.

This class thinly wraps an initialQueryDeployedModelsResponse object, andprovides an__aiter__ method to iterate through itsdeployed_models field.

If there are more pages, the__aiter__ method will make additionalQueryDeployedModels requests and continue to iteratethrough thedeployed_models field on thecorresponding responses.

All the usualQueryDeployedModelsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

QueryDeployedModelsPager

A pager for iterating throughquery_deployed_models requests.

This class thinly wraps an initialQueryDeployedModelsResponse object, andprovides an__iter__ method to iterate through itsdeployed_models field.

If there are more pages, the__iter__ method will make additionalQueryDeployedModels requests and continue to iteratethrough thedeployed_models field on thecorresponding responses.

All the usualQueryDeployedModelsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

EndpointServiceAsyncClient

A service for managing Vertex AI's Endpoints.

EndpointServiceClient

A service for managing Vertex AI's Endpoints.

ListEndpointsAsyncPager

A pager for iterating throughlist_endpoints requests.

This class thinly wraps an initialListEndpointsResponse object, andprovides an__aiter__ method to iterate through itsendpoints field.

If there are more pages, the__aiter__ method will make additionalListEndpoints requests and continue to iteratethrough theendpoints field on thecorresponding responses.

All the usualListEndpointsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListEndpointsPager

A pager for iterating throughlist_endpoints requests.

This class thinly wraps an initialListEndpointsResponse object, andprovides an__iter__ method to iterate through itsendpoints field.

If there are more pages, the__iter__ method will make additionalListEndpoints requests and continue to iteratethrough theendpoints field on thecorresponding responses.

All the usualListEndpointsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

EvaluationServiceAsyncClient

Vertex AI Online Evaluation Service.

EvaluationServiceClient

Vertex AI Online Evaluation Service.

FeatureOnlineStoreAdminServiceAsyncClient

The service that handles CRUD and List for resources forFeatureOnlineStore.

FeatureOnlineStoreAdminServiceClient

The service that handles CRUD and List for resources forFeatureOnlineStore.

ListFeatureOnlineStoresAsyncPager

A pager for iterating throughlist_feature_online_stores requests.

This class thinly wraps an initialListFeatureOnlineStoresResponse object, andprovides an__aiter__ method to iterate through itsfeature_online_stores field.

If there are more pages, the__aiter__ method will make additionalListFeatureOnlineStores requests and continue to iteratethrough thefeature_online_stores field on thecorresponding responses.

All the usualListFeatureOnlineStoresResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListFeatureOnlineStoresPager

A pager for iterating throughlist_feature_online_stores requests.

This class thinly wraps an initialListFeatureOnlineStoresResponse object, andprovides an__iter__ method to iterate through itsfeature_online_stores field.

If there are more pages, the__iter__ method will make additionalListFeatureOnlineStores requests and continue to iteratethrough thefeature_online_stores field on thecorresponding responses.

All the usualListFeatureOnlineStoresResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListFeatureViewSyncsAsyncPager

A pager for iterating throughlist_feature_view_syncs requests.

This class thinly wraps an initialListFeatureViewSyncsResponse object, andprovides an__aiter__ method to iterate through itsfeature_view_syncs field.

If there are more pages, the__aiter__ method will make additionalListFeatureViewSyncs requests and continue to iteratethrough thefeature_view_syncs field on thecorresponding responses.

All the usualListFeatureViewSyncsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListFeatureViewSyncsPager

A pager for iterating throughlist_feature_view_syncs requests.

This class thinly wraps an initialListFeatureViewSyncsResponse object, andprovides an__iter__ method to iterate through itsfeature_view_syncs field.

If there are more pages, the__iter__ method will make additionalListFeatureViewSyncs requests and continue to iteratethrough thefeature_view_syncs field on thecorresponding responses.

All the usualListFeatureViewSyncsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListFeatureViewsAsyncPager

A pager for iterating throughlist_feature_views requests.

This class thinly wraps an initialListFeatureViewsResponse object, andprovides an__aiter__ method to iterate through itsfeature_views field.

If there are more pages, the__aiter__ method will make additionalListFeatureViews requests and continue to iteratethrough thefeature_views field on thecorresponding responses.

All the usualListFeatureViewsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListFeatureViewsPager

A pager for iterating throughlist_feature_views requests.

This class thinly wraps an initialListFeatureViewsResponse object, andprovides an__iter__ method to iterate through itsfeature_views field.

If there are more pages, the__iter__ method will make additionalListFeatureViews requests and continue to iteratethrough thefeature_views field on thecorresponding responses.

All the usualListFeatureViewsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

FeatureOnlineStoreServiceAsyncClient

A service for fetching feature values from the online store.

FeatureOnlineStoreServiceClient

A service for fetching feature values from the online store.

FeatureRegistryServiceAsyncClient

The service that handles CRUD and List for resources forFeatureRegistry.

FeatureRegistryServiceClient

The service that handles CRUD and List for resources forFeatureRegistry.

ListFeatureGroupsAsyncPager

A pager for iterating throughlist_feature_groups requests.

This class thinly wraps an initialListFeatureGroupsResponse object, andprovides an__aiter__ method to iterate through itsfeature_groups field.

If there are more pages, the__aiter__ method will make additionalListFeatureGroups requests and continue to iteratethrough thefeature_groups field on thecorresponding responses.

All the usualListFeatureGroupsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListFeatureGroupsPager

A pager for iterating throughlist_feature_groups requests.

This class thinly wraps an initialListFeatureGroupsResponse object, andprovides an__iter__ method to iterate through itsfeature_groups field.

If there are more pages, the__iter__ method will make additionalListFeatureGroups requests and continue to iteratethrough thefeature_groups field on thecorresponding responses.

All the usualListFeatureGroupsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListFeaturesAsyncPager

A pager for iterating throughlist_features requests.

This class thinly wraps an initialListFeaturesResponse object, andprovides an__aiter__ method to iterate through itsfeatures field.

If there are more pages, the__aiter__ method will make additionalListFeatures requests and continue to iteratethrough thefeatures field on thecorresponding responses.

All the usualListFeaturesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListFeaturesPager

A pager for iterating throughlist_features requests.

This class thinly wraps an initialListFeaturesResponse object, andprovides an__iter__ method to iterate through itsfeatures field.

If there are more pages, the__iter__ method will make additionalListFeatures requests and continue to iteratethrough thefeatures field on thecorresponding responses.

All the usualListFeaturesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

FeaturestoreOnlineServingServiceAsyncClient

A service for serving online feature values.

FeaturestoreOnlineServingServiceClient

A service for serving online feature values.

FeaturestoreServiceAsyncClient

The service that handles CRUD and List for resources forFeaturestore.

FeaturestoreServiceClient

The service that handles CRUD and List for resources forFeaturestore.

ListEntityTypesAsyncPager

A pager for iterating throughlist_entity_types requests.

This class thinly wraps an initialListEntityTypesResponse object, andprovides an__aiter__ method to iterate through itsentity_types field.

If there are more pages, the__aiter__ method will make additionalListEntityTypes requests and continue to iteratethrough theentity_types field on thecorresponding responses.

All the usualListEntityTypesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListEntityTypesPager

A pager for iterating throughlist_entity_types requests.

This class thinly wraps an initialListEntityTypesResponse object, andprovides an__iter__ method to iterate through itsentity_types field.

If there are more pages, the__iter__ method will make additionalListEntityTypes requests and continue to iteratethrough theentity_types field on thecorresponding responses.

All the usualListEntityTypesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListFeaturesAsyncPager

A pager for iterating throughlist_features requests.

This class thinly wraps an initialListFeaturesResponse object, andprovides an__aiter__ method to iterate through itsfeatures field.

If there are more pages, the__aiter__ method will make additionalListFeatures requests and continue to iteratethrough thefeatures field on thecorresponding responses.

All the usualListFeaturesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListFeaturesPager

A pager for iterating throughlist_features requests.

This class thinly wraps an initialListFeaturesResponse object, andprovides an__iter__ method to iterate through itsfeatures field.

If there are more pages, the__iter__ method will make additionalListFeatures requests and continue to iteratethrough thefeatures field on thecorresponding responses.

All the usualListFeaturesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListFeaturestoresAsyncPager

A pager for iterating throughlist_featurestores requests.

This class thinly wraps an initialListFeaturestoresResponse object, andprovides an__aiter__ method to iterate through itsfeaturestores field.

If there are more pages, the__aiter__ method will make additionalListFeaturestores requests and continue to iteratethrough thefeaturestores field on thecorresponding responses.

All the usualListFeaturestoresResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListFeaturestoresPager

A pager for iterating throughlist_featurestores requests.

This class thinly wraps an initialListFeaturestoresResponse object, andprovides an__iter__ method to iterate through itsfeaturestores field.

If there are more pages, the__iter__ method will make additionalListFeaturestores requests and continue to iteratethrough thefeaturestores field on thecorresponding responses.

All the usualListFeaturestoresResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

SearchFeaturesAsyncPager

A pager for iterating throughsearch_features requests.

This class thinly wraps an initialSearchFeaturesResponse object, andprovides an__aiter__ method to iterate through itsfeatures field.

If there are more pages, the__aiter__ method will make additionalSearchFeatures requests and continue to iteratethrough thefeatures field on thecorresponding responses.

All the usualSearchFeaturesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

SearchFeaturesPager

A pager for iterating throughsearch_features requests.

This class thinly wraps an initialSearchFeaturesResponse object, andprovides an__iter__ method to iterate through itsfeatures field.

If there are more pages, the__iter__ method will make additionalSearchFeatures requests and continue to iteratethrough thefeatures field on thecorresponding responses.

All the usualSearchFeaturesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

GenAiCacheServiceAsyncClient

Service for managing Vertex AI's CachedContent resource.

GenAiCacheServiceClient

Service for managing Vertex AI's CachedContent resource.

ListCachedContentsAsyncPager

A pager for iterating throughlist_cached_contents requests.

This class thinly wraps an initialListCachedContentsResponse object, andprovides an__aiter__ method to iterate through itscached_contents field.

If there are more pages, the__aiter__ method will make additionalListCachedContents requests and continue to iteratethrough thecached_contents field on thecorresponding responses.

All the usualListCachedContentsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListCachedContentsPager

A pager for iterating throughlist_cached_contents requests.

This class thinly wraps an initialListCachedContentsResponse object, andprovides an__iter__ method to iterate through itscached_contents field.

If there are more pages, the__iter__ method will make additionalListCachedContents requests and continue to iteratethrough thecached_contents field on thecorresponding responses.

All the usualListCachedContentsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

GenAiTuningServiceAsyncClient

A service for creating and managing GenAI Tuning Jobs.

GenAiTuningServiceClient

A service for creating and managing GenAI Tuning Jobs.

ListTuningJobsAsyncPager

A pager for iterating throughlist_tuning_jobs requests.

This class thinly wraps an initialListTuningJobsResponse object, andprovides an__aiter__ method to iterate through itstuning_jobs field.

If there are more pages, the__aiter__ method will make additionalListTuningJobs requests and continue to iteratethrough thetuning_jobs field on thecorresponding responses.

All the usualListTuningJobsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListTuningJobsPager

A pager for iterating throughlist_tuning_jobs requests.

This class thinly wraps an initialListTuningJobsResponse object, andprovides an__iter__ method to iterate through itstuning_jobs field.

If there are more pages, the__iter__ method will make additionalListTuningJobs requests and continue to iteratethrough thetuning_jobs field on thecorresponding responses.

All the usualListTuningJobsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

IndexEndpointServiceAsyncClient

A service for managing Vertex AI's IndexEndpoints.

IndexEndpointServiceClient

A service for managing Vertex AI's IndexEndpoints.

ListIndexEndpointsAsyncPager

A pager for iterating throughlist_index_endpoints requests.

This class thinly wraps an initialListIndexEndpointsResponse object, andprovides an__aiter__ method to iterate through itsindex_endpoints field.

If there are more pages, the__aiter__ method will make additionalListIndexEndpoints requests and continue to iteratethrough theindex_endpoints field on thecorresponding responses.

All the usualListIndexEndpointsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListIndexEndpointsPager

A pager for iterating throughlist_index_endpoints requests.

This class thinly wraps an initialListIndexEndpointsResponse object, andprovides an__iter__ method to iterate through itsindex_endpoints field.

If there are more pages, the__iter__ method will make additionalListIndexEndpoints requests and continue to iteratethrough theindex_endpoints field on thecorresponding responses.

All the usualListIndexEndpointsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

IndexServiceAsyncClient

A service for creating and managing Vertex AI's Indexresources.

IndexServiceClient

A service for creating and managing Vertex AI's Indexresources.

ListIndexesAsyncPager

A pager for iterating throughlist_indexes requests.

This class thinly wraps an initialListIndexesResponse object, andprovides an__aiter__ method to iterate through itsindexes field.

If there are more pages, the__aiter__ method will make additionalListIndexes requests and continue to iteratethrough theindexes field on thecorresponding responses.

All the usualListIndexesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListIndexesPager

A pager for iterating throughlist_indexes requests.

This class thinly wraps an initialListIndexesResponse object, andprovides an__iter__ method to iterate through itsindexes field.

If there are more pages, the__iter__ method will make additionalListIndexes requests and continue to iteratethrough theindexes field on thecorresponding responses.

All the usualListIndexesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

JobServiceAsyncClient

A service for creating and managing Vertex AI's jobs.

JobServiceClient

A service for creating and managing Vertex AI's jobs.

ListBatchPredictionJobsAsyncPager

A pager for iterating throughlist_batch_prediction_jobs requests.

This class thinly wraps an initialListBatchPredictionJobsResponse object, andprovides an__aiter__ method to iterate through itsbatch_prediction_jobs field.

If there are more pages, the__aiter__ method will make additionalListBatchPredictionJobs requests and continue to iteratethrough thebatch_prediction_jobs field on thecorresponding responses.

All the usualListBatchPredictionJobsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListBatchPredictionJobsPager

A pager for iterating throughlist_batch_prediction_jobs requests.

This class thinly wraps an initialListBatchPredictionJobsResponse object, andprovides an__iter__ method to iterate through itsbatch_prediction_jobs field.

If there are more pages, the__iter__ method will make additionalListBatchPredictionJobs requests and continue to iteratethrough thebatch_prediction_jobs field on thecorresponding responses.

All the usualListBatchPredictionJobsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListCustomJobsAsyncPager

A pager for iterating throughlist_custom_jobs requests.

This class thinly wraps an initialListCustomJobsResponse object, andprovides an__aiter__ method to iterate through itscustom_jobs field.

If there are more pages, the__aiter__ method will make additionalListCustomJobs requests and continue to iteratethrough thecustom_jobs field on thecorresponding responses.

All the usualListCustomJobsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListCustomJobsPager

A pager for iterating throughlist_custom_jobs requests.

This class thinly wraps an initialListCustomJobsResponse object, andprovides an__iter__ method to iterate through itscustom_jobs field.

If there are more pages, the__iter__ method will make additionalListCustomJobs requests and continue to iteratethrough thecustom_jobs field on thecorresponding responses.

All the usualListCustomJobsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListDataLabelingJobsAsyncPager

A pager for iterating throughlist_data_labeling_jobs requests.

This class thinly wraps an initialListDataLabelingJobsResponse object, andprovides an__aiter__ method to iterate through itsdata_labeling_jobs field.

If there are more pages, the__aiter__ method will make additionalListDataLabelingJobs requests and continue to iteratethrough thedata_labeling_jobs field on thecorresponding responses.

All the usualListDataLabelingJobsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListDataLabelingJobsPager

A pager for iterating throughlist_data_labeling_jobs requests.

This class thinly wraps an initialListDataLabelingJobsResponse object, andprovides an__iter__ method to iterate through itsdata_labeling_jobs field.

If there are more pages, the__iter__ method will make additionalListDataLabelingJobs requests and continue to iteratethrough thedata_labeling_jobs field on thecorresponding responses.

All the usualListDataLabelingJobsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListHyperparameterTuningJobsAsyncPager

A pager for iterating throughlist_hyperparameter_tuning_jobs requests.

This class thinly wraps an initialListHyperparameterTuningJobsResponse object, andprovides an__aiter__ method to iterate through itshyperparameter_tuning_jobs field.

If there are more pages, the__aiter__ method will make additionalListHyperparameterTuningJobs requests and continue to iteratethrough thehyperparameter_tuning_jobs field on thecorresponding responses.

All the usualListHyperparameterTuningJobsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListHyperparameterTuningJobsPager

A pager for iterating throughlist_hyperparameter_tuning_jobs requests.

This class thinly wraps an initialListHyperparameterTuningJobsResponse object, andprovides an__iter__ method to iterate through itshyperparameter_tuning_jobs field.

If there are more pages, the__iter__ method will make additionalListHyperparameterTuningJobs requests and continue to iteratethrough thehyperparameter_tuning_jobs field on thecorresponding responses.

All the usualListHyperparameterTuningJobsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListModelDeploymentMonitoringJobsAsyncPager

A pager for iterating throughlist_model_deployment_monitoring_jobs requests.

This class thinly wraps an initialListModelDeploymentMonitoringJobsResponse object, andprovides an__aiter__ method to iterate through itsmodel_deployment_monitoring_jobs field.

If there are more pages, the__aiter__ method will make additionalListModelDeploymentMonitoringJobs requests and continue to iteratethrough themodel_deployment_monitoring_jobs field on thecorresponding responses.

All the usualListModelDeploymentMonitoringJobsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListModelDeploymentMonitoringJobsPager

A pager for iterating throughlist_model_deployment_monitoring_jobs requests.

This class thinly wraps an initialListModelDeploymentMonitoringJobsResponse object, andprovides an__iter__ method to iterate through itsmodel_deployment_monitoring_jobs field.

If there are more pages, the__iter__ method will make additionalListModelDeploymentMonitoringJobs requests and continue to iteratethrough themodel_deployment_monitoring_jobs field on thecorresponding responses.

All the usualListModelDeploymentMonitoringJobsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListNasJobsAsyncPager

A pager for iterating throughlist_nas_jobs requests.

This class thinly wraps an initialListNasJobsResponse object, andprovides an__aiter__ method to iterate through itsnas_jobs field.

If there are more pages, the__aiter__ method will make additionalListNasJobs requests and continue to iteratethrough thenas_jobs field on thecorresponding responses.

All the usualListNasJobsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListNasJobsPager

A pager for iterating throughlist_nas_jobs requests.

This class thinly wraps an initialListNasJobsResponse object, andprovides an__iter__ method to iterate through itsnas_jobs field.

If there are more pages, the__iter__ method will make additionalListNasJobs requests and continue to iteratethrough thenas_jobs field on thecorresponding responses.

All the usualListNasJobsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListNasTrialDetailsAsyncPager

A pager for iterating throughlist_nas_trial_details requests.

This class thinly wraps an initialListNasTrialDetailsResponse object, andprovides an__aiter__ method to iterate through itsnas_trial_details field.

If there are more pages, the__aiter__ method will make additionalListNasTrialDetails requests and continue to iteratethrough thenas_trial_details field on thecorresponding responses.

All the usualListNasTrialDetailsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListNasTrialDetailsPager

A pager for iterating throughlist_nas_trial_details requests.

This class thinly wraps an initialListNasTrialDetailsResponse object, andprovides an__iter__ method to iterate through itsnas_trial_details field.

If there are more pages, the__iter__ method will make additionalListNasTrialDetails requests and continue to iteratethrough thenas_trial_details field on thecorresponding responses.

All the usualListNasTrialDetailsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

SearchModelDeploymentMonitoringStatsAnomaliesAsyncPager

A pager for iterating throughsearch_model_deployment_monitoring_stats_anomalies requests.

This class thinly wraps an initialSearchModelDeploymentMonitoringStatsAnomaliesResponse object, andprovides an__aiter__ method to iterate through itsmonitoring_stats field.

If there are more pages, the__aiter__ method will make additionalSearchModelDeploymentMonitoringStatsAnomalies requests and continue to iteratethrough themonitoring_stats field on thecorresponding responses.

All the usualSearchModelDeploymentMonitoringStatsAnomaliesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

SearchModelDeploymentMonitoringStatsAnomaliesPager

A pager for iterating throughsearch_model_deployment_monitoring_stats_anomalies requests.

This class thinly wraps an initialSearchModelDeploymentMonitoringStatsAnomaliesResponse object, andprovides an__iter__ method to iterate through itsmonitoring_stats field.

If there are more pages, the__iter__ method will make additionalSearchModelDeploymentMonitoringStatsAnomalies requests and continue to iteratethrough themonitoring_stats field on thecorresponding responses.

All the usualSearchModelDeploymentMonitoringStatsAnomaliesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

LlmUtilityServiceAsyncClient

Service for LLM related utility functions.

LlmUtilityServiceClient

Service for LLM related utility functions.

MatchServiceAsyncClient

MatchService is a Google managed service for efficient vectorsimilarity search at scale.

MatchServiceClient

MatchService is a Google managed service for efficient vectorsimilarity search at scale.

MetadataServiceAsyncClient

Service for reading and writing metadata entries.

MetadataServiceClient

Service for reading and writing metadata entries.

ListArtifactsAsyncPager

A pager for iterating throughlist_artifacts requests.

This class thinly wraps an initialListArtifactsResponse object, andprovides an__aiter__ method to iterate through itsartifacts field.

If there are more pages, the__aiter__ method will make additionalListArtifacts requests and continue to iteratethrough theartifacts field on thecorresponding responses.

All the usualListArtifactsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListArtifactsPager

A pager for iterating throughlist_artifacts requests.

This class thinly wraps an initialListArtifactsResponse object, andprovides an__iter__ method to iterate through itsartifacts field.

If there are more pages, the__iter__ method will make additionalListArtifacts requests and continue to iteratethrough theartifacts field on thecorresponding responses.

All the usualListArtifactsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListContextsAsyncPager

A pager for iterating throughlist_contexts requests.

This class thinly wraps an initialListContextsResponse object, andprovides an__aiter__ method to iterate through itscontexts field.

If there are more pages, the__aiter__ method will make additionalListContexts requests and continue to iteratethrough thecontexts field on thecorresponding responses.

All the usualListContextsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListContextsPager

A pager for iterating throughlist_contexts requests.

This class thinly wraps an initialListContextsResponse object, andprovides an__iter__ method to iterate through itscontexts field.

If there are more pages, the__iter__ method will make additionalListContexts requests and continue to iteratethrough thecontexts field on thecorresponding responses.

All the usualListContextsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListExecutionsAsyncPager

A pager for iterating throughlist_executions requests.

This class thinly wraps an initialListExecutionsResponse object, andprovides an__aiter__ method to iterate through itsexecutions field.

If there are more pages, the__aiter__ method will make additionalListExecutions requests and continue to iteratethrough theexecutions field on thecorresponding responses.

All the usualListExecutionsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListExecutionsPager

A pager for iterating throughlist_executions requests.

This class thinly wraps an initialListExecutionsResponse object, andprovides an__iter__ method to iterate through itsexecutions field.

If there are more pages, the__iter__ method will make additionalListExecutions requests and continue to iteratethrough theexecutions field on thecorresponding responses.

All the usualListExecutionsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListMetadataSchemasAsyncPager

A pager for iterating throughlist_metadata_schemas requests.

This class thinly wraps an initialListMetadataSchemasResponse object, andprovides an__aiter__ method to iterate through itsmetadata_schemas field.

If there are more pages, the__aiter__ method will make additionalListMetadataSchemas requests and continue to iteratethrough themetadata_schemas field on thecorresponding responses.

All the usualListMetadataSchemasResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListMetadataSchemasPager

A pager for iterating throughlist_metadata_schemas requests.

This class thinly wraps an initialListMetadataSchemasResponse object, andprovides an__iter__ method to iterate through itsmetadata_schemas field.

If there are more pages, the__iter__ method will make additionalListMetadataSchemas requests and continue to iteratethrough themetadata_schemas field on thecorresponding responses.

All the usualListMetadataSchemasResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListMetadataStoresAsyncPager

A pager for iterating throughlist_metadata_stores requests.

This class thinly wraps an initialListMetadataStoresResponse object, andprovides an__aiter__ method to iterate through itsmetadata_stores field.

If there are more pages, the__aiter__ method will make additionalListMetadataStores requests and continue to iteratethrough themetadata_stores field on thecorresponding responses.

All the usualListMetadataStoresResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListMetadataStoresPager

A pager for iterating throughlist_metadata_stores requests.

This class thinly wraps an initialListMetadataStoresResponse object, andprovides an__iter__ method to iterate through itsmetadata_stores field.

If there are more pages, the__iter__ method will make additionalListMetadataStores requests and continue to iteratethrough themetadata_stores field on thecorresponding responses.

All the usualListMetadataStoresResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

MigrationServiceAsyncClient

A service that migrates resources from automl.googleapis.com,datalabeling.googleapis.com and ml.googleapis.com to Vertex AI.

MigrationServiceClient

A service that migrates resources from automl.googleapis.com,datalabeling.googleapis.com and ml.googleapis.com to Vertex AI.

SearchMigratableResourcesAsyncPager

A pager for iterating throughsearch_migratable_resources requests.

This class thinly wraps an initialSearchMigratableResourcesResponse object, andprovides an__aiter__ method to iterate through itsmigratable_resources field.

If there are more pages, the__aiter__ method will make additionalSearchMigratableResources requests and continue to iteratethrough themigratable_resources field on thecorresponding responses.

All the usualSearchMigratableResourcesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

SearchMigratableResourcesPager

A pager for iterating throughsearch_migratable_resources requests.

This class thinly wraps an initialSearchMigratableResourcesResponse object, andprovides an__iter__ method to iterate through itsmigratable_resources field.

If there are more pages, the__iter__ method will make additionalSearchMigratableResources requests and continue to iteratethrough themigratable_resources field on thecorresponding responses.

All the usualSearchMigratableResourcesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ModelGardenServiceAsyncClient

The interface of Model Garden Service.

ModelGardenServiceClient

The interface of Model Garden Service.

ModelServiceAsyncClient

A service for managing Vertex AI's machine learning Models.

ModelServiceClient

A service for managing Vertex AI's machine learning Models.

ListModelEvaluationSlicesAsyncPager

A pager for iterating throughlist_model_evaluation_slices requests.

This class thinly wraps an initialListModelEvaluationSlicesResponse object, andprovides an__aiter__ method to iterate through itsmodel_evaluation_slices field.

If there are more pages, the__aiter__ method will make additionalListModelEvaluationSlices requests and continue to iteratethrough themodel_evaluation_slices field on thecorresponding responses.

All the usualListModelEvaluationSlicesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListModelEvaluationSlicesPager

A pager for iterating throughlist_model_evaluation_slices requests.

This class thinly wraps an initialListModelEvaluationSlicesResponse object, andprovides an__iter__ method to iterate through itsmodel_evaluation_slices field.

If there are more pages, the__iter__ method will make additionalListModelEvaluationSlices requests and continue to iteratethrough themodel_evaluation_slices field on thecorresponding responses.

All the usualListModelEvaluationSlicesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListModelEvaluationsAsyncPager

A pager for iterating throughlist_model_evaluations requests.

This class thinly wraps an initialListModelEvaluationsResponse object, andprovides an__aiter__ method to iterate through itsmodel_evaluations field.

If there are more pages, the__aiter__ method will make additionalListModelEvaluations requests and continue to iteratethrough themodel_evaluations field on thecorresponding responses.

All the usualListModelEvaluationsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListModelEvaluationsPager

A pager for iterating throughlist_model_evaluations requests.

This class thinly wraps an initialListModelEvaluationsResponse object, andprovides an__iter__ method to iterate through itsmodel_evaluations field.

If there are more pages, the__iter__ method will make additionalListModelEvaluations requests and continue to iteratethrough themodel_evaluations field on thecorresponding responses.

All the usualListModelEvaluationsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListModelVersionCheckpointsAsyncPager

A pager for iterating throughlist_model_version_checkpoints requests.

This class thinly wraps an initialListModelVersionCheckpointsResponse object, andprovides an__aiter__ method to iterate through itscheckpoints field.

If there are more pages, the__aiter__ method will make additionalListModelVersionCheckpoints requests and continue to iteratethrough thecheckpoints field on thecorresponding responses.

All the usualListModelVersionCheckpointsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListModelVersionCheckpointsPager

A pager for iterating throughlist_model_version_checkpoints requests.

This class thinly wraps an initialListModelVersionCheckpointsResponse object, andprovides an__iter__ method to iterate through itscheckpoints field.

If there are more pages, the__iter__ method will make additionalListModelVersionCheckpoints requests and continue to iteratethrough thecheckpoints field on thecorresponding responses.

All the usualListModelVersionCheckpointsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListModelVersionsAsyncPager

A pager for iterating throughlist_model_versions requests.

This class thinly wraps an initialListModelVersionsResponse object, andprovides an__aiter__ method to iterate through itsmodels field.

If there are more pages, the__aiter__ method will make additionalListModelVersions requests and continue to iteratethrough themodels field on thecorresponding responses.

All the usualListModelVersionsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListModelVersionsPager

A pager for iterating throughlist_model_versions requests.

This class thinly wraps an initialListModelVersionsResponse object, andprovides an__iter__ method to iterate through itsmodels field.

If there are more pages, the__iter__ method will make additionalListModelVersions requests and continue to iteratethrough themodels field on thecorresponding responses.

All the usualListModelVersionsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListModelsAsyncPager

A pager for iterating throughlist_models requests.

This class thinly wraps an initialListModelsResponse object, andprovides an__aiter__ method to iterate through itsmodels field.

If there are more pages, the__aiter__ method will make additionalListModels requests and continue to iteratethrough themodels field on thecorresponding responses.

All the usualListModelsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListModelsPager

A pager for iterating throughlist_models requests.

This class thinly wraps an initialListModelsResponse object, andprovides an__iter__ method to iterate through itsmodels field.

If there are more pages, the__iter__ method will make additionalListModels requests and continue to iteratethrough themodels field on thecorresponding responses.

All the usualListModelsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

NotebookServiceAsyncClient

The interface for Vertex Notebook service (a.k.a. Colab onWorkbench).

NotebookServiceClient

The interface for Vertex Notebook service (a.k.a. Colab onWorkbench).

ListNotebookExecutionJobsAsyncPager

A pager for iterating throughlist_notebook_execution_jobs requests.

This class thinly wraps an initialListNotebookExecutionJobsResponse object, andprovides an__aiter__ method to iterate through itsnotebook_execution_jobs field.

If there are more pages, the__aiter__ method will make additionalListNotebookExecutionJobs requests and continue to iteratethrough thenotebook_execution_jobs field on thecorresponding responses.

All the usualListNotebookExecutionJobsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListNotebookExecutionJobsPager

A pager for iterating throughlist_notebook_execution_jobs requests.

This class thinly wraps an initialListNotebookExecutionJobsResponse object, andprovides an__iter__ method to iterate through itsnotebook_execution_jobs field.

If there are more pages, the__iter__ method will make additionalListNotebookExecutionJobs requests and continue to iteratethrough thenotebook_execution_jobs field on thecorresponding responses.

All the usualListNotebookExecutionJobsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListNotebookRuntimeTemplatesAsyncPager

A pager for iterating throughlist_notebook_runtime_templates requests.

This class thinly wraps an initialListNotebookRuntimeTemplatesResponse object, andprovides an__aiter__ method to iterate through itsnotebook_runtime_templates field.

If there are more pages, the__aiter__ method will make additionalListNotebookRuntimeTemplates requests and continue to iteratethrough thenotebook_runtime_templates field on thecorresponding responses.

All the usualListNotebookRuntimeTemplatesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListNotebookRuntimeTemplatesPager

A pager for iterating throughlist_notebook_runtime_templates requests.

This class thinly wraps an initialListNotebookRuntimeTemplatesResponse object, andprovides an__iter__ method to iterate through itsnotebook_runtime_templates field.

If there are more pages, the__iter__ method will make additionalListNotebookRuntimeTemplates requests and continue to iteratethrough thenotebook_runtime_templates field on thecorresponding responses.

All the usualListNotebookRuntimeTemplatesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListNotebookRuntimesAsyncPager

A pager for iterating throughlist_notebook_runtimes requests.

This class thinly wraps an initialListNotebookRuntimesResponse object, andprovides an__aiter__ method to iterate through itsnotebook_runtimes field.

If there are more pages, the__aiter__ method will make additionalListNotebookRuntimes requests and continue to iteratethrough thenotebook_runtimes field on thecorresponding responses.

All the usualListNotebookRuntimesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListNotebookRuntimesPager

A pager for iterating throughlist_notebook_runtimes requests.

This class thinly wraps an initialListNotebookRuntimesResponse object, andprovides an__iter__ method to iterate through itsnotebook_runtimes field.

If there are more pages, the__iter__ method will make additionalListNotebookRuntimes requests and continue to iteratethrough thenotebook_runtimes field on thecorresponding responses.

All the usualListNotebookRuntimesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

PersistentResourceServiceAsyncClient

A service for managing Vertex AI's machine learningPersistentResource.

PersistentResourceServiceClient

A service for managing Vertex AI's machine learningPersistentResource.

ListPersistentResourcesAsyncPager

A pager for iterating throughlist_persistent_resources requests.

This class thinly wraps an initialListPersistentResourcesResponse object, andprovides an__aiter__ method to iterate through itspersistent_resources field.

If there are more pages, the__aiter__ method will make additionalListPersistentResources requests and continue to iteratethrough thepersistent_resources field on thecorresponding responses.

All the usualListPersistentResourcesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListPersistentResourcesPager

A pager for iterating throughlist_persistent_resources requests.

This class thinly wraps an initialListPersistentResourcesResponse object, andprovides an__iter__ method to iterate through itspersistent_resources field.

If there are more pages, the__iter__ method will make additionalListPersistentResources requests and continue to iteratethrough thepersistent_resources field on thecorresponding responses.

All the usualListPersistentResourcesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

PipelineServiceAsyncClient

A service for creating and managing Vertex AI's pipelines. Thisincludes bothTrainingPipeline resources (used for AutoML andcustom training) andPipelineJob resources (used for Vertex AIPipelines).

PipelineServiceClient

A service for creating and managing Vertex AI's pipelines. Thisincludes bothTrainingPipeline resources (used for AutoML andcustom training) andPipelineJob resources (used for Vertex AIPipelines).

ListPipelineJobsAsyncPager

A pager for iterating throughlist_pipeline_jobs requests.

This class thinly wraps an initialListPipelineJobsResponse object, andprovides an__aiter__ method to iterate through itspipeline_jobs field.

If there are more pages, the__aiter__ method will make additionalListPipelineJobs requests and continue to iteratethrough thepipeline_jobs field on thecorresponding responses.

All the usualListPipelineJobsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListPipelineJobsPager

A pager for iterating throughlist_pipeline_jobs requests.

This class thinly wraps an initialListPipelineJobsResponse object, andprovides an__iter__ method to iterate through itspipeline_jobs field.

If there are more pages, the__iter__ method will make additionalListPipelineJobs requests and continue to iteratethrough thepipeline_jobs field on thecorresponding responses.

All the usualListPipelineJobsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListTrainingPipelinesAsyncPager

A pager for iterating throughlist_training_pipelines requests.

This class thinly wraps an initialListTrainingPipelinesResponse object, andprovides an__aiter__ method to iterate through itstraining_pipelines field.

If there are more pages, the__aiter__ method will make additionalListTrainingPipelines requests and continue to iteratethrough thetraining_pipelines field on thecorresponding responses.

All the usualListTrainingPipelinesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListTrainingPipelinesPager

A pager for iterating throughlist_training_pipelines requests.

This class thinly wraps an initialListTrainingPipelinesResponse object, andprovides an__iter__ method to iterate through itstraining_pipelines field.

If there are more pages, the__iter__ method will make additionalListTrainingPipelines requests and continue to iteratethrough thetraining_pipelines field on thecorresponding responses.

All the usualListTrainingPipelinesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

PredictionServiceAsyncClient

A service for online predictions and explanations.

PredictionServiceClient

A service for online predictions and explanations.

ReasoningEngineExecutionServiceAsyncClient

A service for executing queries on Reasoning Engine.

ReasoningEngineExecutionServiceClient

A service for executing queries on Reasoning Engine.

ReasoningEngineServiceAsyncClient

A service for managing Vertex AI's Reasoning Engines.

ReasoningEngineServiceClient

A service for managing Vertex AI's Reasoning Engines.

ListReasoningEnginesAsyncPager

A pager for iterating throughlist_reasoning_engines requests.

This class thinly wraps an initialListReasoningEnginesResponse object, andprovides an__aiter__ method to iterate through itsreasoning_engines field.

If there are more pages, the__aiter__ method will make additionalListReasoningEngines requests and continue to iteratethrough thereasoning_engines field on thecorresponding responses.

All the usualListReasoningEnginesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListReasoningEnginesPager

A pager for iterating throughlist_reasoning_engines requests.

This class thinly wraps an initialListReasoningEnginesResponse object, andprovides an__iter__ method to iterate through itsreasoning_engines field.

If there are more pages, the__iter__ method will make additionalListReasoningEngines requests and continue to iteratethrough thereasoning_engines field on thecorresponding responses.

All the usualListReasoningEnginesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ScheduleServiceAsyncClient

A service for creating and managing Vertex AI's Scheduleresources to periodically launch shceudled runs to make APIcalls.

ScheduleServiceClient

A service for creating and managing Vertex AI's Scheduleresources to periodically launch shceudled runs to make APIcalls.

ListSchedulesAsyncPager

A pager for iterating throughlist_schedules requests.

This class thinly wraps an initialListSchedulesResponse object, andprovides an__aiter__ method to iterate through itsschedules field.

If there are more pages, the__aiter__ method will make additionalListSchedules requests and continue to iteratethrough theschedules field on thecorresponding responses.

All the usualListSchedulesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListSchedulesPager

A pager for iterating throughlist_schedules requests.

This class thinly wraps an initialListSchedulesResponse object, andprovides an__iter__ method to iterate through itsschedules field.

If there are more pages, the__iter__ method will make additionalListSchedules requests and continue to iteratethrough theschedules field on thecorresponding responses.

All the usualListSchedulesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

SpecialistPoolServiceAsyncClient

A service for creating and managing Customer SpecialistPools.When customers start Data Labeling jobs, they can reuse/createSpecialist Pools to bring their own Specialists to label thedata. Customers can add/remove Managers for the Specialist Poolon Cloud console, then Managers will get email notifications tomanage Specialists and tasks on CrowdCompute console.

SpecialistPoolServiceClient

A service for creating and managing Customer SpecialistPools.When customers start Data Labeling jobs, they can reuse/createSpecialist Pools to bring their own Specialists to label thedata. Customers can add/remove Managers for the Specialist Poolon Cloud console, then Managers will get email notifications tomanage Specialists and tasks on CrowdCompute console.

ListSpecialistPoolsAsyncPager

A pager for iterating throughlist_specialist_pools requests.

This class thinly wraps an initialListSpecialistPoolsResponse object, andprovides an__aiter__ method to iterate through itsspecialist_pools field.

If there are more pages, the__aiter__ method will make additionalListSpecialistPools requests and continue to iteratethrough thespecialist_pools field on thecorresponding responses.

All the usualListSpecialistPoolsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListSpecialistPoolsPager

A pager for iterating throughlist_specialist_pools requests.

This class thinly wraps an initialListSpecialistPoolsResponse object, andprovides an__iter__ method to iterate through itsspecialist_pools field.

If there are more pages, the__iter__ method will make additionalListSpecialistPools requests and continue to iteratethrough thespecialist_pools field on thecorresponding responses.

All the usualListSpecialistPoolsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

TensorboardServiceAsyncClient

TensorboardService

TensorboardServiceClient

TensorboardService

ExportTensorboardTimeSeriesDataAsyncPager

A pager for iterating throughexport_tensorboard_time_series_data requests.

This class thinly wraps an initialExportTensorboardTimeSeriesDataResponse object, andprovides an__aiter__ method to iterate through itstime_series_data_points field.

If there are more pages, the__aiter__ method will make additionalExportTensorboardTimeSeriesData requests and continue to iteratethrough thetime_series_data_points field on thecorresponding responses.

All the usualExportTensorboardTimeSeriesDataResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ExportTensorboardTimeSeriesDataPager

A pager for iterating throughexport_tensorboard_time_series_data requests.

This class thinly wraps an initialExportTensorboardTimeSeriesDataResponse object, andprovides an__iter__ method to iterate through itstime_series_data_points field.

If there are more pages, the__iter__ method will make additionalExportTensorboardTimeSeriesData requests and continue to iteratethrough thetime_series_data_points field on thecorresponding responses.

All the usualExportTensorboardTimeSeriesDataResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListTensorboardExperimentsAsyncPager

A pager for iterating throughlist_tensorboard_experiments requests.

This class thinly wraps an initialListTensorboardExperimentsResponse object, andprovides an__aiter__ method to iterate through itstensorboard_experiments field.

If there are more pages, the__aiter__ method will make additionalListTensorboardExperiments requests and continue to iteratethrough thetensorboard_experiments field on thecorresponding responses.

All the usualListTensorboardExperimentsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListTensorboardExperimentsPager

A pager for iterating throughlist_tensorboard_experiments requests.

This class thinly wraps an initialListTensorboardExperimentsResponse object, andprovides an__iter__ method to iterate through itstensorboard_experiments field.

If there are more pages, the__iter__ method will make additionalListTensorboardExperiments requests and continue to iteratethrough thetensorboard_experiments field on thecorresponding responses.

All the usualListTensorboardExperimentsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListTensorboardRunsAsyncPager

A pager for iterating throughlist_tensorboard_runs requests.

This class thinly wraps an initialListTensorboardRunsResponse object, andprovides an__aiter__ method to iterate through itstensorboard_runs field.

If there are more pages, the__aiter__ method will make additionalListTensorboardRuns requests and continue to iteratethrough thetensorboard_runs field on thecorresponding responses.

All the usualListTensorboardRunsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListTensorboardRunsPager

A pager for iterating throughlist_tensorboard_runs requests.

This class thinly wraps an initialListTensorboardRunsResponse object, andprovides an__iter__ method to iterate through itstensorboard_runs field.

If there are more pages, the__iter__ method will make additionalListTensorboardRuns requests and continue to iteratethrough thetensorboard_runs field on thecorresponding responses.

All the usualListTensorboardRunsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListTensorboardTimeSeriesAsyncPager

A pager for iterating throughlist_tensorboard_time_series requests.

This class thinly wraps an initialListTensorboardTimeSeriesResponse object, andprovides an__aiter__ method to iterate through itstensorboard_time_series field.

If there are more pages, the__aiter__ method will make additionalListTensorboardTimeSeries requests and continue to iteratethrough thetensorboard_time_series field on thecorresponding responses.

All the usualListTensorboardTimeSeriesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListTensorboardTimeSeriesPager

A pager for iterating throughlist_tensorboard_time_series requests.

This class thinly wraps an initialListTensorboardTimeSeriesResponse object, andprovides an__iter__ method to iterate through itstensorboard_time_series field.

If there are more pages, the__iter__ method will make additionalListTensorboardTimeSeries requests and continue to iteratethrough thetensorboard_time_series field on thecorresponding responses.

All the usualListTensorboardTimeSeriesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListTensorboardsAsyncPager

A pager for iterating throughlist_tensorboards requests.

This class thinly wraps an initialListTensorboardsResponse object, andprovides an__aiter__ method to iterate through itstensorboards field.

If there are more pages, the__aiter__ method will make additionalListTensorboards requests and continue to iteratethrough thetensorboards field on thecorresponding responses.

All the usualListTensorboardsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListTensorboardsPager

A pager for iterating throughlist_tensorboards requests.

This class thinly wraps an initialListTensorboardsResponse object, andprovides an__iter__ method to iterate through itstensorboards field.

If there are more pages, the__iter__ method will make additionalListTensorboards requests and continue to iteratethrough thetensorboards field on thecorresponding responses.

All the usualListTensorboardsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

VertexRagDataServiceAsyncClient

A service for managing user data for RAG.

VertexRagDataServiceClient

A service for managing user data for RAG.

ListRagCorporaAsyncPager

A pager for iterating throughlist_rag_corpora requests.

This class thinly wraps an initialListRagCorporaResponse object, andprovides an__aiter__ method to iterate through itsrag_corpora field.

If there are more pages, the__aiter__ method will make additionalListRagCorpora requests and continue to iteratethrough therag_corpora field on thecorresponding responses.

All the usualListRagCorporaResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListRagCorporaPager

A pager for iterating throughlist_rag_corpora requests.

This class thinly wraps an initialListRagCorporaResponse object, andprovides an__iter__ method to iterate through itsrag_corpora field.

If there are more pages, the__iter__ method will make additionalListRagCorpora requests and continue to iteratethrough therag_corpora field on thecorresponding responses.

All the usualListRagCorporaResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListRagFilesAsyncPager

A pager for iterating throughlist_rag_files requests.

This class thinly wraps an initialListRagFilesResponse object, andprovides an__aiter__ method to iterate through itsrag_files field.

If there are more pages, the__aiter__ method will make additionalListRagFiles requests and continue to iteratethrough therag_files field on thecorresponding responses.

All the usualListRagFilesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListRagFilesPager

A pager for iterating throughlist_rag_files requests.

This class thinly wraps an initialListRagFilesResponse object, andprovides an__iter__ method to iterate through itsrag_files field.

If there are more pages, the__iter__ method will make additionalListRagFiles requests and continue to iteratethrough therag_files field on thecorresponding responses.

All the usualListRagFilesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

VertexRagServiceAsyncClient

A service for retrieving relevant contexts.

VertexRagServiceClient

A service for retrieving relevant contexts.

VizierServiceAsyncClient

Vertex AI Vizier API.

Vertex AI Vizier is a service to solve blackbox optimizationproblems, such as tuning machine learning hyperparameters andsearching over deep learning architectures.

VizierServiceClient

Vertex AI Vizier API.

Vertex AI Vizier is a service to solve blackbox optimizationproblems, such as tuning machine learning hyperparameters andsearching over deep learning architectures.

ListStudiesAsyncPager

A pager for iterating throughlist_studies requests.

This class thinly wraps an initialListStudiesResponse object, andprovides an__aiter__ method to iterate through itsstudies field.

If there are more pages, the__aiter__ method will make additionalListStudies requests and continue to iteratethrough thestudies field on thecorresponding responses.

All the usualListStudiesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListStudiesPager

A pager for iterating throughlist_studies requests.

This class thinly wraps an initialListStudiesResponse object, andprovides an__iter__ method to iterate through itsstudies field.

If there are more pages, the__iter__ method will make additionalListStudies requests and continue to iteratethrough thestudies field on thecorresponding responses.

All the usualListStudiesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListTrialsAsyncPager

A pager for iterating throughlist_trials requests.

This class thinly wraps an initialListTrialsResponse object, andprovides an__aiter__ method to iterate through itstrials field.

If there are more pages, the__aiter__ method will make additionalListTrials requests and continue to iteratethrough thetrials field on thecorresponding responses.

All the usualListTrialsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListTrialsPager

A pager for iterating throughlist_trials requests.

This class thinly wraps an initialListTrialsResponse object, andprovides an__iter__ method to iterate through itstrials field.

If there are more pages, the__iter__ method will make additionalListTrials requests and continue to iteratethrough thetrials field on thecorresponding responses.

All the usualListTrialsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

AcceleratorType

Represents a hardware accelerator type.

ActiveLearningConfig

Parameters that configure the active learning pipeline.Active learning will label the data incrementally by severaliterations. For every iteration, it will select a batch of databased on the sampling strategy.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

AddContextArtifactsAndExecutionsRequest

Request message forMetadataService.AddContextArtifactsAndExecutions.

AddContextArtifactsAndExecutionsResponse

Response message forMetadataService.AddContextArtifactsAndExecutions.

AddContextChildrenRequest

Request message forMetadataService.AddContextChildren.

AddContextChildrenResponse

Response message forMetadataService.AddContextChildren.

AddExecutionEventsRequest

Request message forMetadataService.AddExecutionEvents.

AddExecutionEventsResponse

Response message forMetadataService.AddExecutionEvents.

AddTrialMeasurementRequest

Request message forVizierService.AddTrialMeasurement.

Annotation

Used to assign specific AnnotationSpec to a particular areaof a DataItem or the whole part of the DataItem.

LabelsEntry

The abstract base class for a message.

AnnotationSpec

Identifies a concept with which DataItems may be annotatedwith.

ApiAuth

The generic reusable api auth config.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ApiKeyConfig

The API secret.

Artifact

Instance of a general artifact.

LabelsEntry

The abstract base class for a message.

State

Describes the state of the Artifact.

AssignNotebookRuntimeOperationMetadata

Metadata information forNotebookService.AssignNotebookRuntime.

AssignNotebookRuntimeRequest

Request message forNotebookService.AssignNotebookRuntime.

Attribution

Attribution that explains a particular prediction output.

AugmentPromptRequest

Request message for AugmentPrompt.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

Model

Metadata of the backend deployed model.

AugmentPromptResponse

Response message for AugmentPrompt.

AutomaticResources

A description of resources that to large degree are decidedby Vertex AI, and require only a modest additionalconfiguration. Each Model supporting these resources documentsits specific guidelines.

AutoscalingMetricSpec

The metric specification that defines the target resourceutilization (CPU utilization, accelerator's duty cycle, and soon) for calculating the desired replica count.

AvroSource

The storage details for Avro input content.

BatchCancelPipelineJobsOperationMetadata

Runtime operation information forPipelineService.BatchCancelPipelineJobs.

BatchCancelPipelineJobsRequest

Request message forPipelineService.BatchCancelPipelineJobs.

BatchCancelPipelineJobsResponse

Response message forPipelineService.BatchCancelPipelineJobs.

BatchCreateFeaturesOperationMetadata

Details of operations that perform batch create Features.

BatchCreateFeaturesRequest

Request message forFeaturestoreService.BatchCreateFeatures.Request message forFeatureRegistryService.BatchCreateFeatures.

BatchCreateFeaturesResponse

Response message forFeaturestoreService.BatchCreateFeatures.

BatchCreateTensorboardRunsRequest

Request message forTensorboardService.BatchCreateTensorboardRuns.

BatchCreateTensorboardRunsResponse

Response message forTensorboardService.BatchCreateTensorboardRuns.

BatchCreateTensorboardTimeSeriesRequest

Request message forTensorboardService.BatchCreateTensorboardTimeSeries.

BatchCreateTensorboardTimeSeriesResponse

Response message forTensorboardService.BatchCreateTensorboardTimeSeries.

BatchDedicatedResources

A description of resources that are used for performing batchoperations, are dedicated to a Model, and need manualconfiguration.

BatchDeletePipelineJobsRequest

Request message forPipelineService.BatchDeletePipelineJobs.

BatchDeletePipelineJobsResponse

Response message forPipelineService.BatchDeletePipelineJobs.

BatchImportEvaluatedAnnotationsRequest

Request message forModelService.BatchImportEvaluatedAnnotations

BatchImportEvaluatedAnnotationsResponse

Response message forModelService.BatchImportEvaluatedAnnotations

BatchImportModelEvaluationSlicesRequest

Request message forModelService.BatchImportModelEvaluationSlices

BatchImportModelEvaluationSlicesResponse

Response message forModelService.BatchImportModelEvaluationSlices

BatchMigrateResourcesOperationMetadata

Runtime operation information forMigrationService.BatchMigrateResources.

PartialResult

Represents a partial result in batch migration operation for oneMigrateResourceRequest.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

BatchMigrateResourcesRequest

Request message forMigrationService.BatchMigrateResources.

BatchMigrateResourcesResponse

Response message forMigrationService.BatchMigrateResources.

BatchPredictionJob

A job that uses aModel toproduce predictions on multiple [inputinstances][google.cloud.aiplatform.v1.BatchPredictionJob.input_config].If predictions for significant portion of the instances fail, thejob may finish without attempting predictions for all remaininginstances.

InputConfig

Configures the input toBatchPredictionJob.SeeModel.supported_input_storage_formatsfor Model's supported input formats, and how instances should beexpressed via any of them.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

InstanceConfig

Configuration defining how to transform batch predictioninput instances to the instances that the Model accepts.

LabelsEntry

The abstract base class for a message.

OutputConfig

Configures the output ofBatchPredictionJob.SeeModel.supported_output_storage_formatsfor supported output formats, and how predictions are expressed viaany of them.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

OutputInfo

Further describes this job's output. Supplementsoutput_config.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

BatchReadFeatureValuesOperationMetadata

Details of operations that batch reads Feature values.

BatchReadFeatureValuesRequest

Request message forFeaturestoreService.BatchReadFeatureValues.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

EntityTypeSpec

Selects Features of an EntityType to read values of andspecifies read settings.

PassThroughField

Describe pass-through fields in read_instance source.

BatchReadFeatureValuesResponse

Response message forFeaturestoreService.BatchReadFeatureValues.

BatchReadTensorboardTimeSeriesDataRequest

Request message forTensorboardService.BatchReadTensorboardTimeSeriesData.

BatchReadTensorboardTimeSeriesDataResponse

Response message forTensorboardService.BatchReadTensorboardTimeSeriesData.

BigQueryDestination

The BigQuery location for the output content.

BigQuerySource

The BigQuery location for the input content.

BleuInput

Input for bleu metric.

BleuInstance

Spec for bleu instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

BleuMetricValue

Bleu metric value for an instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

BleuResults

Results for bleu metric.

BleuSpec

Spec for bleu score metric - calculates the precision ofn-grams in the prediction as compared to reference - returns ascore ranging between 0 to 1.

Blob

Content blob.

It's preferred to send astext directly rather thanraw bytes.

BlurBaselineConfig

Config for blur baseline.

When enabled, a linear path from the maximally blurred image tothe input image is created. Using a blurred baseline instead ofzero (black image) is motivated by the BlurIG approach explainedhere:

https://arxiv.org/abs/2004.03383

BoolArray

A list of boolean values.

CachedContent

A resource used in LLM queries for users to explicitlyspecify what to cache and how to cache.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

UsageMetadata

Metadata on the usage of the cached content.

CancelBatchPredictionJobRequest

Request message forJobService.CancelBatchPredictionJob.

CancelCustomJobRequest

Request message forJobService.CancelCustomJob.

CancelDataLabelingJobRequest

Request message forJobService.CancelDataLabelingJob.

CancelHyperparameterTuningJobRequest

Request message forJobService.CancelHyperparameterTuningJob.

CancelNasJobRequest

Request message forJobService.CancelNasJob.

CancelPipelineJobRequest

Request message forPipelineService.CancelPipelineJob.

CancelTrainingPipelineRequest

Request message forPipelineService.CancelTrainingPipeline.

CancelTuningJobRequest

Request message forGenAiTuningService.CancelTuningJob.

Candidate

A response candidate generated from the model.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

FinishReason

The reason why the model stopped generating tokens.If empty, the model has not stopped generating the tokens.

CheckTrialEarlyStoppingStateMetatdata

This message will be placed in the metadata field of agoogle.longrunning.Operation associated with aCheckTrialEarlyStoppingState request.

CheckTrialEarlyStoppingStateRequest

Request message forVizierService.CheckTrialEarlyStoppingState.

CheckTrialEarlyStoppingStateResponse

Response message forVizierService.CheckTrialEarlyStoppingState.

Checkpoint

Describes the machine learning model version checkpoint.

Citation

Source attributions for content.

CitationMetadata

A collection of source attributions for a piece of content.

Claim

Claim that is extracted from the input text and facts thatsupport it.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ClientConnectionConfig

Configurations (e.g. inference timeout) that are applied onyour endpoints.

CodeExecutionResult

Result of executing the [ExecutableCode].

Always follows apart containing the [ExecutableCode].

Outcome

Enumeration of possible outcomes of the code execution.

CoherenceInput

Input for coherence metric.

CoherenceInstance

Spec for coherence instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

CoherenceResult

Spec for coherence result.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

CoherenceSpec

Spec for coherence score metric.

ColabImage

Colab image of the runtime.

CometInput

Input for Comet metric.

CometInstance

Spec for Comet instance - The fields used for evaluation aredependent on the comet version.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

CometResult

Spec for Comet result - calculates the comet score for thegiven instance using the version specified in the spec.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

CometSpec

Spec for Comet metric.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

CometVersion

Comet version options.

CompleteTrialRequest

Request message forVizierService.CompleteTrial.

CompletionStats

Success and error statistics of processing multiple entities(for example, DataItems or structured data rows) in batch.

ComputeTokensRequest

Request message for ComputeTokens RPC call.

ComputeTokensResponse

Response message for ComputeTokens RPC call.

ContainerRegistryDestination

The Container Registry location for the container image.

ContainerSpec

The spec of a Container.

Content

The base structured datatype containing multi-part content of amessage.

AContent includes arole field designating the producer oftheContent and aparts field containing multi-part datathat contains the content of the message turn.

Context

Instance of a general context.

LabelsEntry

The abstract base class for a message.

CopyModelOperationMetadata

Details ofModelService.CopyModeloperation.

CopyModelRequest

Request message forModelService.CopyModel.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

CopyModelResponse

Response message ofModelService.CopyModeloperation.

CorpusStatus

RagCorpus status.

State

RagCorpus life state.

CorroborateContentRequest

Request message for CorroborateContent.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

Parameters

Parameters that can be overrided per request.

CorroborateContentResponse

Response message for CorroborateContent.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

CountTokensRequest

Request message for [PredictionService.CountTokens][].

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

CountTokensResponse

Response message for [PredictionService.CountTokens][].

CreateArtifactRequest

Request message forMetadataService.CreateArtifact.

CreateBatchPredictionJobRequest

Request message forJobService.CreateBatchPredictionJob.

CreateCachedContentRequest

Request message forGenAiCacheService.CreateCachedContent.

CreateContextRequest

Request message forMetadataService.CreateContext.

CreateCustomJobRequest

Request message forJobService.CreateCustomJob.

CreateDataLabelingJobRequest

Request message forJobService.CreateDataLabelingJob.

CreateDatasetOperationMetadata

Runtime operation information forDatasetService.CreateDataset.

CreateDatasetRequest

Request message forDatasetService.CreateDataset.

CreateDatasetVersionOperationMetadata

Runtime operation information forDatasetService.CreateDatasetVersion.

CreateDatasetVersionRequest

Request message forDatasetService.CreateDatasetVersion.

CreateDeploymentResourcePoolOperationMetadata

Runtime operation information forCreateDeploymentResourcePool method.

CreateDeploymentResourcePoolRequest

Request message for CreateDeploymentResourcePool method.

CreateEndpointOperationMetadata

Runtime operation information forEndpointService.CreateEndpoint.

CreateEndpointRequest

Request message forEndpointService.CreateEndpoint.

CreateEntityTypeOperationMetadata

Details of operations that perform create EntityType.

CreateEntityTypeRequest

Request message forFeaturestoreService.CreateEntityType.

CreateExecutionRequest

Request message forMetadataService.CreateExecution.

CreateFeatureGroupOperationMetadata

Details of operations that perform create FeatureGroup.

CreateFeatureGroupRequest

Request message forFeatureRegistryService.CreateFeatureGroup.

CreateFeatureOnlineStoreOperationMetadata

Details of operations that perform create FeatureOnlineStore.

CreateFeatureOnlineStoreRequest

Request message forFeatureOnlineStoreAdminService.CreateFeatureOnlineStore.

CreateFeatureOperationMetadata

Details of operations that perform create Feature.

CreateFeatureRequest

Request message forFeaturestoreService.CreateFeature.Request message forFeatureRegistryService.CreateFeature.

CreateFeatureViewOperationMetadata

Details of operations that perform create FeatureView.

CreateFeatureViewRequest

Request message forFeatureOnlineStoreAdminService.CreateFeatureView.

CreateFeaturestoreOperationMetadata

Details of operations that perform create Featurestore.

CreateFeaturestoreRequest

Request message forFeaturestoreService.CreateFeaturestore.

CreateHyperparameterTuningJobRequest

Request message forJobService.CreateHyperparameterTuningJob.

CreateIndexEndpointOperationMetadata

Runtime operation information forIndexEndpointService.CreateIndexEndpoint.

CreateIndexEndpointRequest

Request message forIndexEndpointService.CreateIndexEndpoint.

CreateIndexOperationMetadata

Runtime operation information forIndexService.CreateIndex.

CreateIndexRequest

Request message forIndexService.CreateIndex.

CreateMetadataSchemaRequest

Request message forMetadataService.CreateMetadataSchema.

CreateMetadataStoreOperationMetadata

Details of operations that performMetadataService.CreateMetadataStore.

CreateMetadataStoreRequest

Request message forMetadataService.CreateMetadataStore.

CreateModelDeploymentMonitoringJobRequest

Request message forJobService.CreateModelDeploymentMonitoringJob.

CreateNasJobRequest

Request message forJobService.CreateNasJob.

CreateNotebookExecutionJobOperationMetadata

Metadata information forNotebookService.CreateNotebookExecutionJob.

CreateNotebookExecutionJobRequest

Request message for [NotebookService.CreateNotebookExecutionJob]

CreateNotebookRuntimeTemplateOperationMetadata

Metadata information forNotebookService.CreateNotebookRuntimeTemplate.

CreateNotebookRuntimeTemplateRequest

Request message forNotebookService.CreateNotebookRuntimeTemplate.

CreatePersistentResourceOperationMetadata

Details of operations that perform create PersistentResource.

CreatePersistentResourceRequest

Request message forPersistentResourceService.CreatePersistentResource.

CreatePipelineJobRequest

Request message forPipelineService.CreatePipelineJob.

CreateRagCorpusOperationMetadata

Runtime operation information forVertexRagDataService.CreateRagCorpus.

CreateRagCorpusRequest

Request message forVertexRagDataService.CreateRagCorpus.

CreateReasoningEngineOperationMetadata

Details ofReasoningEngineService.CreateReasoningEngineoperation.

CreateReasoningEngineRequest

Request message forReasoningEngineService.CreateReasoningEngine.

CreateRegistryFeatureOperationMetadata

Details of operations that perform create FeatureGroup.

CreateScheduleRequest

Request message forScheduleService.CreateSchedule.

CreateSpecialistPoolOperationMetadata

Runtime operation information forSpecialistPoolService.CreateSpecialistPool.

CreateSpecialistPoolRequest

Request message forSpecialistPoolService.CreateSpecialistPool.

CreateStudyRequest

Request message forVizierService.CreateStudy.

CreateTensorboardExperimentRequest

Request message forTensorboardService.CreateTensorboardExperiment.

CreateTensorboardOperationMetadata

Details of operations that perform create Tensorboard.

CreateTensorboardRequest

Request message forTensorboardService.CreateTensorboard.

CreateTensorboardRunRequest

Request message forTensorboardService.CreateTensorboardRun.

CreateTensorboardTimeSeriesRequest

Request message forTensorboardService.CreateTensorboardTimeSeries.

CreateTrainingPipelineRequest

Request message forPipelineService.CreateTrainingPipeline.

CreateTrialRequest

Request message forVizierService.CreateTrial.

CreateTuningJobRequest

Request message forGenAiTuningService.CreateTuningJob.

CsvDestination

The storage details for CSV output content.

CsvSource

The storage details for CSV input content.

CustomJob

Represents a job that runs custom workloads such as a Dockercontainer or a Python package. A CustomJob can have multipleworker pools and each worker pool can have its own machine andinput spec. A CustomJob will be cleaned up once the job entersterminal state (failed or succeeded).

LabelsEntry

The abstract base class for a message.

WebAccessUrisEntry

The abstract base class for a message.

CustomJobSpec

Represents the spec of a CustomJob.

DataItem

A piece of data in a Dataset. Could be an image, a video, adocument or plain text.

LabelsEntry

The abstract base class for a message.

DataItemView

A container for a single DataItem and Annotations on it.

DataLabelingJob

DataLabelingJob is used to trigger a human labeling job onunlabeled data from the following Dataset:

AnnotationLabelsEntry

The abstract base class for a message.

LabelsEntry

The abstract base class for a message.

Dataset

A collection of DataItems and Annotations on them.

LabelsEntry

The abstract base class for a message.

DatasetVersion

Describes the dataset version.

DedicatedResources

A description of resources that are dedicated to aDeployedModel, and that need a higher degree of manualconfiguration.

DeleteArtifactRequest

Request message forMetadataService.DeleteArtifact.

DeleteBatchPredictionJobRequest

Request message forJobService.DeleteBatchPredictionJob.

DeleteCachedContentRequest

Request message forGenAiCacheService.DeleteCachedContent.

DeleteContextRequest

Request message forMetadataService.DeleteContext.

DeleteCustomJobRequest

Request message forJobService.DeleteCustomJob.

DeleteDataLabelingJobRequest

Request message forJobService.DeleteDataLabelingJob.

DeleteDatasetRequest

Request message forDatasetService.DeleteDataset.

DeleteDatasetVersionRequest

Request message forDatasetService.DeleteDatasetVersion.

DeleteDeploymentResourcePoolRequest

Request message for DeleteDeploymentResourcePool method.

DeleteEndpointRequest

Request message forEndpointService.DeleteEndpoint.

DeleteEntityTypeRequest

Request message forFeaturestoreService.DeleteEntityType.

DeleteExecutionRequest

Request message forMetadataService.DeleteExecution.

DeleteFeatureGroupRequest

Request message forFeatureRegistryService.DeleteFeatureGroup.

DeleteFeatureOnlineStoreRequest

Request message forFeatureOnlineStoreAdminService.DeleteFeatureOnlineStore.

DeleteFeatureRequest

Request message forFeaturestoreService.DeleteFeature.Request message forFeatureRegistryService.DeleteFeature.

DeleteFeatureValuesOperationMetadata

Details of operations that delete Feature values.

DeleteFeatureValuesRequest

Request message forFeaturestoreService.DeleteFeatureValues.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

SelectEntity

Message to select entity.If an entity id is selected, all the feature valuescorresponding to the entity id will be deleted, including theentityId.

SelectTimeRangeAndFeature

Message to select time range and feature.Values of the selected feature generated within an inclusivetime range will be deleted. Using this option permanentlydeletes the feature values from the specified feature IDs withinthe specified time range. This might include data from theonline storage. If you want to retain any deleted historicaldata in the online storage, you must re-ingest it.

DeleteFeatureValuesResponse

Response message forFeaturestoreService.DeleteFeatureValues.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

SelectEntity

Response message if the request uses the SelectEntity option.

SelectTimeRangeAndFeature

Response message if the request uses theSelectTimeRangeAndFeature option.

DeleteFeatureViewRequest

Request message forFeatureOnlineStoreAdminService.DeleteFeatureView.

DeleteFeaturestoreRequest

Request message forFeaturestoreService.DeleteFeaturestore.

DeleteHyperparameterTuningJobRequest

Request message forJobService.DeleteHyperparameterTuningJob.

DeleteIndexEndpointRequest

Request message forIndexEndpointService.DeleteIndexEndpoint.

DeleteIndexRequest

Request message forIndexService.DeleteIndex.

DeleteMetadataStoreOperationMetadata

Details of operations that performMetadataService.DeleteMetadataStore.

DeleteMetadataStoreRequest

Request message forMetadataService.DeleteMetadataStore.

DeleteModelDeploymentMonitoringJobRequest

Request message forJobService.DeleteModelDeploymentMonitoringJob.

DeleteModelRequest

Request message forModelService.DeleteModel.

DeleteModelVersionRequest

Request message forModelService.DeleteModelVersion.

DeleteNasJobRequest

Request message forJobService.DeleteNasJob.

DeleteNotebookExecutionJobRequest

Request message for [NotebookService.DeleteNotebookExecutionJob]

DeleteNotebookRuntimeRequest

Request message forNotebookService.DeleteNotebookRuntime.

DeleteNotebookRuntimeTemplateRequest

Request message forNotebookService.DeleteNotebookRuntimeTemplate.

DeleteOperationMetadata

Details of operations that perform deletes of any entities.

DeletePersistentResourceRequest

Request message forPersistentResourceService.DeletePersistentResource.

DeletePipelineJobRequest

Request message forPipelineService.DeletePipelineJob.

DeleteRagCorpusRequest

Request message forVertexRagDataService.DeleteRagCorpus.

DeleteRagFileRequest

Request message forVertexRagDataService.DeleteRagFile.

DeleteReasoningEngineRequest

Request message forReasoningEngineService.DeleteReasoningEngine.

DeleteSavedQueryRequest

Request message forDatasetService.DeleteSavedQuery.

DeleteScheduleRequest

Request message forScheduleService.DeleteSchedule.

DeleteSpecialistPoolRequest

Request message forSpecialistPoolService.DeleteSpecialistPool.

DeleteStudyRequest

Request message forVizierService.DeleteStudy.

DeleteTensorboardExperimentRequest

Request message forTensorboardService.DeleteTensorboardExperiment.

DeleteTensorboardRequest

Request message forTensorboardService.DeleteTensorboard.

DeleteTensorboardRunRequest

Request message forTensorboardService.DeleteTensorboardRun.

DeleteTensorboardTimeSeriesRequest

Request message forTensorboardService.DeleteTensorboardTimeSeries.

DeleteTrainingPipelineRequest

Request message forPipelineService.DeleteTrainingPipeline.

DeleteTrialRequest

Request message forVizierService.DeleteTrial.

DeployIndexOperationMetadata

Runtime operation information forIndexEndpointService.DeployIndex.

DeployIndexRequest

Request message forIndexEndpointService.DeployIndex.

DeployIndexResponse

Response message forIndexEndpointService.DeployIndex.

DeployModelOperationMetadata

Runtime operation information forEndpointService.DeployModel.

DeployModelRequest

Request message forEndpointService.DeployModel.

TrafficSplitEntry

The abstract base class for a message.

DeployModelResponse

Response message forEndpointService.DeployModel.

DeployOperationMetadata

Runtime operation information forModelGardenService.Deploy.

DeployRequest

Request message forModelGardenService.Deploy.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

DeployConfig

The deploy config to use for the deployment.

SystemLabelsEntry

The abstract base class for a message.

EndpointConfig

The endpoint config to use for the deployment.

ModelConfig

The model config to use for the deployment.

DeployResponse

Response message forModelGardenService.Deploy.

DeployedIndex

A deployment of an Index. IndexEndpoints contain one or moreDeployedIndexes.

DeploymentTier

Tiers encapsulate serving time attributes like latency andthroughput.

DeployedIndexAuthConfig

Used to set up the auth on the DeployedIndex's privateendpoint.

AuthProvider

Configuration for an authentication provider, including support forJSON Web Token(JWT) <https://tools.ietf.org/html/draft-ietf-oauth-json-web-token-32>__.

DeployedIndexRef

Points to a DeployedIndex.

DeployedModel

A deployment of a Model. Endpoints contain one or moreDeployedModels.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

Status

Runtime status of the deployed model.

SystemLabelsEntry

The abstract base class for a message.

DeployedModelRef

Points to a DeployedModel.

DeploymentResourcePool

A description of resources that can be shared by multipleDeployedModels, whose underlying specification consists of aDedicatedResources.

DeploymentStage

Stage field indicating the current progress of a deployment.

DestinationFeatureSetting

DirectPredictRequest

Request message forPredictionService.DirectPredict.

DirectPredictResponse

Response message forPredictionService.DirectPredict.

DirectRawPredictRequest

Request message forPredictionService.DirectRawPredict.

DirectRawPredictResponse

Response message forPredictionService.DirectRawPredict.

DirectUploadSource

The input content is encapsulated and uploaded in therequest.

DiskSpec

Represents the spec of disk options.

DnsPeeringConfig

DNS peering configuration. These configurations are used tocreate DNS peering zones in the Vertex tenant project VPC,enabling resolution of records within the specified domainhosted in the target network's Cloud DNS.

DoubleArray

A list of double values.

DynamicRetrievalConfig

Describes the options to customize dynamic retrieval.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

Mode

The mode of the predictor to be used in dynamic retrieval.

EncryptionSpec

Represents a customer-managed encryption key spec that can beapplied to a top-level resource.

Endpoint

Models are deployed into it, and afterwards Endpoint iscalled to obtain predictions and explanations.

LabelsEntry

The abstract base class for a message.

TrafficSplitEntry

The abstract base class for a message.

EnterpriseWebSearch

Tool to search public web data, powered by Vertex AI Searchand Sec4 compliance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

EntityIdSelector

Selector for entityId. Getting ids from the given source.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

EntityType

An entity type is a type of object in a system that needs tobe modeled and have stored information about. For example,driver is an entity type, and driver0 is an instance of anentity type driver.

LabelsEntry

The abstract base class for a message.

EnvVar

Represents an environment variable present in a Container orPython Module.

ErrorAnalysisAnnotation

Model error analysis for each annotation.

AttributedItem

Attributed items for a given annotation, typicallyrepresenting neighbors from the training sets constrained by thequery type.

QueryType

The query type used for finding the attributed items.

EvaluateInstancesRequest

Request message for EvaluationService.EvaluateInstances.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

EvaluateInstancesResponse

Response message for EvaluationService.EvaluateInstances.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

EvaluatedAnnotation

True positive, false positive, or false negative.

EvaluatedAnnotation is only available under ModelEvaluationSlicewith slice ofannotationSpec dimension.

EvaluatedAnnotationType

Describes the type of the EvaluatedAnnotation. The type isdetermined

EvaluatedAnnotationExplanation

Explanation result of the prediction produced by the Model.

Event

An edge describing the relationship between an Artifact andan Execution in a lineage graph.

LabelsEntry

The abstract base class for a message.

Type

Describes whether an Event's Artifact is the Execution'sinput or output.

ExactMatchInput

Input for exact match metric.

ExactMatchInstance

Spec for exact match instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ExactMatchMetricValue

Exact match metric value for an instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ExactMatchResults

Results for exact match metric.

ExactMatchSpec

Spec for exact match metric - returns 1 if prediction andreference exactly matches, otherwise 0.

Examples

Example-based explainability that returns the nearestneighbors from the provided dataset.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ExampleGcsSource

The Cloud Storage input instances.

DataFormat

The format of the input example instances.

ExamplesOverride

Overrides for example-based explanations.

DataFormat

Data format enum.

ExamplesRestrictionsNamespace

Restrictions namespace for example-based explanationsoverrides.

ExecutableCode

Code generated by the model that is meant to be executed, and theresult returned to the model.

Generated when using the [FunctionDeclaration] tool and[FunctionCallingConfig] mode is set to [Mode.CODE].

Language

Supported programming languages for the generated code.

Execution

Instance of a general execution.

LabelsEntry

The abstract base class for a message.

State

Describes the state of the Execution.

ExplainRequest

Request message forPredictionService.Explain.

ExplainResponse

Response message forPredictionService.Explain.

Explanation

Explanation of a prediction (provided inPredictResponse.predictions)produced by the Model on a giveninstance.

ExplanationMetadata

Metadata describing the Model's input and output forexplanation.

InputMetadata

Metadata of the input of a feature.

Fields other thanInputMetadata.input_baselinesare applicable only for Models that are using Vertex AI-providedimages for Tensorflow.

Encoding

Defines how a feature is encoded. Defaults to IDENTITY.

    ::       input = [27, 6.0, 150]       index_feature_mapping = ["age", "height", "weight"]BAG_OF_FEATURES_SPARSE (3):    The tensor represents a bag of features where each index    maps to a feature. Zero values in the tensor indicates    feature being non-existent.    <xref uid="google.cloud.aiplatform.v1.ExplanationMetadata.InputMetadata.index_feature_mapping">InputMetadata.index_feature_mapping</xref>    must be provided for this encoding. For example:    ::       input = [2, 0, 5, 0, 1]       index_feature_mapping = ["a", "b", "c", "d", "e"]INDICATOR (4):    The tensor is a list of binaries representing whether a    feature exists or not (1 indicates existence).    <xref uid="google.cloud.aiplatform.v1.ExplanationMetadata.InputMetadata.index_feature_mapping">InputMetadata.index_feature_mapping</xref>    must be provided for this encoding. For example:    ::       input = [1, 0, 1, 0, 1]       index_feature_mapping = ["a", "b", "c", "d", "e"]COMBINED_EMBEDDING (5):    The tensor is encoded into a 1-dimensional array represented    by an encoded tensor.    <xref uid="google.cloud.aiplatform.v1.ExplanationMetadata.InputMetadata.encoded_tensor_name">InputMetadata.encoded_tensor_name</xref>    must be provided for this encoding. For example:    ::       input = ["This", "is", "a", "test", "."]       encoded = [0.1, 0.2, 0.3, 0.4, 0.5]CONCAT_EMBEDDING (6):    Select this encoding when the input tensor is encoded into a    2-dimensional array represented by an encoded tensor.    <xref uid="google.cloud.aiplatform.v1.ExplanationMetadata.InputMetadata.encoded_tensor_name">InputMetadata.encoded_tensor_name</xref>    must be provided for this encoding. The first dimension of    the encoded tensor's shape is the same as the input tensor's    shape. For example:    ::       input = ["This", "is", "a", "test", "."]       encoded = [[0.1, 0.2, 0.3, 0.4, 0.5],                  [0.2, 0.1, 0.4, 0.3, 0.5],                  [0.5, 0.1, 0.3, 0.5, 0.4],                  [0.5, 0.3, 0.1, 0.2, 0.4],                  [0.4, 0.3, 0.2, 0.5, 0.1]]

FeatureValueDomain

Domain details of the input feature value. Provides numericinformation about the feature, such as its range (min, max). If thefeature has been pre-processed, for example with z-scoring, then itprovides information about how to recover the original feature. Forexample, if the input feature is an image and it has beenpre-processed to obtain 0-mean and stddev = 1 values, thenoriginal_mean, and original_stddev refer to the mean and stddev ofthe original feature (e.g. image tensor) from which input feature(with mean = 0 and stddev = 1) was obtained.

Visualization

Visualization configurations for image explanation.

ColorMap

The color scheme used for highlighting areas.

OverlayType

How the original image is displayed in the visualization.

Polarity

Whether to only highlight pixels with positive contributions,negative or both. Defaults to POSITIVE.

Type

Type of the image visualization. Only applicable to [IntegratedGradientsattribution][google.cloud.aiplatform.v1.ExplanationParameters.integrated_gradients_attribution].

InputsEntry

The abstract base class for a message.

OutputMetadata

Metadata of the prediction output to be explained.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

OutputsEntry

The abstract base class for a message.

ExplanationMetadataOverride

TheExplanationMetadataentries that can be overridden at [onlineexplanation][google.cloud.aiplatform.v1.PredictionService.Explain]time.

InputMetadataOverride

The [inputmetadata][google.cloud.aiplatform.v1.ExplanationMetadata.InputMetadata]entries to be overridden.

InputsEntry

The abstract base class for a message.

ExplanationParameters

Parameters to configure explaining for Model's predictions.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ExplanationSpec

Specification of Model explanation.

ExplanationSpecOverride

TheExplanationSpecentries that can be overridden at [onlineexplanation][google.cloud.aiplatform.v1.PredictionService.Explain]time.

ExportDataConfig

Describes what part of the Dataset is to be exported, thedestination of the export and how to export.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ExportUse

ExportUse indicates the usage of the exported files. Itrestricts file destination, format, annotations to be exported,whether to allow unannotated data to be exported and whether toclone files to temp Cloud Storage bucket.

ExportDataOperationMetadata

Runtime operation information forDatasetService.ExportData.

ExportDataRequest

Request message forDatasetService.ExportData.

ExportDataResponse

Response message forDatasetService.ExportData.

ExportFeatureValuesOperationMetadata

Details of operations that exports Features values.

ExportFeatureValuesRequest

Request message forFeaturestoreService.ExportFeatureValues.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

FullExport

Describes exporting all historical Feature values of all entities ofthe EntityType between [start_time, end_time].

SnapshotExport

Describes exporting the latest Feature values of all entities of theEntityType between [start_time, snapshot_time].

ExportFeatureValuesResponse

Response message forFeaturestoreService.ExportFeatureValues.

ExportFilterSplit

Assigns input data to training, validation, and test setsbased on the given filters, data pieces not matched by anyfilter are ignored. Currently only supported for Datasetscontaining DataItems.If any of the filters in this message are to match nothing, thenthey can be set as '-' (the minus sign).

Supported only for unstructured Datasets.

ExportFractionSplit

Assigns the input data to training, validation, and test sets as perthe given fractions. Any oftraining_fraction,validation_fraction andtest_fraction may optionally beprovided, they must sum to up to 1. If the provided ones sum to lessthan 1, the remainder is assigned to sets as decided by Vertex AI.If none of the fractions are set, by default roughly 80% of data isused for training, 10% for validation, and 10% for test.

ExportModelOperationMetadata

Details ofModelService.ExportModeloperation.

OutputInfo

Further describes the output of the ExportModel. SupplementsExportModelRequest.OutputConfig.

ExportModelRequest

Request message forModelService.ExportModel.

OutputConfig

Output configuration for the Model export.

ExportModelResponse

Response message ofModelService.ExportModeloperation.

ExportTensorboardTimeSeriesDataRequest

Request message forTensorboardService.ExportTensorboardTimeSeriesData.

ExportTensorboardTimeSeriesDataResponse

Response message forTensorboardService.ExportTensorboardTimeSeriesData.

Fact

The fact used in grounding.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

FasterDeploymentConfig

Configuration for faster model deployment.

Feature

Feature Metadata information.For example, color is a feature that describes an apple.

LabelsEntry

The abstract base class for a message.

MonitoringStatsAnomaly

A list of historicalSnapshotAnalysisorImportFeaturesAnalysisstats requested by user, sorted byFeatureStatsAnomaly.start_timedescending.

Objective

If the objective in the request is bothImport Feature Analysis and Snapshot Analysis, this objectivecould be one of them. Otherwise, this objective should be thesame as the objective in the request.

ValueType

Only applicable for Vertex AI Legacy Feature Store.An enum representing the value type of a feature.

FeatureGroup

Vertex AI Feature Group.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

BigQuery

Input source type for BigQuery Tables and Views.

TimeSeries

LabelsEntry

The abstract base class for a message.

FeatureNoiseSigma

Noise sigma by features. Noise sigma represents the standarddeviation of the gaussian kernel that will be used to add noiseto interpolated inputs prior to computing gradients.

NoiseSigmaForFeature

Noise sigma for a single feature.

FeatureOnlineStore

Vertex AI Feature Online Store provides a centralizedrepository for serving ML features and embedding indexes at lowlatency. The Feature Online Store is a top-level container.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

Bigtable

AutoScaling

BigtableMetadata

Metadata of the Bigtable instance. This is used by directread access to the Bigtable in tenant project.

DedicatedServingEndpoint

The dedicated serving endpoint for this FeatureOnlineStore.Only need to set when you choose Optimized storage type. Publicendpoint is provisioned by default.

LabelsEntry

The abstract base class for a message.

Optimized

Optimized storage type

State

Possible states a featureOnlineStore can have.

FeatureSelector

Selector for Features of an EntityType.

FeatureStatsAnomaly

Stats and Anomaly generated at specific timestamp for specificFeature. The start_time and end_time are used to define the timerange of the dataset that current stats belongs to, e.g. predictiontraffic is bucketed into prediction datasets by time window. If theDataset is not defined by time window, start_time = end_time.Timestamp of the stats and anomalies always refers to end_time. Rawstats and anomalies are stored in stats_uri or anomaly_uri in thetensorflow defined protos. Field data_stats contains almostidentical information with the raw stats in Vertex AI defined proto,for UI to display.

FeatureValue

Value for a feature.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

Metadata

Metadata of feature value.

FeatureValueDestination

A destination location for Feature values and format.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

FeatureValueList

Container for list of values.

FeatureView

FeatureView is representation of values that theFeatureOnlineStore will serve based on its syncConfig.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

BigQuerySource

BigtableMetadata

Metadata for the Cloud Bigtable that supports directlyinteracting Bigtable instances.

FeatureRegistrySource

A Feature Registry source for features that need to be syncedto Online Store.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

FeatureGroup

Features belonging to a single feature group that will besynced to Online Store.

IndexConfig

Configuration for vector indexing.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

BruteForceConfig

Configuration options for using brute force search.

DistanceMeasureType

The distance measure used in nearest neighbor search.

    We strongly suggest using DOT_PRODUCT_DISTANCE +    UNIT_L2_NORM instead of COSINE distance. Our algorithms have    been more optimized for DOT_PRODUCT distance which, when    combined with UNIT_L2_NORM, is mathematically equivalent to    COSINE distance and results in the same ranking.DOT_PRODUCT_DISTANCE (3):    Dot Product Distance. Defined as a negative    of the dot product.

TreeAHConfig

Configuration options for the tree-AH algorithm.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

LabelsEntry

The abstract base class for a message.

OptimizedConfig

Configuration for FeatureViews created in OptimizedFeatureOnlineStore.

ServiceAgentType

Service agent type used during data sync.

SyncConfig

Configuration for Sync. Only one option is set.

VertexRagSource

A Vertex Rag source for features that need to be synced toOnline Store.

FeatureViewDataFormat

Format of the data in the Feature View.

FeatureViewDataKey

Lookup key for a feature view.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

CompositeKey

ID that is comprised from several parts (columns).

FeatureViewDirectWriteRequest

Request message forFeatureOnlineStoreService.FeatureViewDirectWrite.

DataKeyAndFeatureValues

A data key and associated feature values to write to thefeature view.

Feature

Feature name & value pair.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

FeatureViewDirectWriteResponse

Response message forFeatureOnlineStoreService.FeatureViewDirectWrite.

WriteResponse

Details about the write for each key.

FeatureViewSync

FeatureViewSync is a representation of sync operation whichcopies data from data source to Feature View in Online Store.

SyncSummary

Summary from the Sync job. For continuous syncs, the summaryis updated periodically. For batch syncs, it gets updated oncompletion of the sync.

Featurestore

Vertex AI Feature Store provides a centralized repository fororganizing, storing, and serving ML features. The Featurestoreis a top-level container for your features and their values.

LabelsEntry

The abstract base class for a message.

OnlineServingConfig

OnlineServingConfig specifies the details for provisioningonline serving resources.

Scaling

Online serving scaling configuration. If min_node_count andmax_node_count are set to the same value, the cluster will beconfigured with the fixed number of node (no auto-scaling).

State

Possible states a featurestore can have.

FeaturestoreMonitoringConfig

Configuration of how features in Featurestore are monitored.

ImportFeaturesAnalysis

Configuration of the Featurestore's ImportFeature Analysis BasedMonitoring. This type of analysis generates statistics for values ofeach Feature imported by everyImportFeatureValuesoperation.

Baseline

Defines the baseline to do anomaly detection for feature valuesimported by eachImportFeatureValuesoperation.

State

The state defines whether to enable ImportFeature analysis.

SnapshotAnalysis

Configuration of the Featurestore's Snapshot Analysis BasedMonitoring. This type of analysis generates statistics for eachFeature based on a snapshot of the latest feature value of eachentities every monitoring_interval.

ThresholdConfig

The config for Featurestore Monitoring threshold.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

FetchFeatureValuesRequest

Request message forFeatureOnlineStoreService.FetchFeatureValues.All the features under the requested feature view will be returned.

FetchFeatureValuesResponse

Response message forFeatureOnlineStoreService.FetchFeatureValues

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

FeatureNameValuePairList

Response structure in the format of key (feature name) and(feature) value pair.

FeatureNameValuePair

Feature name & value pair.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

FileData

URI based data.

FileStatus

RagFile status.

State

RagFile state.

FilterSplit

Assigns input data to training, validation, and test setsbased on the given filters, data pieces not matched by anyfilter are ignored. Currently only supported for Datasetscontaining DataItems.If any of the filters in this message are to match nothing, thenthey can be set as '-' (the minus sign).

Supported only for unstructured Datasets.

FindNeighborsRequest

The request message forMatchService.FindNeighbors.

Query

A query to find a number of the nearest neighbors (mostsimilar vectors) of a vector.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

RRF

Parameters for RRF algorithm that combines search results.

FindNeighborsResponse

The response message forMatchService.FindNeighbors.

NearestNeighbors

Nearest neighbors for one query.

Neighbor

A neighbor of the query vector.

FluencyInput

Input for fluency metric.

FluencyInstance

Spec for fluency instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

FluencyResult

Spec for fluency result.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

FluencySpec

Spec for fluency score metric.

FractionSplit

Assigns the input data to training, validation, and test sets as perthe given fractions. Any oftraining_fraction,validation_fraction andtest_fraction may optionally beprovided, they must sum to up to 1. If the provided ones sum to lessthan 1, the remainder is assigned to sets as decided by Vertex AI.If none of the fractions are set, by default roughly 80% of data isused for training, 10% for validation, and 10% for test.

FulfillmentInput

Input for fulfillment metric.

FulfillmentInstance

Spec for fulfillment instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

FulfillmentResult

Spec for fulfillment result.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

FulfillmentSpec

Spec for fulfillment metric.

FunctionCall

A predicted [FunctionCall] returned from the model that contains astring representing the [FunctionDeclaration.name] and a structuredJSON object containing the parameters and their values.

FunctionCallingConfig

Function calling config.

Mode

Function calling mode.

FunctionDeclaration

Structured representation of a function declaration as defined bytheOpenAPI 3.0specification <https://spec.openapis.org/oas/v3.0.3>__. Included inthis declaration are the function name, description, parameters andresponse type. This FunctionDeclaration is a representation of ablock of code that can be used as aTool by the model andexecuted by the client.

FunctionResponse

The result output from a [FunctionCall] that contains a stringrepresenting the [FunctionDeclaration.name] and a structured JSONobject containing any output from the function is used as context tothe model. This should contain the result of a [FunctionCall] madebased on model prediction.

GcsDestination

The Google Cloud Storage location where the output is to bewritten to.

GcsSource

The Google Cloud Storage location for the input content.

GenAiAdvancedFeaturesConfig

Configuration for GenAiAdvancedFeatures.

RagConfig

Configuration for Retrieval Augmented Generation feature.

GenerateContentRequest

Request message for [PredictionService.GenerateContent].

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

LabelsEntry

The abstract base class for a message.

GenerateContentResponse

Response message for [PredictionService.GenerateContent].

PromptFeedback

Content filter results for a prompt sent in the request.

BlockedReason

Blocked reason enumeration.

UsageMetadata

Usage metadata about response(s).

GenerateFetchAccessTokenRequest

Request message forFeatureOnlineStoreService.GenerateFetchAccessToken.

GenerateFetchAccessTokenResponse

Response message forFeatureOnlineStoreService.GenerateFetchAccessToken.

GenerateSyntheticDataRequest

Request message for DataFoundryService.GenerateSyntheticData.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

GenerateSyntheticDataResponse

The response containing the generated data.

GenerationConfig

Generation config.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

RoutingConfig

The configuration for routing the request to a specificmodel.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

AutoRoutingMode

When automated routing is specified, the routing will bedetermined by the pretrained routing model and customer providedmodel routing preference.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ModelRoutingPreference

The model routing preference.

ManualRoutingMode

When manual routing is set, the specified model will be useddirectly.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ThinkingConfig

Config for thinking features.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

GenericOperationMetadata

Generic Metadata shared by all operations.

GenieSource

Contains information about the source of the models generatedfrom Generative AI Studio.

GetAnnotationSpecRequest

Request message forDatasetService.GetAnnotationSpec.

GetArtifactRequest

Request message forMetadataService.GetArtifact.

GetBatchPredictionJobRequest

Request message forJobService.GetBatchPredictionJob.

GetCachedContentRequest

Request message forGenAiCacheService.GetCachedContent.

GetContextRequest

Request message forMetadataService.GetContext.

GetCustomJobRequest

Request message forJobService.GetCustomJob.

GetDataLabelingJobRequest

Request message forJobService.GetDataLabelingJob.

GetDatasetRequest

Request message forDatasetService.GetDataset.Next ID: 4

GetDatasetVersionRequest

Request message forDatasetService.GetDatasetVersion.Next ID: 4

GetDeploymentResourcePoolRequest

Request message for GetDeploymentResourcePool method.

GetEndpointRequest

Request message forEndpointService.GetEndpoint

GetEntityTypeRequest

Request message forFeaturestoreService.GetEntityType.

GetExecutionRequest

Request message forMetadataService.GetExecution.

GetFeatureGroupRequest

Request message forFeatureRegistryService.GetFeatureGroup.

GetFeatureOnlineStoreRequest

Request message forFeatureOnlineStoreAdminService.GetFeatureOnlineStore.

GetFeatureRequest

Request message forFeaturestoreService.GetFeature.Request message forFeatureRegistryService.GetFeature.

GetFeatureViewRequest

Request message forFeatureOnlineStoreAdminService.GetFeatureView.

GetFeatureViewSyncRequest

Request message forFeatureOnlineStoreAdminService.GetFeatureViewSync.

GetFeaturestoreRequest

Request message forFeaturestoreService.GetFeaturestore.

GetHyperparameterTuningJobRequest

Request message forJobService.GetHyperparameterTuningJob.

GetIndexEndpointRequest

Request message forIndexEndpointService.GetIndexEndpoint

GetIndexRequest

Request message forIndexService.GetIndex

GetMetadataSchemaRequest

Request message forMetadataService.GetMetadataSchema.

GetMetadataStoreRequest

Request message forMetadataService.GetMetadataStore.

GetModelDeploymentMonitoringJobRequest

Request message forJobService.GetModelDeploymentMonitoringJob.

GetModelEvaluationRequest

Request message forModelService.GetModelEvaluation.

GetModelEvaluationSliceRequest

Request message forModelService.GetModelEvaluationSlice.

GetModelRequest

Request message forModelService.GetModel.

GetNasJobRequest

Request message forJobService.GetNasJob.

GetNasTrialDetailRequest

Request message forJobService.GetNasTrialDetail.

GetNotebookExecutionJobRequest

Request message for [NotebookService.GetNotebookExecutionJob]

GetNotebookRuntimeRequest

Request message forNotebookService.GetNotebookRuntime

GetNotebookRuntimeTemplateRequest

Request message forNotebookService.GetNotebookRuntimeTemplate

GetPersistentResourceRequest

Request message forPersistentResourceService.GetPersistentResource.

GetPipelineJobRequest

Request message forPipelineService.GetPipelineJob.

GetPublisherModelRequest

Request message forModelGardenService.GetPublisherModel

GetRagCorpusRequest

Request message forVertexRagDataService.GetRagCorpus

GetRagEngineConfigRequest

Request message forVertexRagDataService.GetRagEngineConfig

GetRagFileRequest

Request message forVertexRagDataService.GetRagFile

GetReasoningEngineRequest

Request message forReasoningEngineService.GetReasoningEngine.

GetScheduleRequest

Request message forScheduleService.GetSchedule.

GetSpecialistPoolRequest

Request message forSpecialistPoolService.GetSpecialistPool.

GetStudyRequest

Request message forVizierService.GetStudy.

GetTensorboardExperimentRequest

Request message forTensorboardService.GetTensorboardExperiment.

GetTensorboardRequest

Request message forTensorboardService.GetTensorboard.

GetTensorboardRunRequest

Request message forTensorboardService.GetTensorboardRun.

GetTensorboardTimeSeriesRequest

Request message forTensorboardService.GetTensorboardTimeSeries.

GetTrainingPipelineRequest

Request message forPipelineService.GetTrainingPipeline.

GetTrialRequest

Request message forVizierService.GetTrial.

GetTuningJobRequest

Request message forGenAiTuningService.GetTuningJob.

GoogleDriveSource

The Google Drive location for the input content.

ResourceId

The type and ID of the Google Drive resource.

ResourceType

The type of the Google Drive resource.

GoogleMaps

Tool to retrieve public maps data for grounding, powered byGoogle.

GoogleSearchRetrieval

Tool to retrieve public web data for grounding, powered byGoogle.

GroundednessInput

Input for groundedness metric.

GroundednessInstance

Spec for groundedness instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

GroundednessResult

Spec for groundedness result.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

GroundednessSpec

Spec for groundedness metric.

GroundingChunk

Grounding chunk.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

Maps

Chunk from Google Maps.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

PlaceAnswerSources

ReviewSnippet

Encapsulates a review snippet.

RetrievedContext

Chunk from context retrieved by the retrieval tools.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

Web

Chunk from the web.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

GroundingMetadata

Metadata returned to client when grounding is enabled.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

SourceFlaggingUri

Source content flagging uri for a place or review. This iscurrently populated only for Google Maps grounding.

GroundingSupport

Grounding support.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

HarmCategory

Harm categories that will block the content.

HyperparameterTuningJob

Represents a HyperparameterTuningJob. AHyperparameterTuningJob has a Study specification and multipleCustomJobs with identical CustomJob specification.

LabelsEntry

The abstract base class for a message.

IdMatcher

Matcher for Features of an EntityType by Feature ID.

ImageConfig

Config for image generation features.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ImportDataConfig

Describes the location from where we import data into aDataset, together with the labels that will be applied to theDataItems and the Annotations.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

AnnotationLabelsEntry

The abstract base class for a message.

DataItemLabelsEntry

The abstract base class for a message.

ImportDataOperationMetadata

Runtime operation information forDatasetService.ImportData.

ImportDataRequest

Request message forDatasetService.ImportData.

ImportDataResponse

Response message forDatasetService.ImportData.

ImportFeatureValuesOperationMetadata

Details of operations that perform import Feature values.

ImportFeatureValuesRequest

Request message forFeaturestoreService.ImportFeatureValues.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

FeatureSpec

Defines the Feature value(s) to import.

ImportFeatureValuesResponse

Response message forFeaturestoreService.ImportFeatureValues.

ImportModelEvaluationRequest

Request message forModelService.ImportModelEvaluation

ImportRagFilesConfig

Config for importing RagFiles.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ImportRagFilesOperationMetadata

Runtime operation information forVertexRagDataService.ImportRagFiles.

ImportRagFilesRequest

Request message forVertexRagDataService.ImportRagFiles.

ImportRagFilesResponse

Response message forVertexRagDataService.ImportRagFiles.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

Index

A representation of a collection of database items organizedin a way that allows for approximate nearest neighbor (a.k.aANN) algorithms search.

IndexUpdateMethod

The update method of an Index.

LabelsEntry

The abstract base class for a message.

IndexDatapoint

A datapoint of Index.

CrowdingTag

Crowding tag is a constraint on a neighbor list produced by nearestneighbor search requiring that no more than some value k' of the kneighbors returned have the same value of crowding_attribute.

NumericRestriction

This field allows restricts to be based on numericcomparisons rather than categorical tokens.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

Operator

Which comparison operator to use. Should be specified forqueries only; specifying this for a datapoint is an error.

Datapoints for which Operator is true relative to the query'sValue field will be allowlisted.

Restriction

Restriction of a datapoint which describe itsattributes(tokens) from each of several attributecategories(namespaces).

SparseEmbedding

Feature embedding vector for sparse index. An array ofnumbers whose values are located in the specified dimensions.

IndexEndpoint

Indexes are deployed into it. An IndexEndpoint can havemultiple DeployedIndexes.

LabelsEntry

The abstract base class for a message.

IndexPrivateEndpoints

IndexPrivateEndpoints proto is used to provide paths for users tosend requests via private endpoints (e.g. private service access,private service connect). To send request via private serviceaccess, use match_grpc_address. To send request via private serviceconnect, use service_attachment.

IndexStats

Stats of the Index.

InputDataConfig

Specifies Vertex AI owned input data to be used for training,and possibly evaluating, the Model.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

Int64Array

A list of int64 values.

IntegratedGradientsAttribution

An attribution method that computes the Aumann-Shapley valuetaking advantage of the model's fully differentiable structure.Refer to this paper for more details:https://arxiv.org/abs/1703.01365

JiraSource

The Jira source for the ImportRagFilesRequest.

JiraQueries

JiraQueries contains the Jira queries and correspondingauthentication.

JobState

Describes the state of a job.

LargeModelReference

Contains information about the Large Model.

LineageSubgraph

A subgraph of the overall lineage graph. Event edges connectArtifact and Execution nodes.

ListAnnotationsRequest

Request message forDatasetService.ListAnnotations.

ListAnnotationsResponse

Response message forDatasetService.ListAnnotations.

ListArtifactsRequest

Request message forMetadataService.ListArtifacts.

ListArtifactsResponse

Response message forMetadataService.ListArtifacts.

ListBatchPredictionJobsRequest

Request message forJobService.ListBatchPredictionJobs.

ListBatchPredictionJobsResponse

Response message forJobService.ListBatchPredictionJobs

ListCachedContentsRequest

Request to list CachedContents.

ListCachedContentsResponse

Response with a list of CachedContents.

ListContextsRequest

Request message forMetadataService.ListContexts

ListContextsResponse

Response message forMetadataService.ListContexts.

ListCustomJobsRequest

Request message forJobService.ListCustomJobs.

ListCustomJobsResponse

Response message forJobService.ListCustomJobs

ListDataItemsRequest

Request message forDatasetService.ListDataItems.

ListDataItemsResponse

Response message forDatasetService.ListDataItems.

ListDataLabelingJobsRequest

Request message forJobService.ListDataLabelingJobs.

ListDataLabelingJobsResponse

Response message forJobService.ListDataLabelingJobs.

ListDatasetVersionsRequest

Request message forDatasetService.ListDatasetVersions.

ListDatasetVersionsResponse

Response message forDatasetService.ListDatasetVersions.

ListDatasetsRequest

Request message forDatasetService.ListDatasets.

ListDatasetsResponse

Response message forDatasetService.ListDatasets.

ListDeploymentResourcePoolsRequest

Request message for ListDeploymentResourcePools method.

ListDeploymentResourcePoolsResponse

Response message for ListDeploymentResourcePools method.

ListEndpointsRequest

Request message forEndpointService.ListEndpoints.

ListEndpointsResponse

Response message forEndpointService.ListEndpoints.

ListEntityTypesRequest

Request message forFeaturestoreService.ListEntityTypes.

ListEntityTypesResponse

Response message forFeaturestoreService.ListEntityTypes.

ListExecutionsRequest

Request message forMetadataService.ListExecutions.

ListExecutionsResponse

Response message forMetadataService.ListExecutions.

ListFeatureGroupsRequest

Request message forFeatureRegistryService.ListFeatureGroups.

ListFeatureGroupsResponse

Response message forFeatureRegistryService.ListFeatureGroups.

ListFeatureOnlineStoresRequest

Request message forFeatureOnlineStoreAdminService.ListFeatureOnlineStores.

ListFeatureOnlineStoresResponse

Response message forFeatureOnlineStoreAdminService.ListFeatureOnlineStores.

ListFeatureViewSyncsRequest

Request message forFeatureOnlineStoreAdminService.ListFeatureViewSyncs.

ListFeatureViewSyncsResponse

Response message forFeatureOnlineStoreAdminService.ListFeatureViewSyncs.

ListFeatureViewsRequest

Request message forFeatureOnlineStoreAdminService.ListFeatureViews.

ListFeatureViewsResponse

Response message forFeatureOnlineStoreAdminService.ListFeatureViews.

ListFeaturesRequest

Request message forFeaturestoreService.ListFeatures.Request message forFeatureRegistryService.ListFeatures.

ListFeaturesResponse

Response message forFeaturestoreService.ListFeatures.Response message forFeatureRegistryService.ListFeatures.

ListFeaturestoresRequest

Request message forFeaturestoreService.ListFeaturestores.

ListFeaturestoresResponse

Response message forFeaturestoreService.ListFeaturestores.

ListHyperparameterTuningJobsRequest

Request message forJobService.ListHyperparameterTuningJobs.

ListHyperparameterTuningJobsResponse

Response message forJobService.ListHyperparameterTuningJobs

ListIndexEndpointsRequest

Request message forIndexEndpointService.ListIndexEndpoints.

ListIndexEndpointsResponse

Response message forIndexEndpointService.ListIndexEndpoints.

ListIndexesRequest

Request message forIndexService.ListIndexes.

ListIndexesResponse

Response message forIndexService.ListIndexes.

ListMetadataSchemasRequest

Request message forMetadataService.ListMetadataSchemas.

ListMetadataSchemasResponse

Response message forMetadataService.ListMetadataSchemas.

ListMetadataStoresRequest

Request message forMetadataService.ListMetadataStores.

ListMetadataStoresResponse

Response message forMetadataService.ListMetadataStores.

ListModelDeploymentMonitoringJobsRequest

Request message forJobService.ListModelDeploymentMonitoringJobs.

ListModelDeploymentMonitoringJobsResponse

Response message forJobService.ListModelDeploymentMonitoringJobs.

ListModelEvaluationSlicesRequest

Request message forModelService.ListModelEvaluationSlices.

ListModelEvaluationSlicesResponse

Response message forModelService.ListModelEvaluationSlices.

ListModelEvaluationsRequest

Request message forModelService.ListModelEvaluations.

ListModelEvaluationsResponse

Response message forModelService.ListModelEvaluations.

ListModelVersionCheckpointsRequest

Request message forModelService.ListModelVersionCheckpoints.

ListModelVersionCheckpointsResponse

Response message forModelService.ListModelVersionCheckpoints

ListModelVersionsRequest

Request message forModelService.ListModelVersions.

ListModelVersionsResponse

Response message forModelService.ListModelVersions

ListModelsRequest

Request message forModelService.ListModels.

ListModelsResponse

Response message forModelService.ListModels

ListNasJobsRequest

Request message forJobService.ListNasJobs.

ListNasJobsResponse

Response message forJobService.ListNasJobs

ListNasTrialDetailsRequest

Request message forJobService.ListNasTrialDetails.

ListNasTrialDetailsResponse

Response message forJobService.ListNasTrialDetails

ListNotebookExecutionJobsRequest

Request message for [NotebookService.ListNotebookExecutionJobs]

ListNotebookExecutionJobsResponse

Response message for [NotebookService.CreateNotebookExecutionJob]

ListNotebookRuntimeTemplatesRequest

Request message forNotebookService.ListNotebookRuntimeTemplates.

ListNotebookRuntimeTemplatesResponse

Response message forNotebookService.ListNotebookRuntimeTemplates.

ListNotebookRuntimesRequest

Request message forNotebookService.ListNotebookRuntimes.

ListNotebookRuntimesResponse

Response message forNotebookService.ListNotebookRuntimes.

ListOptimalTrialsRequest

Request message forVizierService.ListOptimalTrials.

ListOptimalTrialsResponse

Response message forVizierService.ListOptimalTrials.

ListPersistentResourcesRequest

Request message forPersistentResourceService.ListPersistentResources.

ListPersistentResourcesResponse

Response message forPersistentResourceService.ListPersistentResources

ListPipelineJobsRequest

Request message forPipelineService.ListPipelineJobs.

ListPipelineJobsResponse

Response message forPipelineService.ListPipelineJobs

ListRagCorporaRequest

Request message forVertexRagDataService.ListRagCorpora.

ListRagCorporaResponse

Response message forVertexRagDataService.ListRagCorpora.

ListRagFilesRequest

Request message forVertexRagDataService.ListRagFiles.

ListRagFilesResponse

Response message forVertexRagDataService.ListRagFiles.

ListReasoningEnginesRequest

Request message forReasoningEngineService.ListReasoningEngines.

ListReasoningEnginesResponse

Response message forReasoningEngineService.ListReasoningEngines

ListSavedQueriesRequest

Request message forDatasetService.ListSavedQueries.

ListSavedQueriesResponse

Response message forDatasetService.ListSavedQueries.

ListSchedulesRequest

Request message forScheduleService.ListSchedules.

ListSchedulesResponse

Response message forScheduleService.ListSchedules

ListSpecialistPoolsRequest

Request message forSpecialistPoolService.ListSpecialistPools.

ListSpecialistPoolsResponse

Response message forSpecialistPoolService.ListSpecialistPools.

ListStudiesRequest

Request message forVizierService.ListStudies.

ListStudiesResponse

Response message forVizierService.ListStudies.

ListTensorboardExperimentsRequest

Request message forTensorboardService.ListTensorboardExperiments.

ListTensorboardExperimentsResponse

Response message forTensorboardService.ListTensorboardExperiments.

ListTensorboardRunsRequest

Request message forTensorboardService.ListTensorboardRuns.

ListTensorboardRunsResponse

Response message forTensorboardService.ListTensorboardRuns.

ListTensorboardTimeSeriesRequest

Request message forTensorboardService.ListTensorboardTimeSeries.

ListTensorboardTimeSeriesResponse

Response message forTensorboardService.ListTensorboardTimeSeries.

ListTensorboardsRequest

Request message forTensorboardService.ListTensorboards.

ListTensorboardsResponse

Response message forTensorboardService.ListTensorboards.

ListTrainingPipelinesRequest

Request message forPipelineService.ListTrainingPipelines.

ListTrainingPipelinesResponse

Response message forPipelineService.ListTrainingPipelines

ListTrialsRequest

Request message forVizierService.ListTrials.

ListTrialsResponse

Response message forVizierService.ListTrials.

ListTuningJobsRequest

Request message forGenAiTuningService.ListTuningJobs.

ListTuningJobsResponse

Response message forGenAiTuningService.ListTuningJobs

LogprobsResult

Logprobs Result

Candidate

Candidate for the logprobs token and score.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

TopCandidates

Candidates with top log probabilities at each decoding step.

LookupStudyRequest

Request message forVizierService.LookupStudy.

MachineSpec

Specification of a single machine.

ManualBatchTuningParameters

Manual batch tuning parameters.

Measurement

A message representing a Measurement of a Trial. AMeasurement contains the Metrics got by executing a Trial usingsuggested hyperparameter values.

Metric

A message representing a metric in the measurement.

MergeVersionAliasesRequest

Request message forModelService.MergeVersionAliases.

MetadataSchema

Instance of a general MetadataSchema.

MetadataSchemaType

Describes the type of the MetadataSchema.

MetadataStore

Instance of a metadata store. Contains a set of metadata thatcan be queried.

DataplexConfig

Represents Dataplex integration settings.

MetadataStoreState

Represents state information for a MetadataStore.

MetricxInput

Input for MetricX metric.

MetricxInstance

Spec for MetricX instance - The fields used for evaluationare dependent on the MetricX version.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

MetricxResult

Spec for MetricX result - calculates the MetricX score forthe given instance using the version specified in the spec.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

MetricxSpec

Spec for MetricX metric.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

MetricxVersion

MetricX Version options.

MigratableResource

Represents one resource that exists in automl.googleapis.com,datalabeling.googleapis.com or ml.googleapis.com.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

AutomlDataset

Represents one Dataset in automl.googleapis.com.

AutomlModel

Represents one Model in automl.googleapis.com.

DataLabelingDataset

Represents one Dataset in datalabeling.googleapis.com.

DataLabelingAnnotatedDataset

Represents one AnnotatedDataset indatalabeling.googleapis.com.

MlEngineModelVersion

Represents one model Version in ml.googleapis.com.

MigrateResourceRequest

Config of migrating one resource from automl.googleapis.com,datalabeling.googleapis.com and ml.googleapis.com to Vertex AI.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

MigrateAutomlDatasetConfig

Config for migrating Dataset in automl.googleapis.com toVertex AI's Dataset.

MigrateAutomlModelConfig

Config for migrating Model in automl.googleapis.com to VertexAI's Model.

MigrateDataLabelingDatasetConfig

Config for migrating Dataset in datalabeling.googleapis.comto Vertex AI's Dataset.

MigrateDataLabelingAnnotatedDatasetConfig

Config for migrating AnnotatedDataset indatalabeling.googleapis.com to Vertex AI's SavedQuery.

MigrateMlEngineModelVersionConfig

Config for migrating version in ml.googleapis.com to VertexAI's Model.

MigrateResourceResponse

Describes a successfully migrated resource.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

Modality

Content Part modality

ModalityTokenCount

Represents token counting info for a single modality.

Model

A trained machine learning Model.

BaseModelSource

User input field to specify the base model source. Currentlyit only supports specifing the Model Garden models and Geniemodels.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

DataStats

Stats of data used for train or evaluate the Model.

DeploymentResourcesType

Identifies a type of Model's prediction resources.

ExportFormat

Represents export format supported by the Model.All formats export to Google Cloud Storage.

ExportableContent

The Model content that can be exported.

LabelsEntry

The abstract base class for a message.

OriginalModelInfo

Contains information about the original Model if this Modelis a copy.

ModelArmorConfig

Configuration for Model Armor integrations of prompt andresponses.

ModelContainerSpec

Specification of a container for serving predictions. Some fields inthis message correspond to fields in theKubernetes Container v1corespecification <https://kubernetes.io/docs/reference/generated/kubernetes-api/v1.23/#container-v1-core>__.

ModelDeploymentMonitoringBigQueryTable

ModelDeploymentMonitoringBigQueryTable specifies the BigQuerytable name as well as some information of the logs stored inthis table.

LogSource

Indicates where does the log come from.

LogType

Indicates what type of traffic does the log belong to.

ModelDeploymentMonitoringJob

Represents a job that runs periodically to monitor thedeployed models in an endpoint. It will analyze the loggedtraining & prediction data to detect any abnormal behaviors.

LabelsEntry

The abstract base class for a message.

LatestMonitoringPipelineMetadata

All metadata of most recent monitoring pipelines.

MonitoringScheduleState

The state to Specify the monitoring pipeline.

ModelDeploymentMonitoringObjectiveConfig

ModelDeploymentMonitoringObjectiveConfig contains the pair ofdeployed_model_id to ModelMonitoringObjectiveConfig.

ModelDeploymentMonitoringObjectiveType

The Model Monitoring Objective types.

ModelDeploymentMonitoringScheduleConfig

The config for scheduling monitoring job.

ModelEvaluation

A collection of metrics calculated by comparing Model'spredictions on all of the test data against annotations from thetest data.

ModelEvaluationExplanationSpec

ModelEvaluationSlice

A collection of metrics calculated by comparing Model'spredictions on a slice of the test data against ground truthannotations.

Slice

Definition of a slice.

SliceSpec

Specification for how the data should be sliced.

ConfigsEntry

The abstract base class for a message.

Range

A range of values for slice(s).low is inclusive,high isexclusive.

SliceConfig

Specification message containing the config for this SliceSpec. Whenkind is selected asvalue and/orrange, only a singleslice will be computed. Whenall_values is present, a separateslice will be computed for each possible label/value for thecorresponding key inconfig. Examples, with feature zip_codewith values 12345, 23334, 88888 and feature country with values"US", "Canada", "Mexico" in the dataset:

Example 1:

::

{  "zip_code": { "value": { "float_value": 12345.0 } }}

A single slice for any data with zip_code 12345 in the dataset.

Example 2:

::

{  "zip_code": { "range": { "low": 12345, "high": 20000 } }}

A single slice containing data where the zip_codes between 12345 and20000 For this example, data with the zip_code of 12345 will be inthis slice.

Example 3:

::

{  "zip_code": { "range": { "low": 10000, "high": 20000 } },  "country": { "value": { "string_value": "US" } }}

A single slice containing data where the zip_codes between 10000 and20000 has the country "US". For this example, data with the zip_codeof 12345 and country "US" will be in this slice.

Example 4:

::

{ "country": {"all_values": { "value": true } } }

Three slices are computed, one for each unique country in thedataset.

Example 5:

::

{  "country": { "all_values": { "value": true } },  "zip_code": { "value": { "float_value": 12345.0 } }}

Three slices are computed, one for each unique country in thedataset where the zip_code is also 12345. For this example, datawith zip_code 12345 and country "US" will be in one slice, zip_code12345 and country "Canada" in another slice, and zip_code 12345 andcountry "Mexico" in another slice, totaling 3 slices.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

Value

Single value that supports strings and floats.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ModelExplanation

Aggregated explanation metrics for a Model over a set ofinstances.

ModelGardenSource

Contains information about the source of the models generatedfrom Model Garden.

ModelMonitoringAlertConfig

The alert config for model monitoring.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

EmailAlertConfig

The config for email alert.

ModelMonitoringObjectiveConfig

The objective configuration for model monitoring, includingthe information needed to detect anomalies for one particularmodel.

ExplanationConfig

The config for integrating with Vertex Explainable AI. Onlyapplicable if the Model has explanation_spec populated.

ExplanationBaseline

Output fromBatchPredictionJobfor Model Monitoring baseline dataset, which can be used to generatebaseline attribution scores.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

PredictionFormat

The storage format of the predictions generatedBatchPrediction job.

PredictionDriftDetectionConfig

The config for Prediction data drift detection.

AttributionScoreDriftThresholdsEntry

The abstract base class for a message.

DriftThresholdsEntry

The abstract base class for a message.

TrainingDataset

Training Dataset information.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

TrainingPredictionSkewDetectionConfig

The config for Training & Prediction data skew detection. Itspecifies the training dataset sources and the skew detectionparameters.

AttributionScoreSkewThresholdsEntry

The abstract base class for a message.

SkewThresholdsEntry

The abstract base class for a message.

ModelMonitoringStatsAnomalies

Statistics and anomalies generated by Model Monitoring.

FeatureHistoricStatsAnomalies

Historical Stats (and Anomalies) for a specific Feature.

ModelSourceInfo

Detail description of the source information of the model.

ModelSourceType

Source of the model. Different fromobjective field, thisModelSourceType enum indicates the source from which the modelwas accessed or obtained, whereas theobjective indicates theoverall aim or function of this model.

ModelVersionCheckpoint

A proto representation of a Spanner-storedModelVersionCheckpoint. The meaning of the fields is equivalentto their in-Spanner counterparts.

MutateDeployedIndexOperationMetadata

Runtime operation information forIndexEndpointService.MutateDeployedIndex.

MutateDeployedIndexRequest

Request message forIndexEndpointService.MutateDeployedIndex.

MutateDeployedIndexResponse

Response message forIndexEndpointService.MutateDeployedIndex.

MutateDeployedModelOperationMetadata

Runtime operation information forEndpointService.MutateDeployedModel.

MutateDeployedModelRequest

Request message forEndpointService.MutateDeployedModel.

MutateDeployedModelResponse

Response message forEndpointService.MutateDeployedModel.

NasJob

Represents a Neural Architecture Search (NAS) job.

LabelsEntry

The abstract base class for a message.

NasJobOutput

Represents a uCAIP NasJob output.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

MultiTrialJobOutput

The output of a multi-trial Neural Architecture Search (NAS)jobs.

NasJobSpec

Represents the spec of a NasJob.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

MultiTrialAlgorithmSpec

The spec of multi-trial Neural Architecture Search (NAS).

MetricSpec

Represents a metric to optimize.

GoalType

The available types of optimization goals.

MultiTrialAlgorithm

The available types of multi-trial algorithms.

SearchTrialSpec

Represent spec for search trials.

TrainTrialSpec

Represent spec for train trials.

NasTrial

Represents a uCAIP NasJob trial.

State

Describes a NasTrial state.

NasTrialDetail

Represents a NasTrial details along with its parameters. Ifthere is a corresponding train NasTrial, the train NasTrial isalso returned.

NearestNeighborQuery

A query to find a number of similar entities.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

Embedding

The embedding vector.

NumericFilter

Numeric filter is used to search a subset of the entities by usingboolean rules on numeric columns. For example: Database Point 0:{name: "a" value_int: 42} {name: "b" value_float: 1.0} DatabasePoint 1: {name: "a" value_int: 10} {name: "b" value_float: 2.0}Database Point 2: {name: "a" value_int: -1} {name: "b" value_float:3.0} Query: {name: "a" value_int: 12 operator: LESS} // MatchesPoint 1, 2 {name: "b" value_float: 2.0 operator: EQUAL} // MatchesPoint 1

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

Operator

Datapoints for which Operator is true relative to the query'sValue field will be allowlisted.

Parameters

Parameters that can be overrided in each query to tune querylatency and recall.

StringFilter

String filter is used to search a subset of the entities by usingboolean rules on string columns. For example: if a query specifiesstring filter with 'name = color, allow_tokens = {red, blue},deny_tokens = {purple}',' then that query will match entities thatare red or blue, but if those points are also purple, then they willbe excluded even if they are red/blue. Only string filter issupported for now, numeric filter will be supported in the nearfuture.

NearestNeighborSearchOperationMetadata

Runtime operation metadata with regard to Matching EngineIndex.

ContentValidationStats

RecordError

RecordErrorType

NearestNeighbors

Nearest neighbors for one query.

Neighbor

A neighbor of the query vector.

Neighbor

Neighbors for example-based explanations.

NetworkSpec

Network spec.

NfsMount

Represents a mount configuration for Network File System(NFS) to mount.

NotebookEucConfig

The euc configuration of NotebookRuntimeTemplate.

NotebookExecutionJob

NotebookExecutionJob represents an instance of a notebookexecution.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

CustomEnvironmentSpec

Compute configuration to use for an execution job.

DataformRepositorySource

The Dataform Repository containing the input notebook.

DirectNotebookSource

The content of the input notebook in ipynb format.

GcsNotebookSource

The Cloud Storage uri for the input notebook.

LabelsEntry

The abstract base class for a message.

WorkbenchRuntime

Configuration for a Workbench Instances-based environment.

NotebookExecutionJobView

Views for Get/List NotebookExecutionJob

NotebookIdleShutdownConfig

The idle shutdown configuration of NotebookRuntimeTemplate, whichcontains the idle_timeout as required field.

NotebookRuntime

A runtime is a virtual machine allocated to a particular userfor a particular Notebook file on temporary basis with lifetime.Default runtimes have a lifetime of 18 hours, while customruntimes last for 6 months from their creation or last upgrade.

HealthState

The substate of the NotebookRuntime to display healthinformation.

LabelsEntry

The abstract base class for a message.

RuntimeState

The substate of the NotebookRuntime to display state ofruntime. The resource of NotebookRuntime is in ACTIVE state forthese sub state.

NotebookRuntimeTemplate

A template that specifies runtime configurations such asmachine type, runtime version, network configurations, etc.Multiple runtimes can be created from a runtime template.

LabelsEntry

The abstract base class for a message.

NotebookRuntimeTemplateRef

Points to a NotebookRuntimeTemplateRef.

NotebookRuntimeType

Represents a notebook runtime type.

NotebookSoftwareConfig

Notebook Software Config. This is passed to the backend whenuser makes software configurations in UI.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

OutputFieldSpec

Defines a specification for a single output field.

FieldType

The data type of the field.

PSCAutomationConfig

PSC config that is used to automatically create PSC endpointsin the user projects.

PSCAutomationState

The state of the PSC service automation.

PairwiseChoice

Pairwise prediction autorater preference.

PairwiseMetricInput

Input for pairwise metric.

PairwiseMetricInstance

Pairwise metric instance. Usually one instance corresponds toone row in an evaluation dataset.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

PairwiseMetricResult

Spec for pairwise metric result.

PairwiseMetricSpec

Spec for pairwise metric.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

PairwiseQuestionAnsweringQualityInput

Input for pairwise question answering quality metric.

PairwiseQuestionAnsweringQualityInstance

Spec for pairwise question answering quality instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

PairwiseQuestionAnsweringQualityResult

Spec for pairwise question answering quality result.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

PairwiseQuestionAnsweringQualitySpec

Spec for pairwise question answering quality score metric.

PairwiseSummarizationQualityInput

Input for pairwise summarization quality metric.

PairwiseSummarizationQualityInstance

Spec for pairwise summarization quality instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

PairwiseSummarizationQualityResult

Spec for pairwise summarization quality result.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

PairwiseSummarizationQualitySpec

Spec for pairwise summarization quality score metric.

Part

A datatype containing media that is part of a multi-partContentmessage.

APart consists of data which has an associated datatype. APart can only contain one of the accepted types inPart.data.

APart must have a fixed IANA MIME type identifying the type andsubtype of the media ifinline_data orfile_data field isfilled with raw bytes.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

PauseModelDeploymentMonitoringJobRequest

Request message forJobService.PauseModelDeploymentMonitoringJob.

PauseScheduleRequest

Request message forScheduleService.PauseSchedule.

PersistentDiskSpec

Represents the spec of [persistentdisk][https://cloud.google.com/compute/docs/disks/persistent-disks]options.

PersistentResource

Represents long-lasting resources that are dedicated to usersto runs custom workloads.A PersistentResource can have multiple node pools and each nodepool can have its own machine spec.

LabelsEntry

The abstract base class for a message.

State

Describes the PersistentResource state.

PipelineFailurePolicy

Represents the failure policy of a pipeline. Currently, the defaultof a pipeline is that the pipeline will continue to run until nomore tasks can be executed, also known asPIPELINE_FAILURE_POLICY_FAIL_SLOW. However, if a pipeline is set toPIPELINE_FAILURE_POLICY_FAIL_FAST, it will stop scheduling any newtasks when a task has failed. Any scheduled tasks will continue tocompletion.

PipelineJob

An instance of a machine learning PipelineJob.

LabelsEntry

The abstract base class for a message.

RuntimeConfig

The runtime config of a PipelineJob.

InputArtifact

The type of an input artifact.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

InputArtifactsEntry

The abstract base class for a message.

ParameterValuesEntry

The abstract base class for a message.

ParametersEntry

The abstract base class for a message.

PipelineJobDetail

The runtime detail of PipelineJob.

PipelineState

Describes the state of a pipeline.

PipelineTaskDetail

The runtime detail of a task execution.

ArtifactList

A list of artifact metadata.

InputsEntry

The abstract base class for a message.

OutputsEntry

The abstract base class for a message.

PipelineTaskStatus

A single record of the task status.

State

Specifies state of TaskExecution

PipelineTaskExecutorDetail

The runtime detail of a pipeline executor.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ContainerDetail

The detail of a container execution. It contains the jobnames of the lifecycle of a container execution.

CustomJobDetail

The detailed info for a custom job executor.

PipelineTemplateMetadata

Pipeline template metadata ifPipelineJob.template_uriis from supported template registry. Currently, the only supportedregistry is Artifact Registry.

PointwiseMetricInput

Input for pointwise metric.

PointwiseMetricInstance

Pointwise metric instance. Usually one instance correspondsto one row in an evaluation dataset.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

PointwiseMetricResult

Spec for pointwise metric result.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

PointwiseMetricSpec

Spec for pointwise metric.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

Port

Represents a network port in a container.

PostStartupScriptConfig

Post startup script config.

PostStartupScriptBehavior

Represents a notebook runtime post startup script behavior.

PredefinedSplit

Assigns input data to training, validation, and test setsbased on the value of a provided key.

Supported only for tabular Datasets.

PredictRequest

Request message forPredictionService.Predict.

LabelsEntry

The abstract base class for a message.

PredictRequestResponseLoggingConfig

Configuration for logging request-response to a BigQuerytable.

PredictResponse

Response message forPredictionService.Predict.

PredictSchemata

Contains the schemata used in Model's predictions and explanationsviaPredictionService.Predict,PredictionService.ExplainandBatchPredictionJob.

Presets

Preset configuration for example-based explanations

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

Modality

Preset option controlling parameters for different modalities

Query

Preset option controlling parameters for queryspeed-precision trade-off

PrivateEndpoints

PrivateEndpoints proto is used to provide paths for users to sendrequests privately. To send request via private service access, usepredict_http_uri, explain_http_uri or health_http_uri. To sendrequest via private service connect, use service_attachment.

PrivateServiceConnectConfig

Represents configuration for private service connect.

Probe

Probe describes a health check to be performed against acontainer to determine whether it is alive or ready to receivetraffic.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ExecAction

ExecAction specifies a command to execute.

GrpcAction

GrpcAction checks the health of a container using a gRPCservice.

HttpGetAction

HttpGetAction describes an action based on HTTP Get requests.

HttpHeader

HttpHeader describes a custom header to be used in HTTPprobes

TcpSocketAction

TcpSocketAction probes the health of a container by opening aTCP socket connection.

PscAutomatedEndpoints

PscAutomatedEndpoints defines the output of the forwardingrule automatically created by each PscAutomationConfig.

PscInterfaceConfig

Configuration for PSC-I.

PublisherModel

A Model Garden Publisher Model.

CallToAction

Actions could take on this Publisher Model.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

Deploy

Model metadata that is needed for UploadModel orDeployModel/CreateEndpoint requests.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

DeployMetadata

Metadata information about the deployment for managingdeployment config.

LabelsEntry

The abstract base class for a message.

DeployGke

Configurations for PublisherModel GKE deployment

OpenFineTuningPipelines

Open fine tuning pipelines.

OpenNotebooks

Open notebooks.

RegionalResourceReferences

The regional resource name or the URI. Key is region, e.g.,us-central1, europe-west2, global, etc..

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ReferencesEntry

The abstract base class for a message.

ViewRestApi

Rest API docs.

Documentation

A named piece of documentation.

LaunchStage

An enum representing the launch stage of a PublisherModel.

OpenSourceCategory

An enum representing the open source category of aPublisherModel.

ResourceReference

Reference to a resource.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

VersionState

An enum representing the state of the PublicModelVersion.

PublisherModelView

View enumeration of PublisherModel.

PurgeArtifactsMetadata

Details of operations that performMetadataService.PurgeArtifacts.

PurgeArtifactsRequest

Request message forMetadataService.PurgeArtifacts.

PurgeArtifactsResponse

Response message forMetadataService.PurgeArtifacts.

PurgeContextsMetadata

Details of operations that performMetadataService.PurgeContexts.

PurgeContextsRequest

Request message forMetadataService.PurgeContexts.

PurgeContextsResponse

Response message forMetadataService.PurgeContexts.

PurgeExecutionsMetadata

Details of operations that performMetadataService.PurgeExecutions.

PurgeExecutionsRequest

Request message forMetadataService.PurgeExecutions.

PurgeExecutionsResponse

Response message forMetadataService.PurgeExecutions.

PythonPackageSpec

The spec of a Python packaged code.

QueryArtifactLineageSubgraphRequest

Request message forMetadataService.QueryArtifactLineageSubgraph.

QueryContextLineageSubgraphRequest

Request message forMetadataService.QueryContextLineageSubgraph.

QueryDeployedModelsRequest

Request message for QueryDeployedModels method.

QueryDeployedModelsResponse

Response message for QueryDeployedModels method.

QueryExecutionInputsAndOutputsRequest

Request message forMetadataService.QueryExecutionInputsAndOutputs.

QueryReasoningEngineRequest

Request message for [ReasoningEngineExecutionService.Query][].

QueryReasoningEngineResponse

Response message for [ReasoningEngineExecutionService.Query][]

QuestionAnsweringCorrectnessInput

Input for question answering correctness metric.

QuestionAnsweringCorrectnessInstance

Spec for question answering correctness instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

QuestionAnsweringCorrectnessResult

Spec for question answering correctness result.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

QuestionAnsweringCorrectnessSpec

Spec for question answering correctness metric.

QuestionAnsweringHelpfulnessInput

Input for question answering helpfulness metric.

QuestionAnsweringHelpfulnessInstance

Spec for question answering helpfulness instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

QuestionAnsweringHelpfulnessResult

Spec for question answering helpfulness result.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

QuestionAnsweringHelpfulnessSpec

Spec for question answering helpfulness metric.

QuestionAnsweringQualityInput

Input for question answering quality metric.

QuestionAnsweringQualityInstance

Spec for question answering quality instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

QuestionAnsweringQualityResult

Spec for question answering quality result.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

QuestionAnsweringQualitySpec

Spec for question answering quality score metric.

QuestionAnsweringRelevanceInput

Input for question answering relevance metric.

QuestionAnsweringRelevanceInstance

Spec for question answering relevance instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

QuestionAnsweringRelevanceResult

Spec for question answering relevance result.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

QuestionAnsweringRelevanceSpec

Spec for question answering relevance metric.

RagChunk

A RagChunk includes the content of a chunk of a RagFile, andassociated metadata.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

PageSpan

Represents where the chunk starts and ends in the document.

RagContexts

Relevant contexts for one query.

Context

A context of the query.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

RagCorpus

A RagCorpus is a RagFile container and a project can havemultiple RagCorpora.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

RagEmbeddingModelConfig

Config for the embedding model to use for RAG.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

VertexPredictionEndpoint

Config representing a model hosted on Vertex PredictionEndpoint.

RagEngineConfig

Config for RagEngine.

RagFile

A RagFile contains user data for chunking, embedding andindexing.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

RagFileChunkingConfig

Specifies the size and overlap of chunks for RagFiles.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

FixedLengthChunking

Specifies the fixed length chunking config.

RagFileParsingConfig

Specifies the parsing config for RagFiles.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

LayoutParser

Document AI Layout Parser config.

LlmParser

Specifies the advanced parsing for RagFiles.

RagFileTransformationConfig

Specifies the transformation config for RagFiles.

RagManagedDbConfig

Configuration message for RagManagedDb used by RagEngine.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

Basic

Basic tier is a cost-effective and low compute tier suitable for thefollowing cases:

  • Experimenting with RagManagedDb.
  • Small data size.
  • Latency insensitive workload.
  • Only using RAG Engine with external vector DBs.

NOTE: This is the default tier if not explicitly chosen.

Scaled

Scaled tier offers production grade performance along withautoscaling functionality. It is suitable for customers withlarge amounts of data or performance sensitive workloads.

Unprovisioned

Disables the RAG Engine service and deletes all your dataheld within this service. This will halt the billing of theservice.

NOTE: Once deleted the data cannot be recovered. To start usingRAG Engine again, you will need to update the tier by callingthe UpdateRagEngineConfig API.

RagQuery

A query to retrieve relevant contexts.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

RagRetrievalConfig

Specifies the context retrieval config.

Filter

Config for filters.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

Ranking

Config for ranking and reranking.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

LlmRanker

Config for LlmRanker.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

RankService

Config for Rank Service.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

RagVectorDbConfig

Config for the Vector DB to use for RAG.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

Pinecone

The config for the Pinecone.

RagManagedDb

The config for the default RAG-managed Vector DB.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ANN

Config for ANN search.

RagManagedDb uses a tree-based structure to partition data andfacilitate faster searches. As a tradeoff, it requires longerindexing time and manual triggering of index rebuild via theImportRagFiles and UpdateRagCorpus API.

KNN

Config for KNN search.

VertexVectorSearch

The config for the Vertex Vector Search.

RawPredictRequest

Request message forPredictionService.RawPredict.

RayLogsSpec

Configuration for the Ray OSS Logs.

RayMetricSpec

Configuration for the Ray metrics.

RaySpec

Configuration information for the Ray cluster.For experimental launch, Ray cluster creation and Persistentcluster creation are 1:1 mapping: We will provision all thenodes within the Persistent cluster as Ray nodes.

ResourcePoolImagesEntry

The abstract base class for a message.

ReadFeatureValuesRequest

Request message forFeaturestoreOnlineServingService.ReadFeatureValues.

ReadFeatureValuesResponse

Response message forFeaturestoreOnlineServingService.ReadFeatureValues.

EntityView

Entity view with Feature values.

Data

Container to hold value(s), successive in time, for oneFeature from the request.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

FeatureDescriptor

Metadata for requested Features.

Header

Response header with metadata for the requestedReadFeatureValuesRequest.entity_typeand Features.

ReadIndexDatapointsRequest

The request message forMatchService.ReadIndexDatapoints.

ReadIndexDatapointsResponse

The response message forMatchService.ReadIndexDatapoints.

ReadTensorboardBlobDataRequest

Request message forTensorboardService.ReadTensorboardBlobData.

ReadTensorboardBlobDataResponse

Response message forTensorboardService.ReadTensorboardBlobData.

ReadTensorboardSizeRequest

Request message forTensorboardService.ReadTensorboardSize.

ReadTensorboardSizeResponse

Response message forTensorboardService.ReadTensorboardSize.

ReadTensorboardTimeSeriesDataRequest

Request message forTensorboardService.ReadTensorboardTimeSeriesData.

ReadTensorboardTimeSeriesDataResponse

Response message forTensorboardService.ReadTensorboardTimeSeriesData.

ReadTensorboardUsageRequest

Request message forTensorboardService.ReadTensorboardUsage.

ReadTensorboardUsageResponse

Response message forTensorboardService.ReadTensorboardUsage.

MonthlyUsageDataEntry

The abstract base class for a message.

PerMonthUsageData

Per month usage data

PerUserUsageData

Per user usage data.

ReasoningEngine

ReasoningEngine provides a customizable runtime for models todetermine which actions to take and in which order.

LabelsEntry

The abstract base class for a message.

ReasoningEngineSpec

ReasoningEngine configurations

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

DeploymentSpec

The specification of a Reasoning Engine deployment.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ResourceLimitsEntry

The abstract base class for a message.

PackageSpec

User-provided package specification, containing pickledobject and package requirements.

SourceCodeSpec

Specification for deploying from source code.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

InlineSource

Specifies source code provided as a byte stream.

PythonSpec

Specification for running a Python application from source.

RebaseTunedModelOperationMetadata

Runtime operation information forGenAiTuningService.RebaseTunedModel.

RebaseTunedModelRequest

Request message forGenAiTuningService.RebaseTunedModel.

RebootPersistentResourceOperationMetadata

Details of operations that perform reboot PersistentResource.

RebootPersistentResourceRequest

Request message forPersistentResourceService.RebootPersistentResource.

RemoveContextChildrenRequest

Request message for[MetadataService.DeleteContextChildrenRequest][].

RemoveContextChildrenResponse

Response message forMetadataService.RemoveContextChildren.

RemoveDatapointsRequest

Request message forIndexService.RemoveDatapoints

RemoveDatapointsResponse

Response message forIndexService.RemoveDatapoints

ReservationAffinity

A ReservationAffinity can be used to configure a Vertex AIresource (e.g., a DeployedModel) to draw its Compute Engineresources from a Shared Reservation, or exclusively fromon-demand capacity.

Type

Identifies a type of reservation affinity.

ResourcePool

Represents the spec of a group of resources of the same type,for example machine type, disk, and accelerators, in aPersistentResource.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

AutoscalingSpec

The min/max number of replicas allowed if enablingautoscaling

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ResourceRuntime

Persistent Cluster runtime information as output

AccessUrisEntry

The abstract base class for a message.

ResourceRuntimeSpec

Configuration for the runtime on a PersistentResource instance,including but not limited to:

  • Service accounts used to run the workloads.
  • Whether to make it a dedicated Ray Cluster.

ResourcesConsumed

Statistics information about resource consumption.

RestoreDatasetVersionOperationMetadata

Runtime operation information forDatasetService.RestoreDatasetVersion.

RestoreDatasetVersionRequest

Request message forDatasetService.RestoreDatasetVersion.

ResumeModelDeploymentMonitoringJobRequest

Request message forJobService.ResumeModelDeploymentMonitoringJob.

ResumeScheduleRequest

Request message forScheduleService.ResumeSchedule.

Retrieval

Defines a retrieval tool that model can call to accessexternal knowledge.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

RetrievalConfig

Retrieval config.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

RetrievalMetadata

Metadata related to retrieval in the grounding flow.

RetrieveContextsRequest

Request message forVertexRagService.RetrieveContexts.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

VertexRagStore

The data source for Vertex RagStore.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

RagResource

The definition of the Rag resource.

RetrieveContextsResponse

Response message forVertexRagService.RetrieveContexts.

RougeInput

Input for rouge metric.

RougeInstance

Spec for rouge instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

RougeMetricValue

Rouge metric value for an instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

RougeResults

Results for rouge metric.

RougeSpec

Spec for rouge score metric - calculates the recall ofn-grams in prediction as compared to reference - returns a scoreranging between 0 and 1.

SafetyInput

Input for safety metric.

SafetyInstance

Spec for safety instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

SafetyRating

Safety rating corresponding to the generated content.

HarmProbability

Harm probability levels in the content.

HarmSeverity

Harm severity levels.

SafetyResult

Spec for safety result.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

SafetySetting

Safety settings.

HarmBlockMethod

Probability vs severity.

HarmBlockThreshold

Probability based thresholds levels for blocking.

SafetySpec

Spec for safety metric.

SampleConfig

Active learning data sampling config. For every activelearning labeling iteration, it will select a batch of databased on the sampling strategy.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

SampleStrategy

Sample strategy decides which subset of DataItems should beselected for human labeling in every batch.

SampledShapleyAttribution

An attribution method that approximates Shapley values forfeatures that contribute to the label being predicted. Asampling strategy is used to approximate the value rather thanconsidering all subsets of features.

SamplingStrategy

Sampling Strategy for logging, can be for both training andprediction dataset.

RandomSampleConfig

Requests are randomly selected.

SavedQuery

A SavedQuery is a view of the dataset. It references a subsetof annotations by problem type and filters.

Scalar

One point viewable on a scalar metric plot.

Schedule

An instance of a Schedule periodically schedules runs to makeAPI calls based on user specified time specification and APIrequest type.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

RunResponse

Status of a scheduled run.

State

Possible state of the schedule.

Scheduling

All parameters related to queuing and scheduling of customjobs.

Strategy

Optional. This determines which type of scheduling strategyto use. Right now users have two options such as STANDARD whichwill use regular on demand resources to schedule the job, theother is SPOT which would leverage spot resources alongwithregular resources to schedule the job.

Schema

Schema is used to define the format of input/output data. Representsa select subset of anOpenAPI 3.0 schemaobject <https://spec.openapis.org/oas/v3.0.3#schema-object>__. Morefields may be added in the future as needed.

DefsEntry

The abstract base class for a message.

PropertiesEntry

The abstract base class for a message.

SearchDataItemsRequest

Request message forDatasetService.SearchDataItems.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

OrderByAnnotation

Expression that allows ranking results based on annotation'sproperty.

SearchDataItemsResponse

Response message forDatasetService.SearchDataItems.

SearchEntryPoint

Google search entry point.

SearchFeaturesRequest

Request message forFeaturestoreService.SearchFeatures.

SearchFeaturesResponse

Response message forFeaturestoreService.SearchFeatures.

SearchMigratableResourcesRequest

Request message forMigrationService.SearchMigratableResources.

SearchMigratableResourcesResponse

Response message forMigrationService.SearchMigratableResources.

SearchModelDeploymentMonitoringStatsAnomaliesRequest

Request message forJobService.SearchModelDeploymentMonitoringStatsAnomalies.

StatsAnomaliesObjective

Stats requested for specific objective.

SearchModelDeploymentMonitoringStatsAnomaliesResponse

Response message forJobService.SearchModelDeploymentMonitoringStatsAnomalies.

SearchNearestEntitiesRequest

The request message forFeatureOnlineStoreService.SearchNearestEntities.

SearchNearestEntitiesResponse

Response message forFeatureOnlineStoreService.SearchNearestEntities

SecretEnvVar

Represents an environment variable where the value is asecret in Cloud Secret Manager.

SecretRef

Reference to a secret stored in the Cloud Secret Manager thatwill provide the value for this environment variable.

Segment

Segment of the content.

ServiceAccountSpec

Configuration for the use of custom service account to runthe workloads.

SharePointSources

The SharePointSources to pass to ImportRagFiles.

SharePointSource

An individual SharePointSource.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ShieldedVmConfig

A set of Shielded Instance options. SeeImages using supportedShielded VMfeatures <https://cloud.google.com/compute/docs/instances/modifying-shielded-vm>__.

SlackSource

The Slack source for the ImportRagFilesRequest.

SlackChannels

SlackChannels contains the Slack channels and correspondingaccess token.

SlackChannel

SlackChannel contains the Slack channel ID and the time rangeto import.

SmoothGradConfig

Config for SmoothGrad approximation of gradients.

When enabled, the gradients are approximated by averaging thegradients from noisy samples in the vicinity of the inputs.Adding noise can help improve the computed gradients. Refer tothis paper for more details:

https://arxiv.org/pdf/1706.03825.pdf

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

SpecialistPool

SpecialistPool represents customers' own workforce to work ontheir data labeling jobs. It includes a group of specialistmanagers and workers. Managers are responsible for managing theworkers in this pool as well as customers' data labeling jobsassociated with this pool. Customers create specialist pool aswell as start data labeling jobs on Cloud, managers and workershandle the jobs using CrowdCompute console.

SpeculativeDecodingSpec

Configuration for Speculative Decoding.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

DraftModelSpeculation

Draft model speculation works by using the smaller model togenerate candidate tokens for speculative decoding.

NgramSpeculation

N-Gram speculation works by trying to find matching tokens inthe previous prompt sequence and use those as speculation forgenerating new tokens.

StartNotebookRuntimeOperationMetadata

Metadata information forNotebookService.StartNotebookRuntime.

StartNotebookRuntimeRequest

Request message forNotebookService.StartNotebookRuntime.

StartNotebookRuntimeResponse

Response message forNotebookService.StartNotebookRuntime.

StopNotebookRuntimeOperationMetadata

Metadata information forNotebookService.StopNotebookRuntime.

StopNotebookRuntimeRequest

Request message forNotebookService.StopNotebookRuntime.

StopNotebookRuntimeResponse

Response message forNotebookService.StopNotebookRuntime.

StopTrialRequest

Request message forVizierService.StopTrial.

StratifiedSplit

Assigns input data to the training, validation, and test sets sothat the distribution of values found in the categorical column (asspecified by thekey field) is mirrored within each split. Thefraction values determine the relative sizes of the splits.

For example, if the specified column has three values, with 50% ofthe rows having value "A", 25% value "B", and 25% value "C", and thesplit fractions are specified as 80/10/10, then the training setwill constitute 80% of the training data, with about 50% of thetraining set rows having the value "A" for the specified column,about 25% having the value "B", and about 25% having the value "C".

Only the top 500 occurring values are used; any values not in thetop 500 values are randomly assigned to a split. If less than threerows contain a specific value, those rows are randomly assigned.

Supported only for tabular Datasets.

StreamDirectPredictRequest

Request message forPredictionService.StreamDirectPredict.

The first message must containendpointfield and optionally [input][]. The subsequent messages must contain[input][].

StreamDirectPredictResponse

Response message forPredictionService.StreamDirectPredict.

StreamDirectRawPredictRequest

Request message forPredictionService.StreamDirectRawPredict.

The first message must containendpointandmethod_namefields and optionallyinput.The subsequent messages must containinput.method_namein the subsequent messages have no effect.

StreamDirectRawPredictResponse

Response message forPredictionService.StreamDirectRawPredict.

StreamQueryReasoningEngineRequest

Request message for [ReasoningEngineExecutionService.StreamQuery][].

StreamRawPredictRequest

Request message forPredictionService.StreamRawPredict.

StreamingPredictRequest

Request message forPredictionService.StreamingPredict.

The first message must containendpointfield and optionally [input][]. The subsequent messages must contain[input][].

StreamingPredictResponse

Response message forPredictionService.StreamingPredict.

StreamingRawPredictRequest

Request message forPredictionService.StreamingRawPredict.

The first message must containendpointandmethod_namefields and optionallyinput.The subsequent messages must containinput.method_namein the subsequent messages have no effect.

StreamingRawPredictResponse

Response message forPredictionService.StreamingRawPredict.

StreamingReadFeatureValuesRequest

Request message forFeaturestoreOnlineServingService.StreamingReadFeatureValues.

StringArray

A list of string values.

StructFieldValue

One field of a Struct (or object) type feature value.

StructValue

Struct (or object) type feature value.

Study

A message representing a Study.

State

Describes the Study state.

StudySpec

Represents specification of a Study.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

Algorithm

The available search algorithms for the Study.

ConvexAutomatedStoppingSpec

Configuration for ConvexAutomatedStoppingSpec. When there are enoughcompleted trials (configured by min_measurement_count), for pendingtrials with enough measurements and steps, the policy first computesan overestimate of the objective value at max_num_steps according tothe slope of the incomplete objective value curve. No prediction canbe made if the curve is completely flat. If the overestimation isworse than the best objective value of the completed trials, thispending trial will be early-stopped, but a last measurement will beadded to the pending trial with max_num_steps and predictedobjective value from the autoregression model.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

DecayCurveAutomatedStoppingSpec

The decay curve automated stopping rule builds a GaussianProcess Regressor to predict the final objective value of aTrial based on the already completed Trials and the intermediatemeasurements of the current Trial. Early stopping is requestedfor the current Trial if there is very low probability to exceedthe optimal value found so far.

MeasurementSelectionType

This indicates which measurement to use if/when the serviceautomatically selects the final measurement from previously reportedintermediate measurements. Choose this based on two considerations:A) Do you expect your measurements to monotonically improve? If so,choose LAST_MEASUREMENT. On the other hand, if you're in a situationwhere your system can "over-train" and you expect the performance toget better for a while but then start declining, chooseBEST_MEASUREMENT. B) Are your measurements significantly noisyand/or irreproducible? If so, BEST_MEASUREMENT will tend to beover-optimistic, and it may be better to choose LAST_MEASUREMENT. Ifboth or neither of (A) and (B) apply, it doesn't matter whichselection type is chosen.

MedianAutomatedStoppingSpec

The median automated stopping rule stops a pending Trial if theTrial's best objective_value is strictly below the median'performance' of all completed Trials reported up to the Trial'slast measurement. Currently, 'performance' refers to the runningaverage of the objective values reported by the Trial in eachmeasurement.

MetricSpec

Represents a metric to optimize.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

GoalType

The available types of optimization goals.

SafetyMetricConfig

Used in safe optimization to specify threshold levels andrisk tolerance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ObservationNoise

Describes the noise level of the repeated observations.

"Noisy" means that the repeated observations with the same Trialparameters may lead to different metric evaluations.

ParameterSpec

Represents a single parameter to optimize.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

CategoricalValueSpec

Value specification for a parameter inCATEGORICAL type.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ConditionalParameterSpec

Represents a parameter spec with condition from its parentparameter.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

CategoricalValueCondition

Represents the spec to match categorical values from parentparameter.

DiscreteValueCondition

Represents the spec to match discrete values from parentparameter.

IntValueCondition

Represents the spec to match integer values from parentparameter.

DiscreteValueSpec

Value specification for a parameter inDISCRETE type.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

DoubleValueSpec

Value specification for a parameter inDOUBLE type.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

IntegerValueSpec

Value specification for a parameter inINTEGER type.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ScaleType

The type of scaling that should be applied to this parameter.

StudyStoppingConfig

The configuration (stopping conditions) for automatedstopping of a Study. Conditions include trial budgets, timebudgets, and convergence detection.

StudyTimeConstraint

Time-based Constraint for Study

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

SuggestTrialsMetadata

Details of operations that perform Trials suggestion.

SuggestTrialsRequest

Request message forVizierService.SuggestTrials.

SuggestTrialsResponse

Response message forVizierService.SuggestTrials.

SummarizationHelpfulnessInput

Input for summarization helpfulness metric.

SummarizationHelpfulnessInstance

Spec for summarization helpfulness instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

SummarizationHelpfulnessResult

Spec for summarization helpfulness result.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

SummarizationHelpfulnessSpec

Spec for summarization helpfulness score metric.

SummarizationQualityInput

Input for summarization quality metric.

SummarizationQualityInstance

Spec for summarization quality instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

SummarizationQualityResult

Spec for summarization quality result.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

SummarizationQualitySpec

Spec for summarization quality score metric.

SummarizationVerbosityInput

Input for summarization verbosity metric.

SummarizationVerbosityInstance

Spec for summarization verbosity instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

SummarizationVerbosityResult

Spec for summarization verbosity result.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

SummarizationVerbositySpec

Spec for summarization verbosity score metric.

SupervisedHyperParameters

Hyperparameters for SFT.

AdapterSize

Supported adapter sizes for tuning.

SupervisedTuningDataStats

Tuning data statistics for Supervised Tuning.

SupervisedTuningDatasetDistribution

Dataset distribution for Supervised Tuning.

DatasetBucket

Dataset bucket used to create a histogram for thedistribution given a population of values.

SupervisedTuningSpec

Tuning Spec for Supervised Tuning for first party models.

SyncFeatureViewRequest

Request message forFeatureOnlineStoreAdminService.SyncFeatureView.

SyncFeatureViewResponse

Response message forFeatureOnlineStoreAdminService.SyncFeatureView.

SyntheticExample

Represents a single synthetic example, composed of multiplefields. Used for providing few-shot examples in the request andfor returning generated examples in the response.

SyntheticField

Represents a single named field within a SyntheticExample.

TFRecordDestination

The storage details for TFRecord output content.

TaskDescriptionStrategy

Defines a generation strategy based on a high-level taskdescription.

Tensor

A tensor value type.

DataType

Data type of the tensor.

StructValEntry

The abstract base class for a message.

Tensorboard

Tensorboard is a physical database that stores users'training metrics. A default Tensorboard is provided in eachregion of a Google Cloud project. If needed users can alsocreate extra Tensorboards in their projects.

LabelsEntry

The abstract base class for a message.

TensorboardBlob

One blob (e.g, image, graph) viewable on a blob metric plot.

TensorboardBlobSequence

One point viewable on a blob metric plot, but mostly just a wrappermessage to work around repeated fields can't be used directly withinoneof fields.

TensorboardExperiment

A TensorboardExperiment is a group of TensorboardRuns, thatare typically the results of a training job run, in aTensorboard.

LabelsEntry

The abstract base class for a message.

TensorboardRun

TensorboardRun maps to a specific execution of a training jobwith a given set of hyperparameter values, model definition,dataset, etc

LabelsEntry

The abstract base class for a message.

TensorboardTensor

One point viewable on a tensor metric plot.

TensorboardTimeSeries

TensorboardTimeSeries maps to times series produced intraining runs

Metadata

Describes metadata for a TensorboardTimeSeries.

ValueType

An enum representing the value type of aTensorboardTimeSeries.

ThresholdConfig

The config for feature monitoring threshold.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

TimeSeriesData

All the data stored in a TensorboardTimeSeries.

TimeSeriesDataPoint

A TensorboardTimeSeries data point.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

TimestampSplit

Assigns input data to training, validation, and test setsbased on a provided timestamps. The youngest data pieces areassigned to training set, next to validation set, and the oldestto the test set.

Supported only for tabular Datasets.

TokensInfo

Tokens info with a list of tokens and the corresponding listof token ids.

Tool

Tool details that the model may use to generate response.

ATool is a piece of code that enables the system to interactwith external systems to perform an action, or set of actions,outside of knowledge and scope of the model. A Tool object shouldcontain exactly one type of Tool (e.g FunctionDeclaration, Retrievalor GoogleSearchRetrieval).

CodeExecution

Tool that executes code generated by the model, and automaticallyreturns the result to the model.

See also [ExecutableCode]and [CodeExecutionResult] which are inputand output to this tool.

ComputerUse

Tool to support computer use.

Environment

Represents the environment being operated, such as a webbrowser.

GoogleSearch

GoogleSearch tool type.Tool to support Google Search in Model. Powered by Google.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

PhishBlockThreshold

These are available confidence level user can set to blockmalicious urls with chosen confidence and above. Forunderstanding different confidence of webrisk, please refer tohttps://cloud.google.com/web-risk/docs/reference/rpc/google.cloud.webrisk.v1eap1#confidencelevel

ToolCallValidInput

Input for tool call valid metric.

ToolCallValidInstance

Spec for tool call valid instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ToolCallValidMetricValue

Tool call valid metric value for an instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ToolCallValidResults

Results for tool call valid metric.

ToolCallValidSpec

Spec for tool call valid metric.

ToolConfig

Tool config. This config is shared for all tools provided inthe request.

ToolNameMatchInput

Input for tool name match metric.

ToolNameMatchInstance

Spec for tool name match instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ToolNameMatchMetricValue

Tool name match metric value for an instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ToolNameMatchResults

Results for tool name match metric.

ToolNameMatchSpec

Spec for tool name match metric.

ToolParameterKVMatchInput

Input for tool parameter key value match metric.

ToolParameterKVMatchInstance

Spec for tool parameter key value match instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ToolParameterKVMatchMetricValue

Tool parameter key value match metric value for an instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ToolParameterKVMatchResults

Results for tool parameter key value match metric.

ToolParameterKVMatchSpec

Spec for tool parameter key value match metric.

ToolParameterKeyMatchInput

Input for tool parameter key match metric.

ToolParameterKeyMatchInstance

Spec for tool parameter key match instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ToolParameterKeyMatchMetricValue

Tool parameter key match metric value for an instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ToolParameterKeyMatchResults

Results for tool parameter key match metric.

ToolParameterKeyMatchSpec

Spec for tool parameter key match metric.

TrainingConfig

CMLE training config. For every active learning labelingiteration, system will train a machine learning model on CMLE.The trained model will be used by data sampling algorithm toselect DataItems.

TrainingPipeline

The TrainingPipeline orchestrates tasks associated with training aModel. It always executes the training task, and optionally may alsoexport data from Vertex AI's Dataset which becomes the traininginput,uploadthe Model to Vertex AI, and evaluate the Model.

LabelsEntry

The abstract base class for a message.

Trial

A message representing a Trial. A Trial contains a unique setof Parameters that has been or will be evaluated, along with theobjective metrics got by running the Trial.

Parameter

A message representing a parameter to be tuned.

State

Describes a Trial state.

WebAccessUrisEntry

The abstract base class for a message.

TrialContext

TunedModel

The Model Registry Model and Online Prediction Endpoint associatedwith thisTuningJob.

TunedModelCheckpoint

TunedModelCheckpoint for the Tuned Model of a Tuning Job.

TunedModelRef

TunedModel Reference for legacy model migration.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

TuningDataStats

The tuning data statistic values forTuningJob.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

TuningJob

Represents a TuningJob that runs with Google owned models.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

LabelsEntry

The abstract base class for a message.

Type

Type contains the list of OpenAPI data types as defined byhttps://swagger.io/docs/specification/data-models/data-types/

UndeployIndexOperationMetadata

Runtime operation information forIndexEndpointService.UndeployIndex.

UndeployIndexRequest

Request message forIndexEndpointService.UndeployIndex.

UndeployIndexResponse

Response message forIndexEndpointService.UndeployIndex.

UndeployModelOperationMetadata

Runtime operation information forEndpointService.UndeployModel.

UndeployModelRequest

Request message forEndpointService.UndeployModel.

TrafficSplitEntry

The abstract base class for a message.

UndeployModelResponse

Response message forEndpointService.UndeployModel.

UnmanagedContainerModel

Contains model information necessary to perform batchprediction without requiring a full model import.

UpdateArtifactRequest

Request message forMetadataService.UpdateArtifact.

UpdateCachedContentRequest

Request message forGenAiCacheService.UpdateCachedContent.Only expire_time or ttl can be updated.

UpdateContextRequest

Request message forMetadataService.UpdateContext.

UpdateDatasetRequest

Request message forDatasetService.UpdateDataset.

UpdateDatasetVersionRequest

Request message forDatasetService.UpdateDatasetVersion.

UpdateDeploymentResourcePoolOperationMetadata

Runtime operation information forUpdateDeploymentResourcePool method.

UpdateDeploymentResourcePoolRequest

Request message for UpdateDeploymentResourcePool method.

UpdateEndpointLongRunningRequest

Request message forEndpointService.UpdateEndpointLongRunning.

UpdateEndpointOperationMetadata

Runtime operation information forEndpointService.UpdateEndpointLongRunning.

UpdateEndpointRequest

Request message forEndpointService.UpdateEndpoint.

UpdateEntityTypeRequest

Request message forFeaturestoreService.UpdateEntityType.

UpdateExecutionRequest

Request message forMetadataService.UpdateExecution.

UpdateExplanationDatasetOperationMetadata

Runtime operation information forModelService.UpdateExplanationDataset.

UpdateExplanationDatasetRequest

Request message forModelService.UpdateExplanationDataset.

UpdateExplanationDatasetResponse

Response message ofModelService.UpdateExplanationDatasetoperation.

UpdateFeatureGroupOperationMetadata

Details of operations that perform update FeatureGroup.

UpdateFeatureGroupRequest

Request message forFeatureRegistryService.UpdateFeatureGroup.

UpdateFeatureOnlineStoreOperationMetadata

Details of operations that perform update FeatureOnlineStore.

UpdateFeatureOnlineStoreRequest

Request message forFeatureOnlineStoreAdminService.UpdateFeatureOnlineStore.

UpdateFeatureOperationMetadata

Details of operations that perform update Feature.

UpdateFeatureRequest

Request message forFeaturestoreService.UpdateFeature.Request message forFeatureRegistryService.UpdateFeature.

UpdateFeatureViewOperationMetadata

Details of operations that perform update FeatureView.

UpdateFeatureViewRequest

Request message forFeatureOnlineStoreAdminService.UpdateFeatureView.

UpdateFeaturestoreOperationMetadata

Details of operations that perform update Featurestore.

UpdateFeaturestoreRequest

Request message forFeaturestoreService.UpdateFeaturestore.

UpdateIndexEndpointRequest

Request message forIndexEndpointService.UpdateIndexEndpoint.

UpdateIndexOperationMetadata

Runtime operation information forIndexService.UpdateIndex.

UpdateIndexRequest

Request message forIndexService.UpdateIndex.

UpdateModelDeploymentMonitoringJobOperationMetadata

Runtime operation information forJobService.UpdateModelDeploymentMonitoringJob.

UpdateModelDeploymentMonitoringJobRequest

Request message forJobService.UpdateModelDeploymentMonitoringJob.

UpdateModelRequest

Request message forModelService.UpdateModel.

UpdateNotebookRuntimeTemplateRequest

Request message forNotebookService.UpdateNotebookRuntimeTemplate.

UpdatePersistentResourceOperationMetadata

Details of operations that perform update PersistentResource.

UpdatePersistentResourceRequest

Request message for UpdatePersistentResource method.

UpdateRagCorpusOperationMetadata

Runtime operation information forVertexRagDataService.UpdateRagCorpus.

UpdateRagCorpusRequest

Request message forVertexRagDataService.UpdateRagCorpus.

UpdateRagEngineConfigOperationMetadata

Runtime operation information forVertexRagDataService.UpdateRagEngineConfig.

UpdateRagEngineConfigRequest

Request message forVertexRagDataService.UpdateRagEngineConfig.

UpdateReasoningEngineOperationMetadata

Details ofReasoningEngineService.UpdateReasoningEngineoperation.

UpdateReasoningEngineRequest

Request message forReasoningEngineService.UpdateReasoningEngine.

UpdateScheduleRequest

Request message forScheduleService.UpdateSchedule.

UpdateSpecialistPoolOperationMetadata

Runtime operation metadata forSpecialistPoolService.UpdateSpecialistPool.

UpdateSpecialistPoolRequest

Request message forSpecialistPoolService.UpdateSpecialistPool.

UpdateTensorboardExperimentRequest

Request message forTensorboardService.UpdateTensorboardExperiment.

UpdateTensorboardOperationMetadata

Details of operations that perform update Tensorboard.

UpdateTensorboardRequest

Request message forTensorboardService.UpdateTensorboard.

UpdateTensorboardRunRequest

Request message forTensorboardService.UpdateTensorboardRun.

UpdateTensorboardTimeSeriesRequest

Request message forTensorboardService.UpdateTensorboardTimeSeries.

UpgradeNotebookRuntimeOperationMetadata

Metadata information forNotebookService.UpgradeNotebookRuntime.

UpgradeNotebookRuntimeRequest

Request message forNotebookService.UpgradeNotebookRuntime.

UpgradeNotebookRuntimeResponse

Response message forNotebookService.UpgradeNotebookRuntime.

UploadModelOperationMetadata

Details ofModelService.UploadModeloperation.

UploadModelRequest

Request message forModelService.UploadModel.

UploadModelResponse

Response message ofModelService.UploadModeloperation.

UploadRagFileConfig

Config for uploading RagFile.

UploadRagFileRequest

Request message forVertexRagDataService.UploadRagFile.

UploadRagFileResponse

Response message forVertexRagDataService.UploadRagFile.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

UpsertDatapointsRequest

Request message forIndexService.UpsertDatapoints

UpsertDatapointsResponse

Response message forIndexService.UpsertDatapoints

UrlContext

Tool to support URL context.

UrlContextMetadata

Metadata related to url context retrieval tool.

UrlMetadata

Context of the a single url retrieval.

UrlRetrievalStatus

Status of the url retrieval.

UserActionReference

References an API call. It contains more information aboutlong running operation and Jobs that are triggered by the APIcall.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

Value

Value is the value of the field.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

VertexAISearch

Retrieve from Vertex AI Search datastore or engine forgrounding. datastore and engine are mutually exclusive. Seehttps://cloud.google.com/products/agent-builder

DataStoreSpec

Define data stores within engine to filter on in a searchcall and configurations for those data stores. For moreinformation, seehttps://cloud.google.com/generative-ai-app-builder/docs/reference/rpc/google.cloud.discoveryengine.v1#datastorespec

VertexAiSearchConfig

Config for the Vertex AI Search.

VertexRagStore

Retrieve from Vertex RAG Store for grounding.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

RagResource

The definition of the Rag resource.

VideoMetadata

Metadata describes the input video content.

WorkerPoolSpec

Represents the spec of a worker pool in a job.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

WriteFeatureValuesPayload

Contains Feature values to be written for a specific entity.

FeatureValuesEntry

The abstract base class for a message.

WriteFeatureValuesRequest

Request message forFeaturestoreOnlineServingService.WriteFeatureValues.

WriteFeatureValuesResponse

Response message forFeaturestoreOnlineServingService.WriteFeatureValues.

WriteTensorboardExperimentDataRequest

Request message forTensorboardService.WriteTensorboardExperimentData.

WriteTensorboardExperimentDataResponse

Response message forTensorboardService.WriteTensorboardExperimentData.

WriteTensorboardRunDataRequest

Request message forTensorboardService.WriteTensorboardRunData.

WriteTensorboardRunDataResponse

Response message forTensorboardService.WriteTensorboardRunData.

XraiAttribution

An explanation method that redistributes Integrated Gradientsattributions to segmented regions, taking advantage of themodel's fully differentiable structure. Refer to this paper formore details:

https://arxiv.org/abs/1906.02825

Supported only by image Models.

DatasetServiceAsyncClient

The service that manages Vertex AI Dataset and its childresources.

DatasetServiceClient

The service that manages Vertex AI Dataset and its childresources.

ListAnnotationsAsyncPager

A pager for iterating throughlist_annotations requests.

This class thinly wraps an initialListAnnotationsResponse object, andprovides an__aiter__ method to iterate through itsannotations field.

If there are more pages, the__aiter__ method will make additionalListAnnotations requests and continue to iteratethrough theannotations field on thecorresponding responses.

All the usualListAnnotationsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListAnnotationsPager

A pager for iterating throughlist_annotations requests.

This class thinly wraps an initialListAnnotationsResponse object, andprovides an__iter__ method to iterate through itsannotations field.

If there are more pages, the__iter__ method will make additionalListAnnotations requests and continue to iteratethrough theannotations field on thecorresponding responses.

All the usualListAnnotationsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListDataItemsAsyncPager

A pager for iterating throughlist_data_items requests.

This class thinly wraps an initialListDataItemsResponse object, andprovides an__aiter__ method to iterate through itsdata_items field.

If there are more pages, the__aiter__ method will make additionalListDataItems requests and continue to iteratethrough thedata_items field on thecorresponding responses.

All the usualListDataItemsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListDataItemsPager

A pager for iterating throughlist_data_items requests.

This class thinly wraps an initialListDataItemsResponse object, andprovides an__iter__ method to iterate through itsdata_items field.

If there are more pages, the__iter__ method will make additionalListDataItems requests and continue to iteratethrough thedata_items field on thecorresponding responses.

All the usualListDataItemsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListDatasetVersionsAsyncPager

A pager for iterating throughlist_dataset_versions requests.

This class thinly wraps an initialListDatasetVersionsResponse object, andprovides an__aiter__ method to iterate through itsdataset_versions field.

If there are more pages, the__aiter__ method will make additionalListDatasetVersions requests and continue to iteratethrough thedataset_versions field on thecorresponding responses.

All the usualListDatasetVersionsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListDatasetVersionsPager

A pager for iterating throughlist_dataset_versions requests.

This class thinly wraps an initialListDatasetVersionsResponse object, andprovides an__iter__ method to iterate through itsdataset_versions field.

If there are more pages, the__iter__ method will make additionalListDatasetVersions requests and continue to iteratethrough thedataset_versions field on thecorresponding responses.

All the usualListDatasetVersionsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListDatasetsAsyncPager

A pager for iterating throughlist_datasets requests.

This class thinly wraps an initialListDatasetsResponse object, andprovides an__aiter__ method to iterate through itsdatasets field.

If there are more pages, the__aiter__ method will make additionalListDatasets requests and continue to iteratethrough thedatasets field on thecorresponding responses.

All the usualListDatasetsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListDatasetsPager

A pager for iterating throughlist_datasets requests.

This class thinly wraps an initialListDatasetsResponse object, andprovides an__iter__ method to iterate through itsdatasets field.

If there are more pages, the__iter__ method will make additionalListDatasets requests and continue to iteratethrough thedatasets field on thecorresponding responses.

All the usualListDatasetsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListSavedQueriesAsyncPager

A pager for iterating throughlist_saved_queries requests.

This class thinly wraps an initialListSavedQueriesResponse object, andprovides an__aiter__ method to iterate through itssaved_queries field.

If there are more pages, the__aiter__ method will make additionalListSavedQueries requests and continue to iteratethrough thesaved_queries field on thecorresponding responses.

All the usualListSavedQueriesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListSavedQueriesPager

A pager for iterating throughlist_saved_queries requests.

This class thinly wraps an initialListSavedQueriesResponse object, andprovides an__iter__ method to iterate through itssaved_queries field.

If there are more pages, the__iter__ method will make additionalListSavedQueries requests and continue to iteratethrough thesaved_queries field on thecorresponding responses.

All the usualListSavedQueriesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

SearchDataItemsAsyncPager

A pager for iterating throughsearch_data_items requests.

This class thinly wraps an initialSearchDataItemsResponse object, andprovides an__aiter__ method to iterate through itsdata_item_views field.

If there are more pages, the__aiter__ method will make additionalSearchDataItems requests and continue to iteratethrough thedata_item_views field on thecorresponding responses.

All the usualSearchDataItemsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

SearchDataItemsPager

A pager for iterating throughsearch_data_items requests.

This class thinly wraps an initialSearchDataItemsResponse object, andprovides an__iter__ method to iterate through itsdata_item_views field.

If there are more pages, the__iter__ method will make additionalSearchDataItems requests and continue to iteratethrough thedata_item_views field on thecorresponding responses.

All the usualSearchDataItemsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

DeploymentResourcePoolServiceAsyncClient

A service that manages the DeploymentResourcePool resource.

DeploymentResourcePoolServiceClient

A service that manages the DeploymentResourcePool resource.

ListDeploymentResourcePoolsAsyncPager

A pager for iterating throughlist_deployment_resource_pools requests.

This class thinly wraps an initialListDeploymentResourcePoolsResponse object, andprovides an__aiter__ method to iterate through itsdeployment_resource_pools field.

If there are more pages, the__aiter__ method will make additionalListDeploymentResourcePools requests and continue to iteratethrough thedeployment_resource_pools field on thecorresponding responses.

All the usualListDeploymentResourcePoolsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListDeploymentResourcePoolsPager

A pager for iterating throughlist_deployment_resource_pools requests.

This class thinly wraps an initialListDeploymentResourcePoolsResponse object, andprovides an__iter__ method to iterate through itsdeployment_resource_pools field.

If there are more pages, the__iter__ method will make additionalListDeploymentResourcePools requests and continue to iteratethrough thedeployment_resource_pools field on thecorresponding responses.

All the usualListDeploymentResourcePoolsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

QueryDeployedModelsAsyncPager

A pager for iterating throughquery_deployed_models requests.

This class thinly wraps an initialQueryDeployedModelsResponse object, andprovides an__aiter__ method to iterate through itsdeployed_models field.

If there are more pages, the__aiter__ method will make additionalQueryDeployedModels requests and continue to iteratethrough thedeployed_models field on thecorresponding responses.

All the usualQueryDeployedModelsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

QueryDeployedModelsPager

A pager for iterating throughquery_deployed_models requests.

This class thinly wraps an initialQueryDeployedModelsResponse object, andprovides an__iter__ method to iterate through itsdeployed_models field.

If there are more pages, the__iter__ method will make additionalQueryDeployedModels requests and continue to iteratethrough thedeployed_models field on thecorresponding responses.

All the usualQueryDeployedModelsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

EndpointServiceAsyncClient

A service for managing Vertex AI's Endpoints.

EndpointServiceClient

A service for managing Vertex AI's Endpoints.

ListEndpointsAsyncPager

A pager for iterating throughlist_endpoints requests.

This class thinly wraps an initialListEndpointsResponse object, andprovides an__aiter__ method to iterate through itsendpoints field.

If there are more pages, the__aiter__ method will make additionalListEndpoints requests and continue to iteratethrough theendpoints field on thecorresponding responses.

All the usualListEndpointsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListEndpointsPager

A pager for iterating throughlist_endpoints requests.

This class thinly wraps an initialListEndpointsResponse object, andprovides an__iter__ method to iterate through itsendpoints field.

If there are more pages, the__iter__ method will make additionalListEndpoints requests and continue to iteratethrough theendpoints field on thecorresponding responses.

All the usualListEndpointsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

EvaluationServiceAsyncClient

Vertex AI Online Evaluation Service.

EvaluationServiceClient

Vertex AI Online Evaluation Service.

ExampleStoreServiceAsyncClient

A service for managing and retrieving few-shot examples.

ExampleStoreServiceClient

A service for managing and retrieving few-shot examples.

FetchExamplesAsyncPager

A pager for iterating throughfetch_examples requests.

This class thinly wraps an initialFetchExamplesResponse object, andprovides an__aiter__ method to iterate through itsexamples field.

If there are more pages, the__aiter__ method will make additionalFetchExamples requests and continue to iteratethrough theexamples field on thecorresponding responses.

All the usualFetchExamplesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

FetchExamplesPager

A pager for iterating throughfetch_examples requests.

This class thinly wraps an initialFetchExamplesResponse object, andprovides an__iter__ method to iterate through itsexamples field.

If there are more pages, the__iter__ method will make additionalFetchExamples requests and continue to iteratethrough theexamples field on thecorresponding responses.

All the usualFetchExamplesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListExampleStoresAsyncPager

A pager for iterating throughlist_example_stores requests.

This class thinly wraps an initialListExampleStoresResponse object, andprovides an__aiter__ method to iterate through itsexample_stores field.

If there are more pages, the__aiter__ method will make additionalListExampleStores requests and continue to iteratethrough theexample_stores field on thecorresponding responses.

All the usualListExampleStoresResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListExampleStoresPager

A pager for iterating throughlist_example_stores requests.

This class thinly wraps an initialListExampleStoresResponse object, andprovides an__iter__ method to iterate through itsexample_stores field.

If there are more pages, the__iter__ method will make additionalListExampleStores requests and continue to iteratethrough theexample_stores field on thecorresponding responses.

All the usualListExampleStoresResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ExtensionExecutionServiceAsyncClient

A service for Extension execution.

ExtensionExecutionServiceClient

A service for Extension execution.

ExtensionRegistryServiceAsyncClient

A service for managing Vertex AI's Extension registry.

ExtensionRegistryServiceClient

A service for managing Vertex AI's Extension registry.

ListExtensionsAsyncPager

A pager for iterating throughlist_extensions requests.

This class thinly wraps an initialListExtensionsResponse object, andprovides an__aiter__ method to iterate through itsextensions field.

If there are more pages, the__aiter__ method will make additionalListExtensions requests and continue to iteratethrough theextensions field on thecorresponding responses.

All the usualListExtensionsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListExtensionsPager

A pager for iterating throughlist_extensions requests.

This class thinly wraps an initialListExtensionsResponse object, andprovides an__iter__ method to iterate through itsextensions field.

If there are more pages, the__iter__ method will make additionalListExtensions requests and continue to iteratethrough theextensions field on thecorresponding responses.

All the usualListExtensionsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

FeatureOnlineStoreAdminServiceAsyncClient

The service that handles CRUD and List for resources forFeatureOnlineStore.

FeatureOnlineStoreAdminServiceClient

The service that handles CRUD and List for resources forFeatureOnlineStore.

ListFeatureOnlineStoresAsyncPager

A pager for iterating throughlist_feature_online_stores requests.

This class thinly wraps an initialListFeatureOnlineStoresResponse object, andprovides an__aiter__ method to iterate through itsfeature_online_stores field.

If there are more pages, the__aiter__ method will make additionalListFeatureOnlineStores requests and continue to iteratethrough thefeature_online_stores field on thecorresponding responses.

All the usualListFeatureOnlineStoresResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListFeatureOnlineStoresPager

A pager for iterating throughlist_feature_online_stores requests.

This class thinly wraps an initialListFeatureOnlineStoresResponse object, andprovides an__iter__ method to iterate through itsfeature_online_stores field.

If there are more pages, the__iter__ method will make additionalListFeatureOnlineStores requests and continue to iteratethrough thefeature_online_stores field on thecorresponding responses.

All the usualListFeatureOnlineStoresResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListFeatureViewSyncsAsyncPager

A pager for iterating throughlist_feature_view_syncs requests.

This class thinly wraps an initialListFeatureViewSyncsResponse object, andprovides an__aiter__ method to iterate through itsfeature_view_syncs field.

If there are more pages, the__aiter__ method will make additionalListFeatureViewSyncs requests and continue to iteratethrough thefeature_view_syncs field on thecorresponding responses.

All the usualListFeatureViewSyncsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListFeatureViewSyncsPager

A pager for iterating throughlist_feature_view_syncs requests.

This class thinly wraps an initialListFeatureViewSyncsResponse object, andprovides an__iter__ method to iterate through itsfeature_view_syncs field.

If there are more pages, the__iter__ method will make additionalListFeatureViewSyncs requests and continue to iteratethrough thefeature_view_syncs field on thecorresponding responses.

All the usualListFeatureViewSyncsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListFeatureViewsAsyncPager

A pager for iterating throughlist_feature_views requests.

This class thinly wraps an initialListFeatureViewsResponse object, andprovides an__aiter__ method to iterate through itsfeature_views field.

If there are more pages, the__aiter__ method will make additionalListFeatureViews requests and continue to iteratethrough thefeature_views field on thecorresponding responses.

All the usualListFeatureViewsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListFeatureViewsPager

A pager for iterating throughlist_feature_views requests.

This class thinly wraps an initialListFeatureViewsResponse object, andprovides an__iter__ method to iterate through itsfeature_views field.

If there are more pages, the__iter__ method will make additionalListFeatureViews requests and continue to iteratethrough thefeature_views field on thecorresponding responses.

All the usualListFeatureViewsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

FeatureOnlineStoreServiceAsyncClient

A service for fetching feature values from the online store.

FeatureOnlineStoreServiceClient

A service for fetching feature values from the online store.

FeatureRegistryServiceAsyncClient

The service that handles CRUD and List for resources forFeatureRegistry.

FeatureRegistryServiceClient

The service that handles CRUD and List for resources forFeatureRegistry.

ListFeatureGroupsAsyncPager

A pager for iterating throughlist_feature_groups requests.

This class thinly wraps an initialListFeatureGroupsResponse object, andprovides an__aiter__ method to iterate through itsfeature_groups field.

If there are more pages, the__aiter__ method will make additionalListFeatureGroups requests and continue to iteratethrough thefeature_groups field on thecorresponding responses.

All the usualListFeatureGroupsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListFeatureGroupsPager

A pager for iterating throughlist_feature_groups requests.

This class thinly wraps an initialListFeatureGroupsResponse object, andprovides an__iter__ method to iterate through itsfeature_groups field.

If there are more pages, the__iter__ method will make additionalListFeatureGroups requests and continue to iteratethrough thefeature_groups field on thecorresponding responses.

All the usualListFeatureGroupsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListFeatureMonitorJobsAsyncPager

A pager for iterating throughlist_feature_monitor_jobs requests.

This class thinly wraps an initialListFeatureMonitorJobsResponse object, andprovides an__aiter__ method to iterate through itsfeature_monitor_jobs field.

If there are more pages, the__aiter__ method will make additionalListFeatureMonitorJobs requests and continue to iteratethrough thefeature_monitor_jobs field on thecorresponding responses.

All the usualListFeatureMonitorJobsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListFeatureMonitorJobsPager

A pager for iterating throughlist_feature_monitor_jobs requests.

This class thinly wraps an initialListFeatureMonitorJobsResponse object, andprovides an__iter__ method to iterate through itsfeature_monitor_jobs field.

If there are more pages, the__iter__ method will make additionalListFeatureMonitorJobs requests and continue to iteratethrough thefeature_monitor_jobs field on thecorresponding responses.

All the usualListFeatureMonitorJobsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListFeatureMonitorsAsyncPager

A pager for iterating throughlist_feature_monitors requests.

This class thinly wraps an initialListFeatureMonitorsResponse object, andprovides an__aiter__ method to iterate through itsfeature_monitors field.

If there are more pages, the__aiter__ method will make additionalListFeatureMonitors requests and continue to iteratethrough thefeature_monitors field on thecorresponding responses.

All the usualListFeatureMonitorsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListFeatureMonitorsPager

A pager for iterating throughlist_feature_monitors requests.

This class thinly wraps an initialListFeatureMonitorsResponse object, andprovides an__iter__ method to iterate through itsfeature_monitors field.

If there are more pages, the__iter__ method will make additionalListFeatureMonitors requests and continue to iteratethrough thefeature_monitors field on thecorresponding responses.

All the usualListFeatureMonitorsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListFeaturesAsyncPager

A pager for iterating throughlist_features requests.

This class thinly wraps an initialListFeaturesResponse object, andprovides an__aiter__ method to iterate through itsfeatures field.

If there are more pages, the__aiter__ method will make additionalListFeatures requests and continue to iteratethrough thefeatures field on thecorresponding responses.

All the usualListFeaturesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListFeaturesPager

A pager for iterating throughlist_features requests.

This class thinly wraps an initialListFeaturesResponse object, andprovides an__iter__ method to iterate through itsfeatures field.

If there are more pages, the__iter__ method will make additionalListFeatures requests and continue to iteratethrough thefeatures field on thecorresponding responses.

All the usualListFeaturesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

FeaturestoreOnlineServingServiceAsyncClient

A service for serving online feature values.

FeaturestoreOnlineServingServiceClient

A service for serving online feature values.

FeaturestoreServiceAsyncClient

The service that handles CRUD and List for resources forFeaturestore.

FeaturestoreServiceClient

The service that handles CRUD and List for resources forFeaturestore.

ListEntityTypesAsyncPager

A pager for iterating throughlist_entity_types requests.

This class thinly wraps an initialListEntityTypesResponse object, andprovides an__aiter__ method to iterate through itsentity_types field.

If there are more pages, the__aiter__ method will make additionalListEntityTypes requests and continue to iteratethrough theentity_types field on thecorresponding responses.

All the usualListEntityTypesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListEntityTypesPager

A pager for iterating throughlist_entity_types requests.

This class thinly wraps an initialListEntityTypesResponse object, andprovides an__iter__ method to iterate through itsentity_types field.

If there are more pages, the__iter__ method will make additionalListEntityTypes requests and continue to iteratethrough theentity_types field on thecorresponding responses.

All the usualListEntityTypesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListFeaturesAsyncPager

A pager for iterating throughlist_features requests.

This class thinly wraps an initialListFeaturesResponse object, andprovides an__aiter__ method to iterate through itsfeatures field.

If there are more pages, the__aiter__ method will make additionalListFeatures requests and continue to iteratethrough thefeatures field on thecorresponding responses.

All the usualListFeaturesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListFeaturesPager

A pager for iterating throughlist_features requests.

This class thinly wraps an initialListFeaturesResponse object, andprovides an__iter__ method to iterate through itsfeatures field.

If there are more pages, the__iter__ method will make additionalListFeatures requests and continue to iteratethrough thefeatures field on thecorresponding responses.

All the usualListFeaturesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListFeaturestoresAsyncPager

A pager for iterating throughlist_featurestores requests.

This class thinly wraps an initialListFeaturestoresResponse object, andprovides an__aiter__ method to iterate through itsfeaturestores field.

If there are more pages, the__aiter__ method will make additionalListFeaturestores requests and continue to iteratethrough thefeaturestores field on thecorresponding responses.

All the usualListFeaturestoresResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListFeaturestoresPager

A pager for iterating throughlist_featurestores requests.

This class thinly wraps an initialListFeaturestoresResponse object, andprovides an__iter__ method to iterate through itsfeaturestores field.

If there are more pages, the__iter__ method will make additionalListFeaturestores requests and continue to iteratethrough thefeaturestores field on thecorresponding responses.

All the usualListFeaturestoresResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

SearchFeaturesAsyncPager

A pager for iterating throughsearch_features requests.

This class thinly wraps an initialSearchFeaturesResponse object, andprovides an__aiter__ method to iterate through itsfeatures field.

If there are more pages, the__aiter__ method will make additionalSearchFeatures requests and continue to iteratethrough thefeatures field on thecorresponding responses.

All the usualSearchFeaturesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

SearchFeaturesPager

A pager for iterating throughsearch_features requests.

This class thinly wraps an initialSearchFeaturesResponse object, andprovides an__iter__ method to iterate through itsfeatures field.

If there are more pages, the__iter__ method will make additionalSearchFeatures requests and continue to iteratethrough thefeatures field on thecorresponding responses.

All the usualSearchFeaturesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

GenAiCacheServiceAsyncClient

Service for managing Vertex AI's CachedContent resource.

GenAiCacheServiceClient

Service for managing Vertex AI's CachedContent resource.

ListCachedContentsAsyncPager

A pager for iterating throughlist_cached_contents requests.

This class thinly wraps an initialListCachedContentsResponse object, andprovides an__aiter__ method to iterate through itscached_contents field.

If there are more pages, the__aiter__ method will make additionalListCachedContents requests and continue to iteratethrough thecached_contents field on thecorresponding responses.

All the usualListCachedContentsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListCachedContentsPager

A pager for iterating throughlist_cached_contents requests.

This class thinly wraps an initialListCachedContentsResponse object, andprovides an__iter__ method to iterate through itscached_contents field.

If there are more pages, the__iter__ method will make additionalListCachedContents requests and continue to iteratethrough thecached_contents field on thecorresponding responses.

All the usualListCachedContentsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

GenAiTuningServiceAsyncClient

A service for creating and managing GenAI Tuning Jobs.

GenAiTuningServiceClient

A service for creating and managing GenAI Tuning Jobs.

ListTuningJobsAsyncPager

A pager for iterating throughlist_tuning_jobs requests.

This class thinly wraps an initialListTuningJobsResponse object, andprovides an__aiter__ method to iterate through itstuning_jobs field.

If there are more pages, the__aiter__ method will make additionalListTuningJobs requests and continue to iteratethrough thetuning_jobs field on thecorresponding responses.

All the usualListTuningJobsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListTuningJobsPager

A pager for iterating throughlist_tuning_jobs requests.

This class thinly wraps an initialListTuningJobsResponse object, andprovides an__iter__ method to iterate through itstuning_jobs field.

If there are more pages, the__iter__ method will make additionalListTuningJobs requests and continue to iteratethrough thetuning_jobs field on thecorresponding responses.

All the usualListTuningJobsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

IndexEndpointServiceAsyncClient

A service for managing Vertex AI's IndexEndpoints.

IndexEndpointServiceClient

A service for managing Vertex AI's IndexEndpoints.

ListIndexEndpointsAsyncPager

A pager for iterating throughlist_index_endpoints requests.

This class thinly wraps an initialListIndexEndpointsResponse object, andprovides an__aiter__ method to iterate through itsindex_endpoints field.

If there are more pages, the__aiter__ method will make additionalListIndexEndpoints requests and continue to iteratethrough theindex_endpoints field on thecorresponding responses.

All the usualListIndexEndpointsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListIndexEndpointsPager

A pager for iterating throughlist_index_endpoints requests.

This class thinly wraps an initialListIndexEndpointsResponse object, andprovides an__iter__ method to iterate through itsindex_endpoints field.

If there are more pages, the__iter__ method will make additionalListIndexEndpoints requests and continue to iteratethrough theindex_endpoints field on thecorresponding responses.

All the usualListIndexEndpointsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

IndexServiceAsyncClient

A service for creating and managing Vertex AI's Indexresources.

IndexServiceClient

A service for creating and managing Vertex AI's Indexresources.

ListIndexesAsyncPager

A pager for iterating throughlist_indexes requests.

This class thinly wraps an initialListIndexesResponse object, andprovides an__aiter__ method to iterate through itsindexes field.

If there are more pages, the__aiter__ method will make additionalListIndexes requests and continue to iteratethrough theindexes field on thecorresponding responses.

All the usualListIndexesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListIndexesPager

A pager for iterating throughlist_indexes requests.

This class thinly wraps an initialListIndexesResponse object, andprovides an__iter__ method to iterate through itsindexes field.

If there are more pages, the__iter__ method will make additionalListIndexes requests and continue to iteratethrough theindexes field on thecorresponding responses.

All the usualListIndexesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

JobServiceAsyncClient

A service for creating and managing Vertex AI's jobs.

JobServiceClient

A service for creating and managing Vertex AI's jobs.

ListBatchPredictionJobsAsyncPager

A pager for iterating throughlist_batch_prediction_jobs requests.

This class thinly wraps an initialListBatchPredictionJobsResponse object, andprovides an__aiter__ method to iterate through itsbatch_prediction_jobs field.

If there are more pages, the__aiter__ method will make additionalListBatchPredictionJobs requests and continue to iteratethrough thebatch_prediction_jobs field on thecorresponding responses.

All the usualListBatchPredictionJobsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListBatchPredictionJobsPager

A pager for iterating throughlist_batch_prediction_jobs requests.

This class thinly wraps an initialListBatchPredictionJobsResponse object, andprovides an__iter__ method to iterate through itsbatch_prediction_jobs field.

If there are more pages, the__iter__ method will make additionalListBatchPredictionJobs requests and continue to iteratethrough thebatch_prediction_jobs field on thecorresponding responses.

All the usualListBatchPredictionJobsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListCustomJobsAsyncPager

A pager for iterating throughlist_custom_jobs requests.

This class thinly wraps an initialListCustomJobsResponse object, andprovides an__aiter__ method to iterate through itscustom_jobs field.

If there are more pages, the__aiter__ method will make additionalListCustomJobs requests and continue to iteratethrough thecustom_jobs field on thecorresponding responses.

All the usualListCustomJobsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListCustomJobsPager

A pager for iterating throughlist_custom_jobs requests.

This class thinly wraps an initialListCustomJobsResponse object, andprovides an__iter__ method to iterate through itscustom_jobs field.

If there are more pages, the__iter__ method will make additionalListCustomJobs requests and continue to iteratethrough thecustom_jobs field on thecorresponding responses.

All the usualListCustomJobsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListDataLabelingJobsAsyncPager

A pager for iterating throughlist_data_labeling_jobs requests.

This class thinly wraps an initialListDataLabelingJobsResponse object, andprovides an__aiter__ method to iterate through itsdata_labeling_jobs field.

If there are more pages, the__aiter__ method will make additionalListDataLabelingJobs requests and continue to iteratethrough thedata_labeling_jobs field on thecorresponding responses.

All the usualListDataLabelingJobsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListDataLabelingJobsPager

A pager for iterating throughlist_data_labeling_jobs requests.

This class thinly wraps an initialListDataLabelingJobsResponse object, andprovides an__iter__ method to iterate through itsdata_labeling_jobs field.

If there are more pages, the__iter__ method will make additionalListDataLabelingJobs requests and continue to iteratethrough thedata_labeling_jobs field on thecorresponding responses.

All the usualListDataLabelingJobsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListHyperparameterTuningJobsAsyncPager

A pager for iterating throughlist_hyperparameter_tuning_jobs requests.

This class thinly wraps an initialListHyperparameterTuningJobsResponse object, andprovides an__aiter__ method to iterate through itshyperparameter_tuning_jobs field.

If there are more pages, the__aiter__ method will make additionalListHyperparameterTuningJobs requests and continue to iteratethrough thehyperparameter_tuning_jobs field on thecorresponding responses.

All the usualListHyperparameterTuningJobsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListHyperparameterTuningJobsPager

A pager for iterating throughlist_hyperparameter_tuning_jobs requests.

This class thinly wraps an initialListHyperparameterTuningJobsResponse object, andprovides an__iter__ method to iterate through itshyperparameter_tuning_jobs field.

If there are more pages, the__iter__ method will make additionalListHyperparameterTuningJobs requests and continue to iteratethrough thehyperparameter_tuning_jobs field on thecorresponding responses.

All the usualListHyperparameterTuningJobsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListModelDeploymentMonitoringJobsAsyncPager

A pager for iterating throughlist_model_deployment_monitoring_jobs requests.

This class thinly wraps an initialListModelDeploymentMonitoringJobsResponse object, andprovides an__aiter__ method to iterate through itsmodel_deployment_monitoring_jobs field.

If there are more pages, the__aiter__ method will make additionalListModelDeploymentMonitoringJobs requests and continue to iteratethrough themodel_deployment_monitoring_jobs field on thecorresponding responses.

All the usualListModelDeploymentMonitoringJobsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListModelDeploymentMonitoringJobsPager

A pager for iterating throughlist_model_deployment_monitoring_jobs requests.

This class thinly wraps an initialListModelDeploymentMonitoringJobsResponse object, andprovides an__iter__ method to iterate through itsmodel_deployment_monitoring_jobs field.

If there are more pages, the__iter__ method will make additionalListModelDeploymentMonitoringJobs requests and continue to iteratethrough themodel_deployment_monitoring_jobs field on thecorresponding responses.

All the usualListModelDeploymentMonitoringJobsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListNasJobsAsyncPager

A pager for iterating throughlist_nas_jobs requests.

This class thinly wraps an initialListNasJobsResponse object, andprovides an__aiter__ method to iterate through itsnas_jobs field.

If there are more pages, the__aiter__ method will make additionalListNasJobs requests and continue to iteratethrough thenas_jobs field on thecorresponding responses.

All the usualListNasJobsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListNasJobsPager

A pager for iterating throughlist_nas_jobs requests.

This class thinly wraps an initialListNasJobsResponse object, andprovides an__iter__ method to iterate through itsnas_jobs field.

If there are more pages, the__iter__ method will make additionalListNasJobs requests and continue to iteratethrough thenas_jobs field on thecorresponding responses.

All the usualListNasJobsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListNasTrialDetailsAsyncPager

A pager for iterating throughlist_nas_trial_details requests.

This class thinly wraps an initialListNasTrialDetailsResponse object, andprovides an__aiter__ method to iterate through itsnas_trial_details field.

If there are more pages, the__aiter__ method will make additionalListNasTrialDetails requests and continue to iteratethrough thenas_trial_details field on thecorresponding responses.

All the usualListNasTrialDetailsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListNasTrialDetailsPager

A pager for iterating throughlist_nas_trial_details requests.

This class thinly wraps an initialListNasTrialDetailsResponse object, andprovides an__iter__ method to iterate through itsnas_trial_details field.

If there are more pages, the__iter__ method will make additionalListNasTrialDetails requests and continue to iteratethrough thenas_trial_details field on thecorresponding responses.

All the usualListNasTrialDetailsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

SearchModelDeploymentMonitoringStatsAnomaliesAsyncPager

A pager for iterating throughsearch_model_deployment_monitoring_stats_anomalies requests.

This class thinly wraps an initialSearchModelDeploymentMonitoringStatsAnomaliesResponse object, andprovides an__aiter__ method to iterate through itsmonitoring_stats field.

If there are more pages, the__aiter__ method will make additionalSearchModelDeploymentMonitoringStatsAnomalies requests and continue to iteratethrough themonitoring_stats field on thecorresponding responses.

All the usualSearchModelDeploymentMonitoringStatsAnomaliesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

SearchModelDeploymentMonitoringStatsAnomaliesPager

A pager for iterating throughsearch_model_deployment_monitoring_stats_anomalies requests.

This class thinly wraps an initialSearchModelDeploymentMonitoringStatsAnomaliesResponse object, andprovides an__iter__ method to iterate through itsmonitoring_stats field.

If there are more pages, the__iter__ method will make additionalSearchModelDeploymentMonitoringStatsAnomalies requests and continue to iteratethrough themonitoring_stats field on thecorresponding responses.

All the usualSearchModelDeploymentMonitoringStatsAnomaliesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

LlmUtilityServiceAsyncClient

Service for LLM related utility functions.

LlmUtilityServiceClient

Service for LLM related utility functions.

MatchServiceAsyncClient

MatchService is a Google managed service for efficient vectorsimilarity search at scale.

MatchServiceClient

MatchService is a Google managed service for efficient vectorsimilarity search at scale.

MemoryBankServiceAsyncClient

A service for managing memories for LLM applications.

MemoryBankServiceClient

A service for managing memories for LLM applications.

ListMemoriesAsyncPager

A pager for iterating throughlist_memories requests.

This class thinly wraps an initialListMemoriesResponse object, andprovides an__aiter__ method to iterate through itsmemories field.

If there are more pages, the__aiter__ method will make additionalListMemories requests and continue to iteratethrough thememories field on thecorresponding responses.

All the usualListMemoriesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListMemoriesPager

A pager for iterating throughlist_memories requests.

This class thinly wraps an initialListMemoriesResponse object, andprovides an__iter__ method to iterate through itsmemories field.

If there are more pages, the__iter__ method will make additionalListMemories requests and continue to iteratethrough thememories field on thecorresponding responses.

All the usualListMemoriesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

MetadataServiceAsyncClient

Service for reading and writing metadata entries.

MetadataServiceClient

Service for reading and writing metadata entries.

ListArtifactsAsyncPager

A pager for iterating throughlist_artifacts requests.

This class thinly wraps an initialListArtifactsResponse object, andprovides an__aiter__ method to iterate through itsartifacts field.

If there are more pages, the__aiter__ method will make additionalListArtifacts requests and continue to iteratethrough theartifacts field on thecorresponding responses.

All the usualListArtifactsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListArtifactsPager

A pager for iterating throughlist_artifacts requests.

This class thinly wraps an initialListArtifactsResponse object, andprovides an__iter__ method to iterate through itsartifacts field.

If there are more pages, the__iter__ method will make additionalListArtifacts requests and continue to iteratethrough theartifacts field on thecorresponding responses.

All the usualListArtifactsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListContextsAsyncPager

A pager for iterating throughlist_contexts requests.

This class thinly wraps an initialListContextsResponse object, andprovides an__aiter__ method to iterate through itscontexts field.

If there are more pages, the__aiter__ method will make additionalListContexts requests and continue to iteratethrough thecontexts field on thecorresponding responses.

All the usualListContextsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListContextsPager

A pager for iterating throughlist_contexts requests.

This class thinly wraps an initialListContextsResponse object, andprovides an__iter__ method to iterate through itscontexts field.

If there are more pages, the__iter__ method will make additionalListContexts requests and continue to iteratethrough thecontexts field on thecorresponding responses.

All the usualListContextsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListExecutionsAsyncPager

A pager for iterating throughlist_executions requests.

This class thinly wraps an initialListExecutionsResponse object, andprovides an__aiter__ method to iterate through itsexecutions field.

If there are more pages, the__aiter__ method will make additionalListExecutions requests and continue to iteratethrough theexecutions field on thecorresponding responses.

All the usualListExecutionsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListExecutionsPager

A pager for iterating throughlist_executions requests.

This class thinly wraps an initialListExecutionsResponse object, andprovides an__iter__ method to iterate through itsexecutions field.

If there are more pages, the__iter__ method will make additionalListExecutions requests and continue to iteratethrough theexecutions field on thecorresponding responses.

All the usualListExecutionsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListMetadataSchemasAsyncPager

A pager for iterating throughlist_metadata_schemas requests.

This class thinly wraps an initialListMetadataSchemasResponse object, andprovides an__aiter__ method to iterate through itsmetadata_schemas field.

If there are more pages, the__aiter__ method will make additionalListMetadataSchemas requests and continue to iteratethrough themetadata_schemas field on thecorresponding responses.

All the usualListMetadataSchemasResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListMetadataSchemasPager

A pager for iterating throughlist_metadata_schemas requests.

This class thinly wraps an initialListMetadataSchemasResponse object, andprovides an__iter__ method to iterate through itsmetadata_schemas field.

If there are more pages, the__iter__ method will make additionalListMetadataSchemas requests and continue to iteratethrough themetadata_schemas field on thecorresponding responses.

All the usualListMetadataSchemasResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListMetadataStoresAsyncPager

A pager for iterating throughlist_metadata_stores requests.

This class thinly wraps an initialListMetadataStoresResponse object, andprovides an__aiter__ method to iterate through itsmetadata_stores field.

If there are more pages, the__aiter__ method will make additionalListMetadataStores requests and continue to iteratethrough themetadata_stores field on thecorresponding responses.

All the usualListMetadataStoresResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListMetadataStoresPager

A pager for iterating throughlist_metadata_stores requests.

This class thinly wraps an initialListMetadataStoresResponse object, andprovides an__iter__ method to iterate through itsmetadata_stores field.

If there are more pages, the__iter__ method will make additionalListMetadataStores requests and continue to iteratethrough themetadata_stores field on thecorresponding responses.

All the usualListMetadataStoresResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

MigrationServiceAsyncClient

A service that migrates resources from automl.googleapis.com,datalabeling.googleapis.com and ml.googleapis.com to Vertex AI.

MigrationServiceClient

A service that migrates resources from automl.googleapis.com,datalabeling.googleapis.com and ml.googleapis.com to Vertex AI.

SearchMigratableResourcesAsyncPager

A pager for iterating throughsearch_migratable_resources requests.

This class thinly wraps an initialSearchMigratableResourcesResponse object, andprovides an__aiter__ method to iterate through itsmigratable_resources field.

If there are more pages, the__aiter__ method will make additionalSearchMigratableResources requests and continue to iteratethrough themigratable_resources field on thecorresponding responses.

All the usualSearchMigratableResourcesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

SearchMigratableResourcesPager

A pager for iterating throughsearch_migratable_resources requests.

This class thinly wraps an initialSearchMigratableResourcesResponse object, andprovides an__iter__ method to iterate through itsmigratable_resources field.

If there are more pages, the__iter__ method will make additionalSearchMigratableResources requests and continue to iteratethrough themigratable_resources field on thecorresponding responses.

All the usualSearchMigratableResourcesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ModelGardenServiceAsyncClient

The interface of Model Garden Service.

ModelGardenServiceClient

The interface of Model Garden Service.

ListPublisherModelsAsyncPager

A pager for iterating throughlist_publisher_models requests.

This class thinly wraps an initialListPublisherModelsResponse object, andprovides an__aiter__ method to iterate through itspublisher_models field.

If there are more pages, the__aiter__ method will make additionalListPublisherModels requests and continue to iteratethrough thepublisher_models field on thecorresponding responses.

All the usualListPublisherModelsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListPublisherModelsPager

A pager for iterating throughlist_publisher_models requests.

This class thinly wraps an initialListPublisherModelsResponse object, andprovides an__iter__ method to iterate through itspublisher_models field.

If there are more pages, the__iter__ method will make additionalListPublisherModels requests and continue to iteratethrough thepublisher_models field on thecorresponding responses.

All the usualListPublisherModelsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ModelMonitoringServiceAsyncClient

A service for creating and managing Vertex AI Model moitoring. ThisincludesModelMonitor resources,ModelMonitoringJobresources.

ModelMonitoringServiceClient

A service for creating and managing Vertex AI Model moitoring. ThisincludesModelMonitor resources,ModelMonitoringJobresources.

ListModelMonitoringJobsAsyncPager

A pager for iterating throughlist_model_monitoring_jobs requests.

This class thinly wraps an initialListModelMonitoringJobsResponse object, andprovides an__aiter__ method to iterate through itsmodel_monitoring_jobs field.

If there are more pages, the__aiter__ method will make additionalListModelMonitoringJobs requests and continue to iteratethrough themodel_monitoring_jobs field on thecorresponding responses.

All the usualListModelMonitoringJobsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListModelMonitoringJobsPager

A pager for iterating throughlist_model_monitoring_jobs requests.

This class thinly wraps an initialListModelMonitoringJobsResponse object, andprovides an__iter__ method to iterate through itsmodel_monitoring_jobs field.

If there are more pages, the__iter__ method will make additionalListModelMonitoringJobs requests and continue to iteratethrough themodel_monitoring_jobs field on thecorresponding responses.

All the usualListModelMonitoringJobsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListModelMonitorsAsyncPager

A pager for iterating throughlist_model_monitors requests.

This class thinly wraps an initialListModelMonitorsResponse object, andprovides an__aiter__ method to iterate through itsmodel_monitors field.

If there are more pages, the__aiter__ method will make additionalListModelMonitors requests and continue to iteratethrough themodel_monitors field on thecorresponding responses.

All the usualListModelMonitorsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListModelMonitorsPager

A pager for iterating throughlist_model_monitors requests.

This class thinly wraps an initialListModelMonitorsResponse object, andprovides an__iter__ method to iterate through itsmodel_monitors field.

If there are more pages, the__iter__ method will make additionalListModelMonitors requests and continue to iteratethrough themodel_monitors field on thecorresponding responses.

All the usualListModelMonitorsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

SearchModelMonitoringAlertsAsyncPager

A pager for iterating throughsearch_model_monitoring_alerts requests.

This class thinly wraps an initialSearchModelMonitoringAlertsResponse object, andprovides an__aiter__ method to iterate through itsmodel_monitoring_alerts field.

If there are more pages, the__aiter__ method will make additionalSearchModelMonitoringAlerts requests and continue to iteratethrough themodel_monitoring_alerts field on thecorresponding responses.

All the usualSearchModelMonitoringAlertsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

SearchModelMonitoringAlertsPager

A pager for iterating throughsearch_model_monitoring_alerts requests.

This class thinly wraps an initialSearchModelMonitoringAlertsResponse object, andprovides an__iter__ method to iterate through itsmodel_monitoring_alerts field.

If there are more pages, the__iter__ method will make additionalSearchModelMonitoringAlerts requests and continue to iteratethrough themodel_monitoring_alerts field on thecorresponding responses.

All the usualSearchModelMonitoringAlertsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

SearchModelMonitoringStatsAsyncPager

A pager for iterating throughsearch_model_monitoring_stats requests.

This class thinly wraps an initialSearchModelMonitoringStatsResponse object, andprovides an__aiter__ method to iterate through itsmonitoring_stats field.

If there are more pages, the__aiter__ method will make additionalSearchModelMonitoringStats requests and continue to iteratethrough themonitoring_stats field on thecorresponding responses.

All the usualSearchModelMonitoringStatsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

SearchModelMonitoringStatsPager

A pager for iterating throughsearch_model_monitoring_stats requests.

This class thinly wraps an initialSearchModelMonitoringStatsResponse object, andprovides an__iter__ method to iterate through itsmonitoring_stats field.

If there are more pages, the__iter__ method will make additionalSearchModelMonitoringStats requests and continue to iteratethrough themonitoring_stats field on thecorresponding responses.

All the usualSearchModelMonitoringStatsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ModelServiceAsyncClient

A service for managing Vertex AI's machine learning Models.

ModelServiceClient

A service for managing Vertex AI's machine learning Models.

ListModelEvaluationSlicesAsyncPager

A pager for iterating throughlist_model_evaluation_slices requests.

This class thinly wraps an initialListModelEvaluationSlicesResponse object, andprovides an__aiter__ method to iterate through itsmodel_evaluation_slices field.

If there are more pages, the__aiter__ method will make additionalListModelEvaluationSlices requests and continue to iteratethrough themodel_evaluation_slices field on thecorresponding responses.

All the usualListModelEvaluationSlicesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListModelEvaluationSlicesPager

A pager for iterating throughlist_model_evaluation_slices requests.

This class thinly wraps an initialListModelEvaluationSlicesResponse object, andprovides an__iter__ method to iterate through itsmodel_evaluation_slices field.

If there are more pages, the__iter__ method will make additionalListModelEvaluationSlices requests and continue to iteratethrough themodel_evaluation_slices field on thecorresponding responses.

All the usualListModelEvaluationSlicesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListModelEvaluationsAsyncPager

A pager for iterating throughlist_model_evaluations requests.

This class thinly wraps an initialListModelEvaluationsResponse object, andprovides an__aiter__ method to iterate through itsmodel_evaluations field.

If there are more pages, the__aiter__ method will make additionalListModelEvaluations requests and continue to iteratethrough themodel_evaluations field on thecorresponding responses.

All the usualListModelEvaluationsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListModelEvaluationsPager

A pager for iterating throughlist_model_evaluations requests.

This class thinly wraps an initialListModelEvaluationsResponse object, andprovides an__iter__ method to iterate through itsmodel_evaluations field.

If there are more pages, the__iter__ method will make additionalListModelEvaluations requests and continue to iteratethrough themodel_evaluations field on thecorresponding responses.

All the usualListModelEvaluationsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListModelVersionCheckpointsAsyncPager

A pager for iterating throughlist_model_version_checkpoints requests.

This class thinly wraps an initialListModelVersionCheckpointsResponse object, andprovides an__aiter__ method to iterate through itscheckpoints field.

If there are more pages, the__aiter__ method will make additionalListModelVersionCheckpoints requests and continue to iteratethrough thecheckpoints field on thecorresponding responses.

All the usualListModelVersionCheckpointsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListModelVersionCheckpointsPager

A pager for iterating throughlist_model_version_checkpoints requests.

This class thinly wraps an initialListModelVersionCheckpointsResponse object, andprovides an__iter__ method to iterate through itscheckpoints field.

If there are more pages, the__iter__ method will make additionalListModelVersionCheckpoints requests and continue to iteratethrough thecheckpoints field on thecorresponding responses.

All the usualListModelVersionCheckpointsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListModelVersionsAsyncPager

A pager for iterating throughlist_model_versions requests.

This class thinly wraps an initialListModelVersionsResponse object, andprovides an__aiter__ method to iterate through itsmodels field.

If there are more pages, the__aiter__ method will make additionalListModelVersions requests and continue to iteratethrough themodels field on thecorresponding responses.

All the usualListModelVersionsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListModelVersionsPager

A pager for iterating throughlist_model_versions requests.

This class thinly wraps an initialListModelVersionsResponse object, andprovides an__iter__ method to iterate through itsmodels field.

If there are more pages, the__iter__ method will make additionalListModelVersions requests and continue to iteratethrough themodels field on thecorresponding responses.

All the usualListModelVersionsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListModelsAsyncPager

A pager for iterating throughlist_models requests.

This class thinly wraps an initialListModelsResponse object, andprovides an__aiter__ method to iterate through itsmodels field.

If there are more pages, the__aiter__ method will make additionalListModels requests and continue to iteratethrough themodels field on thecorresponding responses.

All the usualListModelsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListModelsPager

A pager for iterating throughlist_models requests.

This class thinly wraps an initialListModelsResponse object, andprovides an__iter__ method to iterate through itsmodels field.

If there are more pages, the__iter__ method will make additionalListModels requests and continue to iteratethrough themodels field on thecorresponding responses.

All the usualListModelsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

NotebookServiceAsyncClient

The interface for Vertex Notebook service (a.k.a. Colab onWorkbench).

NotebookServiceClient

The interface for Vertex Notebook service (a.k.a. Colab onWorkbench).

ListNotebookExecutionJobsAsyncPager

A pager for iterating throughlist_notebook_execution_jobs requests.

This class thinly wraps an initialListNotebookExecutionJobsResponse object, andprovides an__aiter__ method to iterate through itsnotebook_execution_jobs field.

If there are more pages, the__aiter__ method will make additionalListNotebookExecutionJobs requests and continue to iteratethrough thenotebook_execution_jobs field on thecorresponding responses.

All the usualListNotebookExecutionJobsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListNotebookExecutionJobsPager

A pager for iterating throughlist_notebook_execution_jobs requests.

This class thinly wraps an initialListNotebookExecutionJobsResponse object, andprovides an__iter__ method to iterate through itsnotebook_execution_jobs field.

If there are more pages, the__iter__ method will make additionalListNotebookExecutionJobs requests and continue to iteratethrough thenotebook_execution_jobs field on thecorresponding responses.

All the usualListNotebookExecutionJobsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListNotebookRuntimeTemplatesAsyncPager

A pager for iterating throughlist_notebook_runtime_templates requests.

This class thinly wraps an initialListNotebookRuntimeTemplatesResponse object, andprovides an__aiter__ method to iterate through itsnotebook_runtime_templates field.

If there are more pages, the__aiter__ method will make additionalListNotebookRuntimeTemplates requests and continue to iteratethrough thenotebook_runtime_templates field on thecorresponding responses.

All the usualListNotebookRuntimeTemplatesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListNotebookRuntimeTemplatesPager

A pager for iterating throughlist_notebook_runtime_templates requests.

This class thinly wraps an initialListNotebookRuntimeTemplatesResponse object, andprovides an__iter__ method to iterate through itsnotebook_runtime_templates field.

If there are more pages, the__iter__ method will make additionalListNotebookRuntimeTemplates requests and continue to iteratethrough thenotebook_runtime_templates field on thecorresponding responses.

All the usualListNotebookRuntimeTemplatesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListNotebookRuntimesAsyncPager

A pager for iterating throughlist_notebook_runtimes requests.

This class thinly wraps an initialListNotebookRuntimesResponse object, andprovides an__aiter__ method to iterate through itsnotebook_runtimes field.

If there are more pages, the__aiter__ method will make additionalListNotebookRuntimes requests and continue to iteratethrough thenotebook_runtimes field on thecorresponding responses.

All the usualListNotebookRuntimesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListNotebookRuntimesPager

A pager for iterating throughlist_notebook_runtimes requests.

This class thinly wraps an initialListNotebookRuntimesResponse object, andprovides an__iter__ method to iterate through itsnotebook_runtimes field.

If there are more pages, the__iter__ method will make additionalListNotebookRuntimes requests and continue to iteratethrough thenotebook_runtimes field on thecorresponding responses.

All the usualListNotebookRuntimesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

PersistentResourceServiceAsyncClient

A service for managing Vertex AI's machine learningPersistentResource.

PersistentResourceServiceClient

A service for managing Vertex AI's machine learningPersistentResource.

ListPersistentResourcesAsyncPager

A pager for iterating throughlist_persistent_resources requests.

This class thinly wraps an initialListPersistentResourcesResponse object, andprovides an__aiter__ method to iterate through itspersistent_resources field.

If there are more pages, the__aiter__ method will make additionalListPersistentResources requests and continue to iteratethrough thepersistent_resources field on thecorresponding responses.

All the usualListPersistentResourcesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListPersistentResourcesPager

A pager for iterating throughlist_persistent_resources requests.

This class thinly wraps an initialListPersistentResourcesResponse object, andprovides an__iter__ method to iterate through itspersistent_resources field.

If there are more pages, the__iter__ method will make additionalListPersistentResources requests and continue to iteratethrough thepersistent_resources field on thecorresponding responses.

All the usualListPersistentResourcesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

PipelineServiceAsyncClient

A service for creating and managing Vertex AI's pipelines. Thisincludes bothTrainingPipeline resources (used for AutoML andcustom training) andPipelineJob resources (used for Vertex AIPipelines).

PipelineServiceClient

A service for creating and managing Vertex AI's pipelines. Thisincludes bothTrainingPipeline resources (used for AutoML andcustom training) andPipelineJob resources (used for Vertex AIPipelines).

ListPipelineJobsAsyncPager

A pager for iterating throughlist_pipeline_jobs requests.

This class thinly wraps an initialListPipelineJobsResponse object, andprovides an__aiter__ method to iterate through itspipeline_jobs field.

If there are more pages, the__aiter__ method will make additionalListPipelineJobs requests and continue to iteratethrough thepipeline_jobs field on thecorresponding responses.

All the usualListPipelineJobsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListPipelineJobsPager

A pager for iterating throughlist_pipeline_jobs requests.

This class thinly wraps an initialListPipelineJobsResponse object, andprovides an__iter__ method to iterate through itspipeline_jobs field.

If there are more pages, the__iter__ method will make additionalListPipelineJobs requests and continue to iteratethrough thepipeline_jobs field on thecorresponding responses.

All the usualListPipelineJobsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListTrainingPipelinesAsyncPager

A pager for iterating throughlist_training_pipelines requests.

This class thinly wraps an initialListTrainingPipelinesResponse object, andprovides an__aiter__ method to iterate through itstraining_pipelines field.

If there are more pages, the__aiter__ method will make additionalListTrainingPipelines requests and continue to iteratethrough thetraining_pipelines field on thecorresponding responses.

All the usualListTrainingPipelinesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListTrainingPipelinesPager

A pager for iterating throughlist_training_pipelines requests.

This class thinly wraps an initialListTrainingPipelinesResponse object, andprovides an__iter__ method to iterate through itstraining_pipelines field.

If there are more pages, the__iter__ method will make additionalListTrainingPipelines requests and continue to iteratethrough thetraining_pipelines field on thecorresponding responses.

All the usualListTrainingPipelinesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

PredictionServiceAsyncClient

A service for online predictions and explanations.

PredictionServiceClient

A service for online predictions and explanations.

ReasoningEngineExecutionServiceAsyncClient

A service for executing queries on Reasoning Engine.

ReasoningEngineExecutionServiceClient

A service for executing queries on Reasoning Engine.

ReasoningEngineServiceAsyncClient

A service for managing Vertex AI's Reasoning Engines.

ReasoningEngineServiceClient

A service for managing Vertex AI's Reasoning Engines.

ListReasoningEnginesAsyncPager

A pager for iterating throughlist_reasoning_engines requests.

This class thinly wraps an initialListReasoningEnginesResponse object, andprovides an__aiter__ method to iterate through itsreasoning_engines field.

If there are more pages, the__aiter__ method will make additionalListReasoningEngines requests and continue to iteratethrough thereasoning_engines field on thecorresponding responses.

All the usualListReasoningEnginesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListReasoningEnginesPager

A pager for iterating throughlist_reasoning_engines requests.

This class thinly wraps an initialListReasoningEnginesResponse object, andprovides an__iter__ method to iterate through itsreasoning_engines field.

If there are more pages, the__iter__ method will make additionalListReasoningEngines requests and continue to iteratethrough thereasoning_engines field on thecorresponding responses.

All the usualListReasoningEnginesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ScheduleServiceAsyncClient

A service for creating and managing Vertex AI's Scheduleresources to periodically launch shceudled runs to make APIcalls.

ScheduleServiceClient

A service for creating and managing Vertex AI's Scheduleresources to periodically launch shceudled runs to make APIcalls.

ListSchedulesAsyncPager

A pager for iterating throughlist_schedules requests.

This class thinly wraps an initialListSchedulesResponse object, andprovides an__aiter__ method to iterate through itsschedules field.

If there are more pages, the__aiter__ method will make additionalListSchedules requests and continue to iteratethrough theschedules field on thecorresponding responses.

All the usualListSchedulesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListSchedulesPager

A pager for iterating throughlist_schedules requests.

This class thinly wraps an initialListSchedulesResponse object, andprovides an__iter__ method to iterate through itsschedules field.

If there are more pages, the__iter__ method will make additionalListSchedules requests and continue to iteratethrough theschedules field on thecorresponding responses.

All the usualListSchedulesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

SessionServiceAsyncClient

The service that manages Vertex Session related resources.

SessionServiceClient

The service that manages Vertex Session related resources.

ListEventsAsyncPager

A pager for iterating throughlist_events requests.

This class thinly wraps an initialListEventsResponse object, andprovides an__aiter__ method to iterate through itssession_events field.

If there are more pages, the__aiter__ method will make additionalListEvents requests and continue to iteratethrough thesession_events field on thecorresponding responses.

All the usualListEventsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListEventsPager

A pager for iterating throughlist_events requests.

This class thinly wraps an initialListEventsResponse object, andprovides an__iter__ method to iterate through itssession_events field.

If there are more pages, the__iter__ method will make additionalListEvents requests and continue to iteratethrough thesession_events field on thecorresponding responses.

All the usualListEventsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListSessionsAsyncPager

A pager for iterating throughlist_sessions requests.

This class thinly wraps an initialListSessionsResponse object, andprovides an__aiter__ method to iterate through itssessions field.

If there are more pages, the__aiter__ method will make additionalListSessions requests and continue to iteratethrough thesessions field on thecorresponding responses.

All the usualListSessionsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListSessionsPager

A pager for iterating throughlist_sessions requests.

This class thinly wraps an initialListSessionsResponse object, andprovides an__iter__ method to iterate through itssessions field.

If there are more pages, the__iter__ method will make additionalListSessions requests and continue to iteratethrough thesessions field on thecorresponding responses.

All the usualListSessionsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

SpecialistPoolServiceAsyncClient

A service for creating and managing Customer SpecialistPools.When customers start Data Labeling jobs, they can reuse/createSpecialist Pools to bring their own Specialists to label thedata. Customers can add/remove Managers for the Specialist Poolon Cloud console, then Managers will get email notifications tomanage Specialists and tasks on CrowdCompute console.

SpecialistPoolServiceClient

A service for creating and managing Customer SpecialistPools.When customers start Data Labeling jobs, they can reuse/createSpecialist Pools to bring their own Specialists to label thedata. Customers can add/remove Managers for the Specialist Poolon Cloud console, then Managers will get email notifications tomanage Specialists and tasks on CrowdCompute console.

ListSpecialistPoolsAsyncPager

A pager for iterating throughlist_specialist_pools requests.

This class thinly wraps an initialListSpecialistPoolsResponse object, andprovides an__aiter__ method to iterate through itsspecialist_pools field.

If there are more pages, the__aiter__ method will make additionalListSpecialistPools requests and continue to iteratethrough thespecialist_pools field on thecorresponding responses.

All the usualListSpecialistPoolsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListSpecialistPoolsPager

A pager for iterating throughlist_specialist_pools requests.

This class thinly wraps an initialListSpecialistPoolsResponse object, andprovides an__iter__ method to iterate through itsspecialist_pools field.

If there are more pages, the__iter__ method will make additionalListSpecialistPools requests and continue to iteratethrough thespecialist_pools field on thecorresponding responses.

All the usualListSpecialistPoolsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

TensorboardServiceAsyncClient

TensorboardService

TensorboardServiceClient

TensorboardService

ExportTensorboardTimeSeriesDataAsyncPager

A pager for iterating throughexport_tensorboard_time_series_data requests.

This class thinly wraps an initialExportTensorboardTimeSeriesDataResponse object, andprovides an__aiter__ method to iterate through itstime_series_data_points field.

If there are more pages, the__aiter__ method will make additionalExportTensorboardTimeSeriesData requests and continue to iteratethrough thetime_series_data_points field on thecorresponding responses.

All the usualExportTensorboardTimeSeriesDataResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ExportTensorboardTimeSeriesDataPager

A pager for iterating throughexport_tensorboard_time_series_data requests.

This class thinly wraps an initialExportTensorboardTimeSeriesDataResponse object, andprovides an__iter__ method to iterate through itstime_series_data_points field.

If there are more pages, the__iter__ method will make additionalExportTensorboardTimeSeriesData requests and continue to iteratethrough thetime_series_data_points field on thecorresponding responses.

All the usualExportTensorboardTimeSeriesDataResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListTensorboardExperimentsAsyncPager

A pager for iterating throughlist_tensorboard_experiments requests.

This class thinly wraps an initialListTensorboardExperimentsResponse object, andprovides an__aiter__ method to iterate through itstensorboard_experiments field.

If there are more pages, the__aiter__ method will make additionalListTensorboardExperiments requests and continue to iteratethrough thetensorboard_experiments field on thecorresponding responses.

All the usualListTensorboardExperimentsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListTensorboardExperimentsPager

A pager for iterating throughlist_tensorboard_experiments requests.

This class thinly wraps an initialListTensorboardExperimentsResponse object, andprovides an__iter__ method to iterate through itstensorboard_experiments field.

If there are more pages, the__iter__ method will make additionalListTensorboardExperiments requests and continue to iteratethrough thetensorboard_experiments field on thecorresponding responses.

All the usualListTensorboardExperimentsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListTensorboardRunsAsyncPager

A pager for iterating throughlist_tensorboard_runs requests.

This class thinly wraps an initialListTensorboardRunsResponse object, andprovides an__aiter__ method to iterate through itstensorboard_runs field.

If there are more pages, the__aiter__ method will make additionalListTensorboardRuns requests and continue to iteratethrough thetensorboard_runs field on thecorresponding responses.

All the usualListTensorboardRunsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListTensorboardRunsPager

A pager for iterating throughlist_tensorboard_runs requests.

This class thinly wraps an initialListTensorboardRunsResponse object, andprovides an__iter__ method to iterate through itstensorboard_runs field.

If there are more pages, the__iter__ method will make additionalListTensorboardRuns requests and continue to iteratethrough thetensorboard_runs field on thecorresponding responses.

All the usualListTensorboardRunsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListTensorboardTimeSeriesAsyncPager

A pager for iterating throughlist_tensorboard_time_series requests.

This class thinly wraps an initialListTensorboardTimeSeriesResponse object, andprovides an__aiter__ method to iterate through itstensorboard_time_series field.

If there are more pages, the__aiter__ method will make additionalListTensorboardTimeSeries requests and continue to iteratethrough thetensorboard_time_series field on thecorresponding responses.

All the usualListTensorboardTimeSeriesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListTensorboardTimeSeriesPager

A pager for iterating throughlist_tensorboard_time_series requests.

This class thinly wraps an initialListTensorboardTimeSeriesResponse object, andprovides an__iter__ method to iterate through itstensorboard_time_series field.

If there are more pages, the__iter__ method will make additionalListTensorboardTimeSeries requests and continue to iteratethrough thetensorboard_time_series field on thecorresponding responses.

All the usualListTensorboardTimeSeriesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListTensorboardsAsyncPager

A pager for iterating throughlist_tensorboards requests.

This class thinly wraps an initialListTensorboardsResponse object, andprovides an__aiter__ method to iterate through itstensorboards field.

If there are more pages, the__aiter__ method will make additionalListTensorboards requests and continue to iteratethrough thetensorboards field on thecorresponding responses.

All the usualListTensorboardsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListTensorboardsPager

A pager for iterating throughlist_tensorboards requests.

This class thinly wraps an initialListTensorboardsResponse object, andprovides an__iter__ method to iterate through itstensorboards field.

If there are more pages, the__iter__ method will make additionalListTensorboards requests and continue to iteratethrough thetensorboards field on thecorresponding responses.

All the usualListTensorboardsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

VertexRagDataServiceAsyncClient

A service for managing user data for RAG.

VertexRagDataServiceClient

A service for managing user data for RAG.

ListRagCorporaAsyncPager

A pager for iterating throughlist_rag_corpora requests.

This class thinly wraps an initialListRagCorporaResponse object, andprovides an__aiter__ method to iterate through itsrag_corpora field.

If there are more pages, the__aiter__ method will make additionalListRagCorpora requests and continue to iteratethrough therag_corpora field on thecorresponding responses.

All the usualListRagCorporaResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListRagCorporaPager

A pager for iterating throughlist_rag_corpora requests.

This class thinly wraps an initialListRagCorporaResponse object, andprovides an__iter__ method to iterate through itsrag_corpora field.

If there are more pages, the__iter__ method will make additionalListRagCorpora requests and continue to iteratethrough therag_corpora field on thecorresponding responses.

All the usualListRagCorporaResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListRagFilesAsyncPager

A pager for iterating throughlist_rag_files requests.

This class thinly wraps an initialListRagFilesResponse object, andprovides an__aiter__ method to iterate through itsrag_files field.

If there are more pages, the__aiter__ method will make additionalListRagFiles requests and continue to iteratethrough therag_files field on thecorresponding responses.

All the usualListRagFilesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListRagFilesPager

A pager for iterating throughlist_rag_files requests.

This class thinly wraps an initialListRagFilesResponse object, andprovides an__iter__ method to iterate through itsrag_files field.

If there are more pages, the__iter__ method will make additionalListRagFiles requests and continue to iteratethrough therag_files field on thecorresponding responses.

All the usualListRagFilesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

VertexRagServiceAsyncClient

A service for retrieving relevant contexts.

VertexRagServiceClient

A service for retrieving relevant contexts.

VizierServiceAsyncClient

Vertex AI Vizier API.

Vertex AI Vizier is a service to solve blackbox optimizationproblems, such as tuning machine learning hyperparameters andsearching over deep learning architectures.

VizierServiceClient

Vertex AI Vizier API.

Vertex AI Vizier is a service to solve blackbox optimizationproblems, such as tuning machine learning hyperparameters andsearching over deep learning architectures.

ListStudiesAsyncPager

A pager for iterating throughlist_studies requests.

This class thinly wraps an initialListStudiesResponse object, andprovides an__aiter__ method to iterate through itsstudies field.

If there are more pages, the__aiter__ method will make additionalListStudies requests and continue to iteratethrough thestudies field on thecorresponding responses.

All the usualListStudiesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListStudiesPager

A pager for iterating throughlist_studies requests.

This class thinly wraps an initialListStudiesResponse object, andprovides an__iter__ method to iterate through itsstudies field.

If there are more pages, the__iter__ method will make additionalListStudies requests and continue to iteratethrough thestudies field on thecorresponding responses.

All the usualListStudiesResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListTrialsAsyncPager

A pager for iterating throughlist_trials requests.

This class thinly wraps an initialListTrialsResponse object, andprovides an__aiter__ method to iterate through itstrials field.

If there are more pages, the__aiter__ method will make additionalListTrials requests and continue to iteratethrough thetrials field on thecorresponding responses.

All the usualListTrialsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

ListTrialsPager

A pager for iterating throughlist_trials requests.

This class thinly wraps an initialListTrialsResponse object, andprovides an__iter__ method to iterate through itstrials field.

If there are more pages, the__iter__ method will make additionalListTrials requests and continue to iteratethrough thetrials field on thecorresponding responses.

All the usualListTrialsResponseattributes are available on the pager. If multiple requests are made, onlythe most recent response is retained, and thus used for attribute lookup.

AcceleratorType

Represents a hardware accelerator type.

AcceptPublisherModelEulaRequest

Request message forModelGardenService.AcceptPublisherModelEula.

ActiveLearningConfig

Parameters that configure the active learning pipeline.Active learning will label the data incrementally by severaliterations. For every iteration, it will select a batch of databased on the sampling strategy.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

AddContextArtifactsAndExecutionsRequest

Request message forMetadataService.AddContextArtifactsAndExecutions.

AddContextArtifactsAndExecutionsResponse

Response message forMetadataService.AddContextArtifactsAndExecutions.

AddContextChildrenRequest

Request message forMetadataService.AddContextChildren.

AddContextChildrenResponse

Response message forMetadataService.AddContextChildren.

AddExecutionEventsRequest

Request message forMetadataService.AddExecutionEvents.

AddExecutionEventsResponse

Response message forMetadataService.AddExecutionEvents.

AddTrialMeasurementRequest

Request message forVizierService.AddTrialMeasurement.

AggregationOutput

The aggregation result for the entire dataset and allmetrics.

AggregationResult

The aggregation result for a single metric.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

Annotation

Used to assign specific AnnotationSpec to a particular areaof a DataItem or the whole part of the DataItem.

LabelsEntry

The abstract base class for a message.

AnnotationSpec

Identifies a concept with which DataItems may be annotatedwith.

ApiAuth

The generic reusable api auth config.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ApiKeyConfig

The API secret.

AppendEventRequest

Request message forSessionService.AppendEvent.

AppendEventResponse

Response message forSessionService.AppendEvent.

Artifact

Instance of a general artifact.

LabelsEntry

The abstract base class for a message.

State

Describes the state of the Artifact.

ArtifactTypeSchema

The definition of a artifact type in MLMD.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

AssembleDataOperationMetadata

Runtime operation information forDatasetService.AssembleData.

AssembleDataRequest

Request message forDatasetService.AssembleData.Used only for MULTIMODAL datasets.

AssembleDataResponse

Response message forDatasetService.AssembleData.

AssessDataOperationMetadata

Runtime operation information forDatasetService.AssessData.

AssessDataRequest

Request message forDatasetService.AssessData.Used only for MULTIMODAL datasets.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

BatchPredictionResourceUsageAssessmentConfig

Configuration for the batch prediction resource usageassessment.

BatchPredictionValidationAssessmentConfig

Configuration for the batch prediction validation assessment.

TuningResourceUsageAssessmentConfig

Configuration for the tuning resource usage assessment.

TuningValidationAssessmentConfig

Configuration for the tuning validation assessment.

DatasetUsage

The dataset usage (e.g. training/validation).

AssessDataResponse

Response message forDatasetService.AssessData.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

BatchPredictionResourceUsageAssessmentResult

The result of the batch prediction resource usage assessment.

BatchPredictionValidationAssessmentResult

The result of the batch prediction validation assessment.

TuningResourceUsageAssessmentResult

The result of the tuning resource usage assessment.

TuningValidationAssessmentResult

The result of the tuning validation assessment.

AssignNotebookRuntimeOperationMetadata

Metadata information forNotebookService.AssignNotebookRuntime.

AssignNotebookRuntimeRequest

Request message forNotebookService.AssignNotebookRuntime.

Attribution

Attribution that explains a particular prediction output.

AugmentPromptRequest

Request message for AugmentPrompt.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

Model

Metadata of the backend deployed model.

AugmentPromptResponse

Response message for AugmentPrompt.

AuthConfig

Auth configuration to run the extension.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ApiKeyConfig

Config for authentication with API key.

GoogleServiceAccountConfig

Config for Google Service Account Authentication.

HttpBasicAuthConfig

Config for HTTP Basic Authentication.

OauthConfig

Config for user oauth.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

OidcConfig

Config for user OIDC auth.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

AuthType

Type of Auth.

AutomaticResources

A description of resources that to large degree are decidedby Vertex AI, and require only a modest additionalconfiguration. Each Model supporting these resources documentsits specific guidelines.

AutoraterConfig

The configs for autorater. This is applicable to bothEvaluateInstances and EvaluateDataset.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

AutoscalingMetricSpec

The metric specification that defines the target resourceutilization (CPU utilization, accelerator's duty cycle, and soon) for calculating the desired replica count.

MonitoredResourceLabelsEntry

The abstract base class for a message.

AvroSource

The storage details for Avro input content.

BatchCancelPipelineJobsOperationMetadata

Runtime operation information forPipelineService.BatchCancelPipelineJobs.

BatchCancelPipelineJobsRequest

Request message forPipelineService.BatchCancelPipelineJobs.

BatchCancelPipelineJobsResponse

Response message forPipelineService.BatchCancelPipelineJobs.

BatchCreateFeaturesOperationMetadata

Details of operations that perform batch create Features.

BatchCreateFeaturesRequest

Request message forFeaturestoreService.BatchCreateFeatures.Request message forFeatureRegistryService.BatchCreateFeatures.

BatchCreateFeaturesResponse

Response message forFeaturestoreService.BatchCreateFeatures.

BatchCreateTensorboardRunsRequest

Request message forTensorboardService.BatchCreateTensorboardRuns.

BatchCreateTensorboardRunsResponse

Response message forTensorboardService.BatchCreateTensorboardRuns.

BatchCreateTensorboardTimeSeriesRequest

Request message forTensorboardService.BatchCreateTensorboardTimeSeries.

BatchCreateTensorboardTimeSeriesResponse

Response message forTensorboardService.BatchCreateTensorboardTimeSeries.

BatchDedicatedResources

A description of resources that are used for performing batchoperations, are dedicated to a Model, and need manualconfiguration.

BatchDeletePipelineJobsRequest

Request message forPipelineService.BatchDeletePipelineJobs.

BatchDeletePipelineJobsResponse

Response message forPipelineService.BatchDeletePipelineJobs.

BatchImportEvaluatedAnnotationsRequest

Request message forModelService.BatchImportEvaluatedAnnotations

BatchImportEvaluatedAnnotationsResponse

Response message forModelService.BatchImportEvaluatedAnnotations

BatchImportModelEvaluationSlicesRequest

Request message forModelService.BatchImportModelEvaluationSlices

BatchImportModelEvaluationSlicesResponse

Response message forModelService.BatchImportModelEvaluationSlices

BatchMigrateResourcesOperationMetadata

Runtime operation information forMigrationService.BatchMigrateResources.

PartialResult

Represents a partial result in batch migration operation for oneMigrateResourceRequest.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

BatchMigrateResourcesRequest

Request message forMigrationService.BatchMigrateResources.

BatchMigrateResourcesResponse

Response message forMigrationService.BatchMigrateResources.

BatchPredictionJob

A job that uses aModel toproduce predictions on multiple [inputinstances][google.cloud.aiplatform.v1beta1.BatchPredictionJob.input_config].If predictions for significant portion of the instances fail, thejob may finish without attempting predictions for all remaininginstances.

InputConfig

Configures the input toBatchPredictionJob.SeeModel.supported_input_storage_formatsfor Model's supported input formats, and how instances should beexpressed via any of them.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

InstanceConfig

Configuration defining how to transform batch predictioninput instances to the instances that the Model accepts.

LabelsEntry

The abstract base class for a message.

OutputConfig

Configures the output ofBatchPredictionJob.SeeModel.supported_output_storage_formatsfor supported output formats, and how predictions are expressed viaany of them.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

OutputInfo

Further describes this job's output. Supplementsoutput_config.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

BatchReadFeatureValuesOperationMetadata

Details of operations that batch reads Feature values.

BatchReadFeatureValuesRequest

Request message forFeaturestoreService.BatchReadFeatureValues.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

EntityTypeSpec

Selects Features of an EntityType to read values of andspecifies read settings.

PassThroughField

Describe pass-through fields in read_instance source.

BatchReadFeatureValuesResponse

Response message forFeaturestoreService.BatchReadFeatureValues.

BatchReadTensorboardTimeSeriesDataRequest

Request message forTensorboardService.BatchReadTensorboardTimeSeriesData.

BatchReadTensorboardTimeSeriesDataResponse

Response message forTensorboardService.BatchReadTensorboardTimeSeriesData.

BigQueryDestination

The BigQuery location for the output content.

BigQuerySource

The BigQuery location for the input content.

BleuInput

Input for bleu metric.

BleuInstance

Spec for bleu instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

BleuMetricValue

Bleu metric value for an instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

BleuResults

Results for bleu metric.

BleuSpec

Spec for bleu score metric - calculates the precision ofn-grams in the prediction as compared to reference - returns ascore ranging between 0 to 1.

Blob

Content blob.

It's preferred to send astext directly ratherthan raw bytes.

BlurBaselineConfig

Config for blur baseline.

When enabled, a linear path from the maximally blurred image tothe input image is created. Using a blurred baseline instead ofzero (black image) is motivated by the BlurIG approach explainedhere:

https://arxiv.org/abs/2004.03383

BoolArray

A list of boolean values.

CachedContent

A resource used in LLM queries for users to explicitlyspecify what to cache and how to cache.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

UsageMetadata

Metadata on the usage of the cached content.

CancelBatchPredictionJobRequest

Request message forJobService.CancelBatchPredictionJob.

CancelCustomJobRequest

Request message forJobService.CancelCustomJob.

CancelDataLabelingJobRequest

Request message forJobService.CancelDataLabelingJob.

CancelHyperparameterTuningJobRequest

Request message forJobService.CancelHyperparameterTuningJob.

CancelNasJobRequest

Request message forJobService.CancelNasJob.

CancelPipelineJobRequest

Request message forPipelineService.CancelPipelineJob.

CancelTrainingPipelineRequest

Request message forPipelineService.CancelTrainingPipeline.

CancelTuningJobRequest

Request message forGenAiTuningService.CancelTuningJob.

Candidate

A response candidate generated from the model.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

FinishReason

The reason why the model stopped generating tokens.If empty, the model has not stopped generating the tokens.

ChatCompletionsRequest

Request message for [PredictionService.ChatCompletions]

CheckPublisherModelEulaAcceptanceRequest

Request message for [ModelGardenService.CheckPublisherModelEula][].

CheckTrialEarlyStoppingStateMetatdata

This message will be placed in the metadata field of agoogle.longrunning.Operation associated with aCheckTrialEarlyStoppingState request.

CheckTrialEarlyStoppingStateRequest

Request message forVizierService.CheckTrialEarlyStoppingState.

CheckTrialEarlyStoppingStateResponse

Response message forVizierService.CheckTrialEarlyStoppingState.

Checkpoint

Describes the machine learning model version checkpoint.

Citation

Source attributions for content.

CitationMetadata

A collection of source attributions for a piece of content.

Claim

Claim that is extracted from the input text and facts thatsupport it.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ClientConnectionConfig

Configurations (e.g. inference timeout) that are applied onyour endpoints.

CodeExecutionResult

Result of executing the [ExecutableCode].

Always follows apart containing the [ExecutableCode].

Outcome

Enumeration of possible outcomes of the code execution.

CoherenceInput

Input for coherence metric.

CoherenceInstance

Spec for coherence instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

CoherenceResult

Spec for coherence result.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

CoherenceSpec

Spec for coherence score metric.

ColabImage

Colab image of the runtime.

CometInput

Input for Comet metric.

CometInstance

Spec for Comet instance - The fields used for evaluation aredependent on the comet version.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

CometResult

Spec for Comet result - calculates the comet score for thegiven instance using the version specified in the spec.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

CometSpec

Spec for Comet metric.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

CometVersion

Comet version options.

CompleteTrialRequest

Request message forVizierService.CompleteTrial.

CompletionStats

Success and error statistics of processing multiple entities(for example, DataItems or structured data rows) in batch.

ComputeTokensRequest

Request message for ComputeTokens RPC call.

ComputeTokensResponse

Response message for ComputeTokens RPC call.

ContainerRegistryDestination

The Container Registry location for the container image.

ContainerSpec

The spec of a Container.

Content

The base structured datatype containing multi-part content of amessage.

AContent includes arole field designating the producer oftheContent and aparts field containing multi-part datathat contains the content of the message turn.

ContentMap

Map of placeholder in metric prompt template to contents ofmodel input.

Contents

Repeated Content type.

ValuesEntry

The abstract base class for a message.

ContentsExample

A single example of a conversation with the model.

ExpectedContent

A single step of the expected output.

Context

Instance of a general context.

LabelsEntry

The abstract base class for a message.

CopyModelOperationMetadata

Details ofModelService.CopyModeloperation.

CopyModelRequest

Request message forModelService.CopyModel.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

CopyModelResponse

Response message ofModelService.CopyModeloperation.

CorpusStatus

RagCorpus status.

State

RagCorpus life state.

CorroborateContentRequest

Request message for CorroborateContent.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

Parameters

Parameters that can be overrided per request.

CorroborateContentResponse

Response message for CorroborateContent.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

CountTokensRequest

Request message forPredictionService.CountTokens.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

CountTokensResponse

Response message forPredictionService.CountTokens.

CreateArtifactRequest

Request message forMetadataService.CreateArtifact.

CreateBatchPredictionJobRequest

Request message forJobService.CreateBatchPredictionJob.

CreateCachedContentRequest

Request message forGenAiCacheService.CreateCachedContent.

CreateContextRequest

Request message forMetadataService.CreateContext.

CreateCustomJobRequest

Request message forJobService.CreateCustomJob.

CreateDataLabelingJobRequest

Request message forJobService.CreateDataLabelingJob.

CreateDatasetOperationMetadata

Runtime operation information forDatasetService.CreateDataset.

CreateDatasetRequest

Request message forDatasetService.CreateDataset.

CreateDatasetVersionOperationMetadata

Runtime operation information forDatasetService.CreateDatasetVersion.

CreateDatasetVersionRequest

Request message forDatasetService.CreateDatasetVersion.

CreateDeploymentResourcePoolOperationMetadata

Runtime operation information forCreateDeploymentResourcePool method.

CreateDeploymentResourcePoolRequest

Request message for CreateDeploymentResourcePool method.

CreateEndpointOperationMetadata

Runtime operation information forEndpointService.CreateEndpoint.

CreateEndpointRequest

Request message forEndpointService.CreateEndpoint.

CreateEntityTypeOperationMetadata

Details of operations that perform create EntityType.

CreateEntityTypeRequest

Request message forFeaturestoreService.CreateEntityType.

CreateExampleStoreOperationMetadata

Details ofExampleStoreService.CreateExampleStoreoperation.

CreateExampleStoreRequest

Request message forExampleStoreService.CreateExampleStore.

CreateExecutionRequest

Request message forMetadataService.CreateExecution.

CreateFeatureGroupOperationMetadata

Details of operations that perform create FeatureGroup.

CreateFeatureGroupRequest

Request message forFeatureRegistryService.CreateFeatureGroup.

CreateFeatureMonitorJobRequest

Request message for[FeatureRegistryService.CreateFeatureMonitorJobRequest][].

CreateFeatureMonitorOperationMetadata

Details of operations that perform create FeatureMonitor.

CreateFeatureMonitorRequest

Request message for[FeatureRegistryService.CreateFeatureMonitorRequest][].

CreateFeatureOnlineStoreOperationMetadata

Details of operations that perform create FeatureOnlineStore.

CreateFeatureOnlineStoreRequest

Request message forFeatureOnlineStoreAdminService.CreateFeatureOnlineStore.

CreateFeatureOperationMetadata

Details of operations that perform create Feature.

CreateFeatureRequest

Request message forFeaturestoreService.CreateFeature.Request message forFeatureRegistryService.CreateFeature.

CreateFeatureViewOperationMetadata

Details of operations that perform create FeatureView.

CreateFeatureViewRequest

Request message forFeatureOnlineStoreAdminService.CreateFeatureView.

CreateFeaturestoreOperationMetadata

Details of operations that perform create Featurestore.

CreateFeaturestoreRequest

Request message forFeaturestoreService.CreateFeaturestore.

CreateHyperparameterTuningJobRequest

Request message forJobService.CreateHyperparameterTuningJob.

CreateIndexEndpointOperationMetadata

Runtime operation information forIndexEndpointService.CreateIndexEndpoint.

CreateIndexEndpointRequest

Request message forIndexEndpointService.CreateIndexEndpoint.

CreateIndexOperationMetadata

Runtime operation information forIndexService.CreateIndex.

CreateIndexRequest

Request message forIndexService.CreateIndex.

CreateMemoryOperationMetadata

Details ofMemoryBankService.CreateMemoryoperation.

CreateMemoryRequest

Request message forMemoryBankService.CreateMemory.

CreateMetadataSchemaRequest

Request message forMetadataService.CreateMetadataSchema.

CreateMetadataStoreOperationMetadata

Details of operations that performMetadataService.CreateMetadataStore.

CreateMetadataStoreRequest

Request message forMetadataService.CreateMetadataStore.

CreateModelDeploymentMonitoringJobRequest

Request message forJobService.CreateModelDeploymentMonitoringJob.

CreateModelMonitorOperationMetadata

Runtime operation information forModelMonitoringService.CreateModelMonitor.

CreateModelMonitorRequest

Request message forModelMonitoringService.CreateModelMonitor.

CreateModelMonitoringJobRequest

Request message forModelMonitoringService.CreateModelMonitoringJob.

CreateNasJobRequest

Request message forJobService.CreateNasJob.

CreateNotebookExecutionJobOperationMetadata

Metadata information forNotebookService.CreateNotebookExecutionJob.

CreateNotebookExecutionJobRequest

Request message for [NotebookService.CreateNotebookExecutionJob]

CreateNotebookRuntimeTemplateOperationMetadata

Metadata information forNotebookService.CreateNotebookRuntimeTemplate.

CreateNotebookRuntimeTemplateRequest

Request message forNotebookService.CreateNotebookRuntimeTemplate.

CreatePersistentResourceOperationMetadata

Details of operations that perform create PersistentResource.

CreatePersistentResourceRequest

Request message forPersistentResourceService.CreatePersistentResource.

CreatePipelineJobRequest

Request message forPipelineService.CreatePipelineJob.

CreateRagCorpusOperationMetadata

Runtime operation information forVertexRagDataService.CreateRagCorpus.

CreateRagCorpusRequest

Request message forVertexRagDataService.CreateRagCorpus.

CreateReasoningEngineOperationMetadata

Details ofReasoningEngineService.CreateReasoningEngineoperation.

CreateReasoningEngineRequest

Request message forReasoningEngineService.CreateReasoningEngine.

CreateRegistryFeatureOperationMetadata

Details of operations that perform create FeatureGroup.

CreateScheduleRequest

Request message forScheduleService.CreateSchedule.

CreateSessionOperationMetadata

Metadata associated with theSessionService.CreateSessionoperation.

CreateSessionRequest

Request message forSessionService.CreateSession.

CreateSpecialistPoolOperationMetadata

Runtime operation information forSpecialistPoolService.CreateSpecialistPool.

CreateSpecialistPoolRequest

Request message forSpecialistPoolService.CreateSpecialistPool.

CreateStudyRequest

Request message forVizierService.CreateStudy.

CreateTensorboardExperimentRequest

Request message forTensorboardService.CreateTensorboardExperiment.

CreateTensorboardOperationMetadata

Details of operations that perform create Tensorboard.

CreateTensorboardRequest

Request message forTensorboardService.CreateTensorboard.

CreateTensorboardRunRequest

Request message forTensorboardService.CreateTensorboardRun.

CreateTensorboardTimeSeriesRequest

Request message forTensorboardService.CreateTensorboardTimeSeries.

CreateTrainingPipelineRequest

Request message forPipelineService.CreateTrainingPipeline.

CreateTrialRequest

Request message forVizierService.CreateTrial.

CreateTuningJobRequest

Request message forGenAiTuningService.CreateTuningJob.

CsvDestination

The storage details for CSV output content.

CsvSource

The storage details for CSV input content.

CustomJob

Represents a job that runs custom workloads such as a Dockercontainer or a Python package. A CustomJob can have multipleworker pools and each worker pool can have its own machine andinput spec. A CustomJob will be cleaned up once the job entersterminal state (failed or succeeded).

LabelsEntry

The abstract base class for a message.

WebAccessUrisEntry

The abstract base class for a message.

CustomJobSpec

Represents the spec of a CustomJob.

CustomOutput

Spec for custom output.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

CustomOutputFormatConfig

Spec for custom output format configuration.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

DataItem

A piece of data in a Dataset. Could be an image, a video, adocument or plain text.

LabelsEntry

The abstract base class for a message.

DataItemView

A container for a single DataItem and Annotations on it.

DataLabelingJob

DataLabelingJob is used to trigger a human labeling job onunlabeled data from the following Dataset:

AnnotationLabelsEntry

The abstract base class for a message.

LabelsEntry

The abstract base class for a message.

Dataset

A collection of DataItems and Annotations on them.

LabelsEntry

The abstract base class for a message.

DatasetDistribution

Distribution computed over a tuning dataset.

DistributionBucket

Dataset bucket used to create a histogram for thedistribution given a population of values.

DatasetStats

Statistics computed over a tuning dataset.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

DatasetVersion

Describes the dataset version.

DedicatedResources

A description of resources that are dedicated to aDeployedModel or DeployedIndex, and that need a higher degree ofmanual configuration.

ScaleToZeroSpec

Specification for scale-to-zero feature.

DeleteArtifactRequest

Request message forMetadataService.DeleteArtifact.

DeleteBatchPredictionJobRequest

Request message forJobService.DeleteBatchPredictionJob.

DeleteCachedContentRequest

Request message forGenAiCacheService.DeleteCachedContent.

DeleteContextRequest

Request message forMetadataService.DeleteContext.

DeleteCustomJobRequest

Request message forJobService.DeleteCustomJob.

DeleteDataLabelingJobRequest

Request message forJobService.DeleteDataLabelingJob.

DeleteDatasetRequest

Request message forDatasetService.DeleteDataset.

DeleteDatasetVersionRequest

Request message forDatasetService.DeleteDatasetVersion.

DeleteDeploymentResourcePoolRequest

Request message for DeleteDeploymentResourcePool method.

DeleteEndpointRequest

Request message forEndpointService.DeleteEndpoint.

DeleteEntityTypeRequest

Request message for [FeaturestoreService.DeleteEntityTypes][].

DeleteExampleStoreOperationMetadata

Details ofExampleStoreService.DeleteExampleStoreoperation.

DeleteExampleStoreRequest

Request message forExampleStoreService.DeleteExampleStore.

DeleteExecutionRequest

Request message forMetadataService.DeleteExecution.

DeleteExtensionRequest

Request message forExtensionRegistryService.DeleteExtension.

DeleteFeatureGroupRequest

Request message forFeatureRegistryService.DeleteFeatureGroup.

DeleteFeatureMonitorRequest

Request message forFeatureRegistryService.DeleteFeatureMonitor.

DeleteFeatureOnlineStoreRequest

Request message forFeatureOnlineStoreAdminService.DeleteFeatureOnlineStore.

DeleteFeatureRequest

Request message forFeaturestoreService.DeleteFeature.Request message forFeatureRegistryService.DeleteFeature.

DeleteFeatureValuesOperationMetadata

Details of operations that delete Feature values.

DeleteFeatureValuesRequest

Request message forFeaturestoreService.DeleteFeatureValues.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

SelectEntity

Message to select entity.If an entity id is selected, all the feature valuescorresponding to the entity id will be deleted, including theentityId.

SelectTimeRangeAndFeature

Message to select time range and feature.Values of the selected feature generated within an inclusivetime range will be deleted. Using this option permanentlydeletes the feature values from the specified feature IDs withinthe specified time range. This might include data from theonline storage. If you want to retain any deleted historicaldata in the online storage, you must re-ingest it.

DeleteFeatureValuesResponse

Response message forFeaturestoreService.DeleteFeatureValues.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

SelectEntity

Response message if the request uses the SelectEntity option.

SelectTimeRangeAndFeature

Response message if the request uses theSelectTimeRangeAndFeature option.

DeleteFeatureViewRequest

Request message for[FeatureOnlineStoreAdminService.DeleteFeatureViews][].

DeleteFeaturestoreRequest

Request message forFeaturestoreService.DeleteFeaturestore.

DeleteHyperparameterTuningJobRequest

Request message forJobService.DeleteHyperparameterTuningJob.

DeleteIndexEndpointRequest

Request message forIndexEndpointService.DeleteIndexEndpoint.

DeleteIndexRequest

Request message forIndexService.DeleteIndex.

DeleteMemoryOperationMetadata

Details ofMemoryBankService.DeleteMemoryoperation.

DeleteMemoryRequest

Request message forMemoryBankService.DeleteMemory.

DeleteMetadataStoreOperationMetadata

Details of operations that performMetadataService.DeleteMetadataStore.

DeleteMetadataStoreRequest

Request message forMetadataService.DeleteMetadataStore.

DeleteModelDeploymentMonitoringJobRequest

Request message forJobService.DeleteModelDeploymentMonitoringJob.

DeleteModelMonitorRequest

Request message forModelMonitoringService.DeleteModelMonitor.

DeleteModelMonitoringJobRequest

Request message forModelMonitoringService.DeleteModelMonitoringJob.

DeleteModelRequest

Request message forModelService.DeleteModel.

DeleteModelVersionRequest

Request message forModelService.DeleteModelVersion.

DeleteNasJobRequest

Request message forJobService.DeleteNasJob.

DeleteNotebookExecutionJobRequest

Request message for [NotebookService.DeleteNotebookExecutionJob]

DeleteNotebookRuntimeRequest

Request message forNotebookService.DeleteNotebookRuntime.

DeleteNotebookRuntimeTemplateRequest

Request message forNotebookService.DeleteNotebookRuntimeTemplate.

DeleteOperationMetadata

Details of operations that perform deletes of any entities.

DeletePersistentResourceRequest

Request message forPersistentResourceService.DeletePersistentResource.

DeletePipelineJobRequest

Request message forPipelineService.DeletePipelineJob.

DeleteRagCorpusRequest

Request message forVertexRagDataService.DeleteRagCorpus.

DeleteRagFileRequest

Request message forVertexRagDataService.DeleteRagFile.

DeleteReasoningEngineRequest

Request message forReasoningEngineService.DeleteReasoningEngine.

DeleteSavedQueryRequest

Request message forDatasetService.DeleteSavedQuery.

DeleteScheduleRequest

Request message forScheduleService.DeleteSchedule.

DeleteSessionRequest

Request message forSessionService.DeleteSession.

DeleteSpecialistPoolRequest

Request message forSpecialistPoolService.DeleteSpecialistPool.

DeleteStudyRequest

Request message forVizierService.DeleteStudy.

DeleteTensorboardExperimentRequest

Request message forTensorboardService.DeleteTensorboardExperiment.

DeleteTensorboardRequest

Request message forTensorboardService.DeleteTensorboard.

DeleteTensorboardRunRequest

Request message forTensorboardService.DeleteTensorboardRun.

DeleteTensorboardTimeSeriesRequest

Request message forTensorboardService.DeleteTensorboardTimeSeries.

DeleteTrainingPipelineRequest

Request message forPipelineService.DeleteTrainingPipeline.

DeleteTrialRequest

Request message forVizierService.DeleteTrial.

DeployIndexOperationMetadata

Runtime operation information forIndexEndpointService.DeployIndex.

DeployIndexRequest

Request message forIndexEndpointService.DeployIndex.

DeployIndexResponse

Response message forIndexEndpointService.DeployIndex.

DeployModelOperationMetadata

Runtime operation information forEndpointService.DeployModel.

DeployModelRequest

Request message forEndpointService.DeployModel.

TrafficSplitEntry

The abstract base class for a message.

DeployModelResponse

Response message forEndpointService.DeployModel.

DeployOperationMetadata

Runtime operation information forModelGardenService.Deploy.

DeployPublisherModelOperationMetadata

Runtime operation information forModelGardenService.DeployPublisherModel.

DeployPublisherModelRequest

Request message forModelGardenService.DeployPublisherModel.

DeployPublisherModelResponse

Response message forModelGardenService.DeployPublisherModel.

DeployRequest

Request message forModelGardenService.Deploy.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

CustomModel

The custom model to deploy from model weights in a GoogleCloud Storage URI or Model Registry model.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

DeployConfig

The deploy config to use for the deployment.

SystemLabelsEntry

The abstract base class for a message.

EndpointConfig

The endpoint config to use for the deployment.

ModelConfig

The model config to use for the deployment.

DeployResponse

Response message forModelGardenService.Deploy.

DeployedIndex

A deployment of an Index. IndexEndpoints contain one or moreDeployedIndexes.

DeployedIndexAuthConfig

Used to set up the auth on the DeployedIndex's privateendpoint.

AuthProvider

Configuration for an authentication provider, including support forJSON Web Token(JWT) <https://tools.ietf.org/html/draft-ietf-oauth-json-web-token-32>__.

DeployedIndexRef

Points to a DeployedIndex.

DeployedModel

A deployment of a Model. Endpoints contain one or moreDeployedModels.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

Status

Runtime status of the deployed model.

SystemLabelsEntry

The abstract base class for a message.

DeployedModelRef

Points to a DeployedModel.

DeploymentResourcePool

A description of resources that can be shared by multipleDeployedModels, whose underlying specification consists of aDedicatedResources.

DeploymentStage

Stage field indicating the current progress of a deployment.

DestinationFeatureSetting

DirectPredictRequest

Request message forPredictionService.DirectPredict.

DirectPredictResponse

Response message forPredictionService.DirectPredict.

DirectRawPredictRequest

Request message forPredictionService.DirectRawPredict.

DirectRawPredictResponse

Response message forPredictionService.DirectRawPredict.

DirectUploadSource

The input content is encapsulated and uploaded in therequest.

DiskSpec

Represents the spec of disk options.

DistillationDataStats

Statistics computed for datasets used for distillation.

DistillationHyperParameters

Hyperparameters for Distillation.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

DistillationSpec

Tuning Spec for Distillation.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

DnsPeeringConfig

DNS peering configuration. These configurations are used tocreate DNS peering zones in the Vertex tenant project VPC,enabling resolution of records within the specified domainhosted in the target network's Cloud DNS.

DoubleArray

A list of double values.

DynamicRetrievalConfig

Describes the options to customize dynamic retrieval.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

Mode

The mode of the predictor to be used in dynamic retrieval.

EncryptionSpec

Represents a customer-managed encryption key spec that can beapplied to a top-level resource.

Endpoint

Models are deployed into it, and afterwards Endpoint iscalled to obtain predictions and explanations.

LabelsEntry

The abstract base class for a message.

TrafficSplitEntry

The abstract base class for a message.

EnterpriseWebSearch

Tool to search public web data, powered by Vertex AI Searchand Sec4 compliance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

EntityIdSelector

Selector for entityId. Getting ids from the given source.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

EntityType

An entity type is a type of object in a system that needs tobe modeled and have stored information about. For example,driver is an entity type, and driver0 is an instance of anentity type driver.

LabelsEntry

The abstract base class for a message.

EnvVar

Represents an environment variable present in a Container orPython Module.

ErrorAnalysisAnnotation

Model error analysis for each annotation.

AttributedItem

Attributed items for a given annotation, typicallyrepresenting neighbors from the training sets constrained by thequery type.

QueryType

The query type used for finding the attributed items.

EvaluateDatasetOperationMetadata

Operation metadata for Dataset Evaluation.

EvaluateDatasetRequest

Request message for EvaluationService.EvaluateDataset.

EvaluateDatasetResponse

Response in LRO for EvaluationService.EvaluateDataset.

EvaluateDatasetRun

Evaluate Dataset Run Result for Tuning Job.

EvaluateInstancesRequest

Request message for EvaluationService.EvaluateInstances.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

EvaluateInstancesResponse

Response message for EvaluationService.EvaluateInstances.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

EvaluatedAnnotation

True positive, false positive, or false negative.

EvaluatedAnnotation is only available under ModelEvaluationSlicewith slice ofannotationSpec dimension.

EvaluatedAnnotationType

Describes the type of the EvaluatedAnnotation. The type isdetermined

EvaluatedAnnotationExplanation

Explanation result of the prediction produced by the Model.

EvaluationConfig

Evaluation Config for Tuning Job.

EvaluationDataset

The dataset used for evaluation.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

Event

An edge describing the relationship between an Artifact andan Execution in a lineage graph.

LabelsEntry

The abstract base class for a message.

Type

Describes whether an Event's Artifact is the Execution'sinput or output.

EventActions

Actions are parts of events that are executed by the agent.

ArtifactDeltaEntry

The abstract base class for a message.

EventMetadata

Metadata relating to a LLM response event.

ExactMatchInput

Input for exact match metric.

ExactMatchInstance

Spec for exact match instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ExactMatchMetricValue

Exact match metric value for an instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ExactMatchResults

Results for exact match metric.

ExactMatchSpec

Spec for exact match metric - returns 1 if prediction andreference exactly matches, otherwise 0.

Example

A single example to upload or read from the Example Store.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ExampleStore

Represents an executable service to manage and retrieveexamples.

ExampleStoreConfig

Configuration for the Example Store.

Examples

Example-based explainability that returns the nearestneighbors from the provided dataset.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ExampleGcsSource

The Cloud Storage input instances.

DataFormat

The format of the input example instances.

ExamplesArrayFilter

Filters for examples' array metadata fields. An array fieldis example metadata where multiple values are attributed to asingle example.

ArrayOperator

The logic to use for filtering.

ExamplesOverride

Overrides for example-based explanations.

DataFormat

Data format enum.

ExamplesRestrictionsNamespace

Restrictions namespace for example-based explanationsoverrides.

ExecutableCode

Code generated by the model that is meant to be executed, and theresult returned to the model.

Generated when using the [FunctionDeclaration] tool and[FunctionCallingConfig] mode is set to [Mode.CODE].

Language

Supported programming languages for the generated code.

ExecuteExtensionRequest

Request message forExtensionExecutionService.ExecuteExtension.

ExecuteExtensionResponse

Response message forExtensionExecutionService.ExecuteExtension.

Execution

Instance of a general execution.

LabelsEntry

The abstract base class for a message.

State

Describes the state of the Execution.

ExplainRequest

Request message forPredictionService.Explain.

ConcurrentExplanationSpecOverrideEntry

The abstract base class for a message.

ExplainResponse

Response message forPredictionService.Explain.

ConcurrentExplanation

This message is a wrapper grouping Concurrent Explanations.

ConcurrentExplanationsEntry

The abstract base class for a message.

Explanation

Explanation of a prediction (provided inPredictResponse.predictions)produced by the Model on a giveninstance.

ExplanationMetadata

Metadata describing the Model's input and output forexplanation.

InputMetadata

Metadata of the input of a feature.

Fields other thanInputMetadata.input_baselinesare applicable only for Models that are using Vertex AI-providedimages for Tensorflow.

Encoding

Defines how a feature is encoded. Defaults to IDENTITY.

    ::       input = [27, 6.0, 150]       index_feature_mapping = ["age", "height", "weight"]BAG_OF_FEATURES_SPARSE (3):    The tensor represents a bag of features where each index    maps to a feature. Zero values in the tensor indicates    feature being non-existent.    <xref uid="google.cloud.aiplatform.v1beta1.ExplanationMetadata.InputMetadata.index_feature_mapping">InputMetadata.index_feature_mapping</xref>    must be provided for this encoding. For example:    ::       input = [2, 0, 5, 0, 1]       index_feature_mapping = ["a", "b", "c", "d", "e"]INDICATOR (4):    The tensor is a list of binaries representing whether a    feature exists or not (1 indicates existence).    <xref uid="google.cloud.aiplatform.v1beta1.ExplanationMetadata.InputMetadata.index_feature_mapping">InputMetadata.index_feature_mapping</xref>    must be provided for this encoding. For example:    ::       input = [1, 0, 1, 0, 1]       index_feature_mapping = ["a", "b", "c", "d", "e"]COMBINED_EMBEDDING (5):    The tensor is encoded into a 1-dimensional array represented    by an encoded tensor.    <xref uid="google.cloud.aiplatform.v1beta1.ExplanationMetadata.InputMetadata.encoded_tensor_name">InputMetadata.encoded_tensor_name</xref>    must be provided for this encoding. For example:    ::       input = ["This", "is", "a", "test", "."]       encoded = [0.1, 0.2, 0.3, 0.4, 0.5]CONCAT_EMBEDDING (6):    Select this encoding when the input tensor is encoded into a    2-dimensional array represented by an encoded tensor.    <xref uid="google.cloud.aiplatform.v1beta1.ExplanationMetadata.InputMetadata.encoded_tensor_name">InputMetadata.encoded_tensor_name</xref>    must be provided for this encoding. The first dimension of    the encoded tensor's shape is the same as the input tensor's    shape. For example:    ::       input = ["This", "is", "a", "test", "."]       encoded = [[0.1, 0.2, 0.3, 0.4, 0.5],                  [0.2, 0.1, 0.4, 0.3, 0.5],                  [0.5, 0.1, 0.3, 0.5, 0.4],                  [0.5, 0.3, 0.1, 0.2, 0.4],                  [0.4, 0.3, 0.2, 0.5, 0.1]]

FeatureValueDomain

Domain details of the input feature value. Provides numericinformation about the feature, such as its range (min, max). If thefeature has been pre-processed, for example with z-scoring, then itprovides information about how to recover the original feature. Forexample, if the input feature is an image and it has beenpre-processed to obtain 0-mean and stddev = 1 values, thenoriginal_mean, and original_stddev refer to the mean and stddev ofthe original feature (e.g. image tensor) from which input feature(with mean = 0 and stddev = 1) was obtained.

Visualization

Visualization configurations for image explanation.

ColorMap

The color scheme used for highlighting areas.

OverlayType

How the original image is displayed in the visualization.

Polarity

Whether to only highlight pixels with positive contributions,negative or both. Defaults to POSITIVE.

Type

Type of the image visualization. Only applicable to [IntegratedGradientsattribution][google.cloud.aiplatform.v1beta1.ExplanationParameters.integrated_gradients_attribution].

InputsEntry

The abstract base class for a message.

OutputMetadata

Metadata of the prediction output to be explained.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

OutputsEntry

The abstract base class for a message.

ExplanationMetadataOverride

TheExplanationMetadataentries that can be overridden at [onlineexplanation][google.cloud.aiplatform.v1beta1.PredictionService.Explain]time.

InputMetadataOverride

The [inputmetadata][google.cloud.aiplatform.v1beta1.ExplanationMetadata.InputMetadata]entries to be overridden.

InputsEntry

The abstract base class for a message.

ExplanationParameters

Parameters to configure explaining for Model's predictions.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ExplanationSpec

Specification of Model explanation.

ExplanationSpecOverride

TheExplanationSpecentries that can be overridden at [onlineexplanation][google.cloud.aiplatform.v1beta1.PredictionService.Explain]time.

ExportDataConfig

Describes what part of the Dataset is to be exported, thedestination of the export and how to export.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ExportDataOperationMetadata

Runtime operation information forDatasetService.ExportData.

ExportDataRequest

Request message forDatasetService.ExportData.

ExportDataResponse

Response message forDatasetService.ExportData.

ExportFeatureValuesOperationMetadata

Details of operations that exports Features values.

ExportFeatureValuesRequest

Request message forFeaturestoreService.ExportFeatureValues.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

FullExport

Describes exporting all historical Feature values of all entities ofthe EntityType between [start_time, end_time].

SnapshotExport

Describes exporting the latest Feature values of all entities of theEntityType between [start_time, snapshot_time].

ExportFeatureValuesResponse

Response message forFeaturestoreService.ExportFeatureValues.

ExportFractionSplit

Assigns the input data to training, validation, and test sets as perthe given fractions. Any oftraining_fraction,validation_fraction andtest_fraction may optionally beprovided, they must sum to up to 1. If the provided ones sum to lessthan 1, the remainder is assigned to sets as decided by Vertex AI.If none of the fractions are set, by default roughly 80% of data isused for training, 10% for validation, and 10% for test.

ExportModelOperationMetadata

Details ofModelService.ExportModeloperation.

OutputInfo

Further describes the output of the ExportModel. SupplementsExportModelRequest.OutputConfig.

ExportModelRequest

Request message forModelService.ExportModel.

OutputConfig

Output configuration for the Model export.

ExportModelResponse

Response message ofModelService.ExportModeloperation.

ExportPublisherModelOperationMetadata

Runtime operation information forModelGardenService.ExportPublisherModel.

ExportPublisherModelRequest

Request message forModelGardenService.ExportPublisherModel.

ExportPublisherModelResponse

Response message forModelGardenService.ExportPublisherModel.

ExportTensorboardTimeSeriesDataRequest

Request message forTensorboardService.ExportTensorboardTimeSeriesData.

ExportTensorboardTimeSeriesDataResponse

Response message forTensorboardService.ExportTensorboardTimeSeriesData.

Extension

Extensions are tools for large language models to accessexternal data, run computations, etc.

ExtensionManifest

Manifest spec of an Extension needed for runtime execution.

ApiSpec

The API specification shown to the LLM.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ExtensionOperation

Operation of an extension.

ExtensionPrivateServiceConnectConfig

PrivateExtensionConfig configuration for the extension.

Fact

The fact used in grounding.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

FasterDeploymentConfig

Configuration for faster model deployment.

Feature

Feature Metadata information.For example, color is a feature that describes an apple.

LabelsEntry

The abstract base class for a message.

MonitoringStatsAnomaly

A list of historicalSnapshotAnalysisorImportFeaturesAnalysisstats requested by user, sorted byFeatureStatsAnomaly.start_timedescending.

Objective

If the objective in the request is bothImport Feature Analysis and Snapshot Analysis, this objectivecould be one of them. Otherwise, this objective should be thesame as the objective in the request.

ValueType

Only applicable for Vertex AI Legacy Feature Store.An enum representing the value type of a feature.

FeatureGroup

Vertex AI Feature Group.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

BigQuery

Input source type for BigQuery Tables and Views.

TimeSeries

LabelsEntry

The abstract base class for a message.

ServiceAgentType

Service agent type used during jobs under a FeatureGroup.

FeatureMonitor

Vertex AI Feature Monitor.

LabelsEntry

The abstract base class for a message.

FeatureMonitorJob

Vertex AI Feature Monitor Job.

FeatureMonitorJobTrigger

Choices of the trigger type.

JobSummary

Summary from the FeatureMonitorJob.

LabelsEntry

The abstract base class for a message.

FeatureNoiseSigma

Noise sigma by features. Noise sigma represents the standarddeviation of the gaussian kernel that will be used to add noiseto interpolated inputs prior to computing gradients.

NoiseSigmaForFeature

Noise sigma for a single feature.

FeatureOnlineStore

Vertex AI Feature Online Store provides a centralizedrepository for serving ML features and embedding indexes at lowlatency. The Feature Online Store is a top-level container.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

Bigtable

AutoScaling

BigtableMetadata

Metadata of the Bigtable instance. This is used by directread access to the Bigtable in tenant project.

DedicatedServingEndpoint

The dedicated serving endpoint for this FeatureOnlineStore.Only need to set when you choose Optimized storage type. Publicendpoint is provisioned by default.

EmbeddingManagement

Deprecated: This sub message is no longer needed anymore andembedding management is automatically enabled when specifyingOptimized storage type. Contains settings for embeddingmanagement.

LabelsEntry

The abstract base class for a message.

Optimized

Optimized storage type

State

Possible states a featureOnlineStore can have.

FeatureSelectionConfig

Feature selection configuration for the FeatureMonitor.

FeatureConfig

Feature configuration.

FeatureSelector

Selector for Features of an EntityType.

FeatureStatsAndAnomaly

Stats and Anomaly generated by FeatureMonitorJobs. Anomalyonly includes Drift.

FeatureStatsAndAnomalySpec

Defines how to select FeatureStatsAndAnomaly to be populatedin response. If set, retrieves FeatureStatsAndAnomaly generatedby FeatureMonitors based on this spec.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

FeatureStatsAnomaly

Stats and Anomaly generated at specific timestamp for specificFeature. The start_time and end_time are used to define the timerange of the dataset that current stats belongs to, e.g. predictiontraffic is bucketed into prediction datasets by time window. If theDataset is not defined by time window, start_time = end_time.Timestamp of the stats and anomalies always refers to end_time. Rawstats and anomalies are stored in stats_uri or anomaly_uri in thetensorflow defined protos. Field data_stats contains almostidentical information with the raw stats in Vertex AI defined proto,for UI to display.

FeatureValue

Value for a feature.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

Metadata

Metadata of feature value.

FeatureValueDestination

A destination location for Feature values and format.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

FeatureValueList

Container for list of values.

FeatureView

FeatureView is representation of values that theFeatureOnlineStore will serve based on its syncConfig.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

BigQuerySource

BigtableMetadata

Metadata for the Cloud Bigtable that supports directlyinteracting Bigtable instances.

FeatureRegistrySource

A Feature Registry source for features that need to be syncedto Online Store.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

FeatureGroup

Features belonging to a single feature group that will besynced to Online Store.

IndexConfig

Configuration for vector indexing.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

BruteForceConfig

Configuration options for using brute force search.

DistanceMeasureType

The distance measure used in nearest neighbor search.

    We strongly suggest using DOT_PRODUCT_DISTANCE +    UNIT_L2_NORM instead of COSINE distance. Our algorithms have    been more optimized for DOT_PRODUCT distance which, when    combined with UNIT_L2_NORM, is mathematically equivalent to    COSINE distance and results in the same ranking.DOT_PRODUCT_DISTANCE (3):    Dot Product Distance. Defined as a negative    of the dot product.

TreeAHConfig

Configuration options for the tree-AH algorithm.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

LabelsEntry

The abstract base class for a message.

OptimizedConfig

Configuration for FeatureViews created in OptimizedFeatureOnlineStore.

ServiceAgentType

Service agent type used during data sync.

SyncConfig

Configuration for Sync. Only one option is set.

VectorSearchConfig

Deprecated. UseIndexConfiginstead.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

DistanceMeasureType

    We strongly suggest using DOT_PRODUCT_DISTANCE +    UNIT_L2_NORM instead of COSINE distance. Our algorithms have    been more optimized for DOT_PRODUCT distance which, when    combined with UNIT_L2_NORM, is mathematically equivalent to    COSINE distance and results in the same ranking.DOT_PRODUCT_DISTANCE (3):    Dot Product Distance. Defined as a negative    of the dot product.

TreeAHConfig

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

VertexRagSource

A Vertex Rag source for features that need to be synced toOnline Store.

FeatureViewDataFormat

Format of the data in the Feature View.

FeatureViewDataKey

Lookup key for a feature view.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

CompositeKey

ID that is comprised from several parts (columns).

FeatureViewDirectWriteRequest

Request message forFeatureOnlineStoreService.FeatureViewDirectWrite.

DataKeyAndFeatureValues

A data key and associated feature values to write to thefeature view.

Feature

Feature name & value pair.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

FeatureValueAndTimestamp

Feature value and timestamp.

FeatureViewDirectWriteResponse

Response message forFeatureOnlineStoreService.FeatureViewDirectWrite.

WriteResponse

Details about the write for each key.

FeatureViewSync

FeatureViewSync is a representation of sync operation whichcopies data from data source to Feature View in Online Store.

SyncSummary

Summary from the Sync job. For continuous syncs, the summaryis updated periodically. For batch syncs, it gets updated oncompletion of the sync.

Featurestore

Vertex AI Feature Store provides a centralized repository fororganizing, storing, and serving ML features. The Featurestoreis a top-level container for your features and their values.

LabelsEntry

The abstract base class for a message.

OnlineServingConfig

OnlineServingConfig specifies the details for provisioningonline serving resources.

Scaling

Online serving scaling configuration. If min_node_count andmax_node_count are set to the same value, the cluster will beconfigured with the fixed number of node (no auto-scaling).

State

Possible states a featurestore can have.

FeaturestoreMonitoringConfig

Configuration of how features in Featurestore are monitored.

ImportFeaturesAnalysis

Configuration of the Featurestore's ImportFeature Analysis BasedMonitoring. This type of analysis generates statistics for values ofeach Feature imported by everyImportFeatureValuesoperation.

Baseline

Defines the baseline to do anomaly detection for feature valuesimported by eachImportFeatureValuesoperation.

State

The state defines whether to enable ImportFeature analysis.

SnapshotAnalysis

Configuration of the Featurestore's Snapshot Analysis BasedMonitoring. This type of analysis generates statistics for eachFeature based on a snapshot of the latest feature value of eachentities every monitoring_interval.

ThresholdConfig

The config for Featurestore Monitoring threshold.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

FetchExamplesRequest

Request message forExampleStoreService.FetchExamples.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

FetchExamplesResponse

Response message forExampleStoreService.FetchExamples.

FetchFeatureValuesRequest

Request message forFeatureOnlineStoreService.FetchFeatureValues.All the features under the requested feature view will be returned.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

Format

Format of the response data.

FetchFeatureValuesResponse

Response message forFeatureOnlineStoreService.FetchFeatureValues

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

FeatureNameValuePairList

Response structure in the format of key (feature name) and(feature) value pair.

FeatureNameValuePair

Feature name & value pair.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

FetchPublisherModelConfigRequest

Request message forEndpointService.FetchPublisherModelConfig.

FileData

URI based data.

FileStatus

RagFile status.

State

RagFile state.

FilterSplit

Assigns input data to training, validation, and test setsbased on the given filters, data pieces not matched by anyfilter are ignored. Currently only supported for Datasetscontaining DataItems.If any of the filters in this message are to match nothing, thenthey can be set as '-' (the minus sign).

Supported only for unstructured Datasets.

FindNeighborsRequest

The request message forMatchService.FindNeighbors.

Query

A query to find a number of the nearest neighbors (mostsimilar vectors) of a vector.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

RRF

Parameters for RRF algorithm that combines search results.

FindNeighborsResponse

The response message forMatchService.FindNeighbors.

NearestNeighbors

Nearest neighbors for one query.

Neighbor

A neighbor of the query vector.

FlexStart

FlexStart is used to schedule the deployment workload on DWSresource. It contains the max duration of the deployment.

FluencyInput

Input for fluency metric.

FluencyInstance

Spec for fluency instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

FluencyResult

Spec for fluency result.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

FluencySpec

Spec for fluency score metric.

FractionSplit

Assigns the input data to training, validation, and test sets as perthe given fractions. Any oftraining_fraction,validation_fraction andtest_fraction may optionally beprovided, they must sum to up to 1. If the provided ones sum to lessthan 1, the remainder is assigned to sets as decided by Vertex AI.If none of the fractions are set, by default roughly 80% of data isused for training, 10% for validation, and 10% for test.

FulfillmentInput

Input for fulfillment metric.

FulfillmentInstance

Spec for fulfillment instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

FulfillmentResult

Spec for fulfillment result.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

FulfillmentSpec

Spec for fulfillment metric.

FunctionCall

A predicted [FunctionCall] returned from the model that contains astring representing the [FunctionDeclaration.name] and a structuredJSON object containing the parameters and their values.

FunctionCallingConfig

Function calling config.

Mode

Function calling mode.

FunctionDeclaration

Structured representation of a function declaration as defined bytheOpenAPI 3.0specification <https://spec.openapis.org/oas/v3.0.3>__. Included inthis declaration are the function name, description, parameters andresponse type. This FunctionDeclaration is a representation of ablock of code that can be used as aTool by the model andexecuted by the client.

FunctionResponse

The result output from a [FunctionCall] that contains a stringrepresenting the [FunctionDeclaration.name] and a structured JSONobject containing any output from the function is used as context tothe model. This should contain the result of a [FunctionCall] madebased on model prediction.

GcsDestination

The Google Cloud Storage location where the output is to bewritten to.

GcsSource

The Google Cloud Storage location for the input content.

GeminiExample

Format for Gemini examples used for Vertex Multimodaldatasets.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

LabelsEntry

The abstract base class for a message.

GeminiRequestReadConfig

Configuration for how to read Gemini requests from amultimodal dataset.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

GeminiTemplateConfig

Template configuration to create Gemini examples from amultimodal dataset.

FieldMappingEntry

The abstract base class for a message.

GenAiAdvancedFeaturesConfig

Configuration for GenAiAdvancedFeatures.

RagConfig

Configuration for Retrieval Augmented Generation feature.

GenerateContentRequest

Request message for [PredictionService.GenerateContent].

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

LabelsEntry

The abstract base class for a message.

GenerateContentResponse

Response message for [PredictionService.GenerateContent].

PromptFeedback

Content filter results for a prompt sent in the request.

BlockedReason

Blocked reason enumeration.

UsageMetadata

Usage metadata about response(s).

GenerateFetchAccessTokenRequest

Request message for[FeatureOnlineStoreService.GenerateFetchAccessToken][].

GenerateFetchAccessTokenResponse

Response message for[FeatureOnlineStoreService.GenerateFetchAccessToken][].

GenerateMemoriesOperationMetadata

Details ofMemoryBankService.GenerateMemoriesoperation.

GenerateMemoriesRequest

Request message forMemoryBankService.GenerateMemories.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

DirectContentsSource

Defines a direct source of content from which to generate thememories.

Event

A single piece of conversation from which to generatememories.

DirectMemoriesSource

Defines a direct source of memories that should be uploadedto Memory Bank with consolidation.

DirectMemory

A direct memory to upload to Memory Bank.

ScopeEntry

The abstract base class for a message.

VertexSessionSource

Defines an Agent Engine Session from which to generate the memories.Ifscope is not provided, the scope will be extracted from theSession (i.e. {"user_id": sesison.user_id}).

GenerateMemoriesResponse

Response message forMemoryBankService.GenerateMemories.

GeneratedMemory

A memory generated by the operation.

Action

Actions that can be performed on a Memory.

GenerateVideoResponse

Generate video response.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

GenerationConfig

Generation config.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

MediaResolution

Media resolution for the input media.

Modality

The modalities of the response.

ModelConfig

Config for model selection.

FeatureSelectionPreference

Options for feature selection preference.

RoutingConfig

The configuration for routing the request to a specificmodel.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

AutoRoutingMode

When automated routing is specified, the routing will bedetermined by the pretrained routing model and customer providedmodel routing preference.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ModelRoutingPreference

The model routing preference.

ManualRoutingMode

When manual routing is set, the specified model will be useddirectly.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ThinkingConfig

Config for thinking features.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

GenericOperationMetadata

Generic Metadata shared by all operations.

GenieSource

Contains information about the source of the models generatedfrom Generative AI Studio.

GetAnnotationSpecRequest

Request message forDatasetService.GetAnnotationSpec.

GetArtifactRequest

Request message forMetadataService.GetArtifact.

GetBatchPredictionJobRequest

Request message forJobService.GetBatchPredictionJob.

GetCachedContentRequest

Request message forGenAiCacheService.GetCachedContent.

GetContextRequest

Request message forMetadataService.GetContext.

GetCustomJobRequest

Request message forJobService.GetCustomJob.

GetDataLabelingJobRequest

Request message forJobService.GetDataLabelingJob.

GetDatasetRequest

Request message forDatasetService.GetDataset.

GetDatasetVersionRequest

Request message forDatasetService.GetDatasetVersion.

GetDeploymentResourcePoolRequest

Request message for GetDeploymentResourcePool method.

GetEndpointRequest

Request message forEndpointService.GetEndpoint

GetEntityTypeRequest

Request message forFeaturestoreService.GetEntityType.

GetExampleStoreRequest

Request message forExampleStoreService.GetExampleStore.

GetExecutionRequest

Request message forMetadataService.GetExecution.

GetExtensionRequest

Request message forExtensionRegistryService.GetExtension.

GetFeatureGroupRequest

Request message forFeatureRegistryService.GetFeatureGroup.

GetFeatureMonitorJobRequest

Request message forFeatureRegistryService.GetFeatureMonitorJob.

GetFeatureMonitorRequest

Request message forFeatureRegistryService.GetFeatureMonitor.

GetFeatureOnlineStoreRequest

Request message forFeatureOnlineStoreAdminService.GetFeatureOnlineStore.

GetFeatureRequest

Request message forFeaturestoreService.GetFeature.Request message forFeatureRegistryService.GetFeature.

GetFeatureViewRequest

Request message forFeatureOnlineStoreAdminService.GetFeatureView.

GetFeatureViewSyncRequest

Request message forFeatureOnlineStoreAdminService.GetFeatureViewSync.

GetFeaturestoreRequest

Request message forFeaturestoreService.GetFeaturestore.

GetHyperparameterTuningJobRequest

Request message forJobService.GetHyperparameterTuningJob.

GetIndexEndpointRequest

Request message forIndexEndpointService.GetIndexEndpoint

GetIndexRequest

Request message forIndexService.GetIndex

GetMemoryRequest

Request message forMemoryBankService.GetMemory.

GetMetadataSchemaRequest

Request message forMetadataService.GetMetadataSchema.

GetMetadataStoreRequest

Request message forMetadataService.GetMetadataStore.

GetModelDeploymentMonitoringJobRequest

Request message forJobService.GetModelDeploymentMonitoringJob.

GetModelEvaluationRequest

Request message forModelService.GetModelEvaluation.

GetModelEvaluationSliceRequest

Request message forModelService.GetModelEvaluationSlice.

GetModelMonitorRequest

Request message forModelMonitoringService.GetModelMonitor.

GetModelMonitoringJobRequest

Request message forModelMonitoringService.GetModelMonitoringJob.

GetModelRequest

Request message forModelService.GetModel.

GetNasJobRequest

Request message forJobService.GetNasJob.

GetNasTrialDetailRequest

Request message forJobService.GetNasTrialDetail.

GetNotebookExecutionJobRequest

Request message for [NotebookService.GetNotebookExecutionJob]

GetNotebookRuntimeRequest

Request message forNotebookService.GetNotebookRuntime

GetNotebookRuntimeTemplateRequest

Request message forNotebookService.GetNotebookRuntimeTemplate

GetPersistentResourceRequest

Request message forPersistentResourceService.GetPersistentResource.

GetPipelineJobRequest

Request message forPipelineService.GetPipelineJob.

GetPublisherModelRequest

Request message forModelGardenService.GetPublisherModel

GetRagCorpusRequest

Request message forVertexRagDataService.GetRagCorpus

GetRagEngineConfigRequest

Request message forVertexRagDataService.GetRagEngineConfig

GetRagFileRequest

Request message forVertexRagDataService.GetRagFile

GetReasoningEngineRequest

Request message forReasoningEngineService.GetReasoningEngine.

GetScheduleRequest

Request message forScheduleService.GetSchedule.

GetSessionRequest

Request message forSessionService.GetSession.

GetSpecialistPoolRequest

Request message forSpecialistPoolService.GetSpecialistPool.

GetStudyRequest

Request message forVizierService.GetStudy.

GetTensorboardExperimentRequest

Request message forTensorboardService.GetTensorboardExperiment.

GetTensorboardRequest

Request message forTensorboardService.GetTensorboard.

GetTensorboardRunRequest

Request message forTensorboardService.GetTensorboardRun.

GetTensorboardTimeSeriesRequest

Request message forTensorboardService.GetTensorboardTimeSeries.

GetTrainingPipelineRequest

Request message forPipelineService.GetTrainingPipeline.

GetTrialRequest

Request message forVizierService.GetTrial.

GetTuningJobRequest

Request message forGenAiTuningService.GetTuningJob.

GoogleDriveSource

The Google Drive location for the input content.

ResourceId

The type and ID of the Google Drive resource.

ResourceType

The type of the Google Drive resource.

GoogleMaps

Tool to retrieve public maps data for grounding, powered byGoogle.

GoogleSearchRetrieval

Tool to retrieve public web data for grounding, powered byGoogle.

GroundednessInput

Input for groundedness metric.

GroundednessInstance

Spec for groundedness instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

GroundednessResult

Spec for groundedness result.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

GroundednessSpec

Spec for groundedness metric.

GroundingChunk

Grounding chunk.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

Maps

Chunk from Google Maps.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

PlaceAnswerSources

ReviewSnippet

Encapsulates a review snippet.

RetrievedContext

Chunk from context retrieved by the retrieval tools.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

Web

Chunk from the web.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

GroundingMetadata

Metadata returned to client when grounding is enabled.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

SourceFlaggingUri

Source content flagging uri for a place or review. This iscurrently populated only for Google Maps grounding.

GroundingSupport

Grounding support.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

HarmCategory

Harm categories that will block the content.

HttpElementLocation

Enum of location an HTTP element can be.

HyperparameterTuningJob

Represents a HyperparameterTuningJob. AHyperparameterTuningJob has a Study specification and multipleCustomJobs with identical CustomJob specification.

LabelsEntry

The abstract base class for a message.

IdMatcher

Matcher for Features of an EntityType by Feature ID.

ImageConfig

Config for image generation features.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ImportDataConfig

Describes the location from where we import data into aDataset, together with the labels that will be applied to theDataItems and the Annotations.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

AnnotationLabelsEntry

The abstract base class for a message.

DataItemLabelsEntry

The abstract base class for a message.

ImportDataOperationMetadata

Runtime operation information forDatasetService.ImportData.

ImportDataRequest

Request message forDatasetService.ImportData.

ImportDataResponse

Response message forDatasetService.ImportData.

ImportExtensionOperationMetadata

Details ofExtensionRegistryService.ImportExtensionoperation.

ImportExtensionRequest

Request message forExtensionRegistryService.ImportExtension.

ImportFeatureValuesOperationMetadata

Details of operations that perform import Feature values.

ImportFeatureValuesRequest

Request message forFeaturestoreService.ImportFeatureValues.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

FeatureSpec

Defines the Feature value(s) to import.

ImportFeatureValuesResponse

Response message forFeaturestoreService.ImportFeatureValues.

ImportIndexOperationMetadata

Runtime operation information forIndexService.ImportIndex.

ImportIndexRequest

Request message forIndexService.ImportIndex.

ConnectorConfig

Configuration for importing data from an external source.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

BigQuerySourceConfig

Configuration for importing data from a BigQuery table.

DatapointFieldMapping

Mapping of datapoint fields to column names for columnar datasources.

NumericRestrict

Restrictions on numeric values.

ValueType

The type of numeric value for the restrict.

Restrict

Restrictions on string values.

ImportModelEvaluationRequest

Request message forModelService.ImportModelEvaluation

ImportRagFilesConfig

Config for importing RagFiles.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ImportRagFilesOperationMetadata

Runtime operation information forVertexRagDataService.ImportRagFiles.

ImportRagFilesRequest

Request message forVertexRagDataService.ImportRagFiles.

ImportRagFilesResponse

Response message forVertexRagDataService.ImportRagFiles.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

Index

A representation of a collection of database items organizedin a way that allows for approximate nearest neighbor (a.k.aANN) algorithms search.

IndexUpdateMethod

The update method of an Index.

LabelsEntry

The abstract base class for a message.

IndexDatapoint

A datapoint of Index.

CrowdingTag

Crowding tag is a constraint on a neighbor list produced by nearestneighbor search requiring that no more than some value k' of the kneighbors returned have the same value of crowding_attribute.

NumericRestriction

This field allows restricts to be based on numericcomparisons rather than categorical tokens.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

Operator

Which comparison operator to use. Should be specified forqueries only; specifying this for a datapoint is an error.

Datapoints for which Operator is true relative to the query'sValue field will be allowlisted.

Restriction

Restriction of a datapoint which describe itsattributes(tokens) from each of several attributecategories(namespaces).

SparseEmbedding

Feature embedding vector for sparse index. An array ofnumbers whose values are located in the specified dimensions.

IndexEndpoint

Indexes are deployed into it. An IndexEndpoint can havemultiple DeployedIndexes.

LabelsEntry

The abstract base class for a message.

IndexPrivateEndpoints

IndexPrivateEndpoints proto is used to provide paths for users tosend requests via private endpoints (e.g. private service access,private service connect). To send request via private serviceaccess, use match_grpc_address. To send request via private serviceconnect, use service_attachment.

IndexStats

Stats of the Index.

InputDataConfig

Specifies Vertex AI owned input data to be used for training,and possibly evaluating, the Model.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

Int64Array

A list of int64 values.

IntegratedGradientsAttribution

An attribution method that computes the Aumann-Shapley valuetaking advantage of the model's fully differentiable structure.Refer to this paper for more details:https://arxiv.org/abs/1703.01365

JiraSource

The Jira source for the ImportRagFilesRequest.

JiraQueries

JiraQueries contains the Jira queries and correspondingauthentication.

JobState

Describes the state of a job.

LargeModelReference

Contains information about the Large Model.

LineageSubgraph

A subgraph of the overall lineage graph. Event edges connectArtifact and Execution nodes.

ListAnnotationsRequest

Request message forDatasetService.ListAnnotations.

ListAnnotationsResponse

Response message forDatasetService.ListAnnotations.

ListArtifactsRequest

Request message forMetadataService.ListArtifacts.

ListArtifactsResponse

Response message forMetadataService.ListArtifacts.

ListBatchPredictionJobsRequest

Request message forJobService.ListBatchPredictionJobs.

ListBatchPredictionJobsResponse

Response message forJobService.ListBatchPredictionJobs

ListCachedContentsRequest

Request to list CachedContents.

ListCachedContentsResponse

Response with a list of CachedContents.

ListContextsRequest

Request message forMetadataService.ListContexts

ListContextsResponse

Response message forMetadataService.ListContexts.

ListCustomJobsRequest

Request message forJobService.ListCustomJobs.

ListCustomJobsResponse

Response message forJobService.ListCustomJobs

ListDataItemsRequest

Request message forDatasetService.ListDataItems.

ListDataItemsResponse

Response message forDatasetService.ListDataItems.

ListDataLabelingJobsRequest

Request message forJobService.ListDataLabelingJobs.

ListDataLabelingJobsResponse

Response message forJobService.ListDataLabelingJobs.

ListDatasetVersionsRequest

Request message forDatasetService.ListDatasetVersions.

ListDatasetVersionsResponse

Response message forDatasetService.ListDatasetVersions.

ListDatasetsRequest

Request message forDatasetService.ListDatasets.

ListDatasetsResponse

Response message forDatasetService.ListDatasets.

ListDeploymentResourcePoolsRequest

Request message for ListDeploymentResourcePools method.

ListDeploymentResourcePoolsResponse

Response message for ListDeploymentResourcePools method.

ListEndpointsRequest

Request message forEndpointService.ListEndpoints.

ListEndpointsResponse

Response message forEndpointService.ListEndpoints.

ListEntityTypesRequest

Request message forFeaturestoreService.ListEntityTypes.

ListEntityTypesResponse

Response message forFeaturestoreService.ListEntityTypes.

ListEventsRequest

Request message forSessionService.ListEvents.

ListEventsResponse

Response message forSessionService.ListEvents.

ListExampleStoresRequest

Request message forExampleStoreService.ListExampleStores.

ListExampleStoresResponse

Response message forExampleStoreService.ListExampleStores.

ListExecutionsRequest

Request message forMetadataService.ListExecutions.

ListExecutionsResponse

Response message forMetadataService.ListExecutions.

ListExtensionsRequest

Request message forExtensionRegistryService.ListExtensions.

ListExtensionsResponse

Response message forExtensionRegistryService.ListExtensions

ListFeatureGroupsRequest

Request message forFeatureRegistryService.ListFeatureGroups.

ListFeatureGroupsResponse

Response message forFeatureRegistryService.ListFeatureGroups.

ListFeatureMonitorJobsRequest

Request message forFeatureRegistryService.ListFeatureMonitorJobs.

ListFeatureMonitorJobsResponse

Response message forFeatureRegistryService.ListFeatureMonitorJobs.

ListFeatureMonitorsRequest

Request message forFeatureRegistryService.ListFeatureMonitors.

ListFeatureMonitorsResponse

Response message forFeatureRegistryService.ListFeatureMonitors.

ListFeatureOnlineStoresRequest

Request message forFeatureOnlineStoreAdminService.ListFeatureOnlineStores.

ListFeatureOnlineStoresResponse

Response message forFeatureOnlineStoreAdminService.ListFeatureOnlineStores.

ListFeatureViewSyncsRequest

Request message forFeatureOnlineStoreAdminService.ListFeatureViewSyncs.

ListFeatureViewSyncsResponse

Response message forFeatureOnlineStoreAdminService.ListFeatureViewSyncs.

ListFeatureViewsRequest

Request message forFeatureOnlineStoreAdminService.ListFeatureViews.

ListFeatureViewsResponse

Response message forFeatureOnlineStoreAdminService.ListFeatureViews.

ListFeaturesRequest

Request message forFeaturestoreService.ListFeatures.Request message forFeatureRegistryService.ListFeatures.

ListFeaturesResponse

Response message forFeaturestoreService.ListFeatures.Response message forFeatureRegistryService.ListFeatures.

ListFeaturestoresRequest

Request message forFeaturestoreService.ListFeaturestores.

ListFeaturestoresResponse

Response message forFeaturestoreService.ListFeaturestores.

ListHyperparameterTuningJobsRequest

Request message forJobService.ListHyperparameterTuningJobs.

ListHyperparameterTuningJobsResponse

Response message forJobService.ListHyperparameterTuningJobs

ListIndexEndpointsRequest

Request message forIndexEndpointService.ListIndexEndpoints.

ListIndexEndpointsResponse

Response message forIndexEndpointService.ListIndexEndpoints.

ListIndexesRequest

Request message forIndexService.ListIndexes.

ListIndexesResponse

Response message forIndexService.ListIndexes.

ListMemoriesRequest

Request message forMemoryBankService.ListMemories.

ListMemoriesResponse

Response message forMemoryBankService.ListMemories.

ListMetadataSchemasRequest

Request message forMetadataService.ListMetadataSchemas.

ListMetadataSchemasResponse

Response message forMetadataService.ListMetadataSchemas.

ListMetadataStoresRequest

Request message forMetadataService.ListMetadataStores.

ListMetadataStoresResponse

Response message forMetadataService.ListMetadataStores.

ListModelDeploymentMonitoringJobsRequest

Request message forJobService.ListModelDeploymentMonitoringJobs.

ListModelDeploymentMonitoringJobsResponse

Response message forJobService.ListModelDeploymentMonitoringJobs.

ListModelEvaluationSlicesRequest

Request message forModelService.ListModelEvaluationSlices.

ListModelEvaluationSlicesResponse

Response message forModelService.ListModelEvaluationSlices.

ListModelEvaluationsRequest

Request message forModelService.ListModelEvaluations.

ListModelEvaluationsResponse

Response message forModelService.ListModelEvaluations.

ListModelMonitoringJobsRequest

Request message forModelMonitoringService.ListModelMonitoringJobs.

ListModelMonitoringJobsResponse

Response message forModelMonitoringService.ListModelMonitoringJobs.

ListModelMonitorsRequest

Request message forModelMonitoringService.ListModelMonitors.

ListModelMonitorsResponse

Response message forModelMonitoringService.ListModelMonitors

ListModelVersionCheckpointsRequest

Request message forModelService.ListModelVersionCheckpoints.

ListModelVersionCheckpointsResponse

Response message forModelService.ListModelVersionCheckpoints

ListModelVersionsRequest

Request message forModelService.ListModelVersions.

ListModelVersionsResponse

Response message forModelService.ListModelVersions

ListModelsRequest

Request message forModelService.ListModels.

ListModelsResponse

Response message forModelService.ListModels

ListNasJobsRequest

Request message forJobService.ListNasJobs.

ListNasJobsResponse

Response message forJobService.ListNasJobs

ListNasTrialDetailsRequest

Request message forJobService.ListNasTrialDetails.

ListNasTrialDetailsResponse

Response message forJobService.ListNasTrialDetails

ListNotebookExecutionJobsRequest

Request message for [NotebookService.ListNotebookExecutionJobs]

ListNotebookExecutionJobsResponse

Response message for [NotebookService.CreateNotebookExecutionJob]

ListNotebookRuntimeTemplatesRequest

Request message forNotebookService.ListNotebookRuntimeTemplates.

ListNotebookRuntimeTemplatesResponse

Response message forNotebookService.ListNotebookRuntimeTemplates.

ListNotebookRuntimesRequest

Request message forNotebookService.ListNotebookRuntimes.

ListNotebookRuntimesResponse

Response message forNotebookService.ListNotebookRuntimes.

ListOptimalTrialsRequest

Request message forVizierService.ListOptimalTrials.

ListOptimalTrialsResponse

Response message forVizierService.ListOptimalTrials.

ListPersistentResourcesRequest

Request message for[PersistentResourceService.ListPersistentResource][].

ListPersistentResourcesResponse

Response message forPersistentResourceService.ListPersistentResources

ListPipelineJobsRequest

Request message forPipelineService.ListPipelineJobs.

ListPipelineJobsResponse

Response message forPipelineService.ListPipelineJobs

ListPublisherModelsRequest

Request message forModelGardenService.ListPublisherModels.

ListPublisherModelsResponse

Response message forModelGardenService.ListPublisherModels.

ListRagCorporaRequest

Request message forVertexRagDataService.ListRagCorpora.

ListRagCorporaResponse

Response message forVertexRagDataService.ListRagCorpora.

ListRagFilesRequest

Request message forVertexRagDataService.ListRagFiles.

ListRagFilesResponse

Response message forVertexRagDataService.ListRagFiles.

ListReasoningEnginesRequest

Request message forReasoningEngineService.ListReasoningEngines.

ListReasoningEnginesResponse

Response message forReasoningEngineService.ListReasoningEngines

ListSavedQueriesRequest

Request message forDatasetService.ListSavedQueries.

ListSavedQueriesResponse

Response message forDatasetService.ListSavedQueries.

ListSchedulesRequest

Request message forScheduleService.ListSchedules.

ListSchedulesResponse

Response message forScheduleService.ListSchedules

ListSessionsRequest

Request message forSessionService.ListSessions.

ListSessionsResponse

Response message forSessionService.ListSessions.

ListSpecialistPoolsRequest

Request message forSpecialistPoolService.ListSpecialistPools.

ListSpecialistPoolsResponse

Response message forSpecialistPoolService.ListSpecialistPools.

ListStudiesRequest

Request message forVizierService.ListStudies.

ListStudiesResponse

Response message forVizierService.ListStudies.

ListTensorboardExperimentsRequest

Request message forTensorboardService.ListTensorboardExperiments.

ListTensorboardExperimentsResponse

Response message forTensorboardService.ListTensorboardExperiments.

ListTensorboardRunsRequest

Request message forTensorboardService.ListTensorboardRuns.

ListTensorboardRunsResponse

Response message forTensorboardService.ListTensorboardRuns.

ListTensorboardTimeSeriesRequest

Request message forTensorboardService.ListTensorboardTimeSeries.

ListTensorboardTimeSeriesResponse

Response message forTensorboardService.ListTensorboardTimeSeries.

ListTensorboardsRequest

Request message forTensorboardService.ListTensorboards.

ListTensorboardsResponse

Response message forTensorboardService.ListTensorboards.

ListTrainingPipelinesRequest

Request message forPipelineService.ListTrainingPipelines.

ListTrainingPipelinesResponse

Response message forPipelineService.ListTrainingPipelines

ListTrialsRequest

Request message forVizierService.ListTrials.

ListTrialsResponse

Response message forVizierService.ListTrials.

ListTuningJobsRequest

Request message forGenAiTuningService.ListTuningJobs.

ListTuningJobsResponse

Response message forGenAiTuningService.ListTuningJobs

LogprobsResult

Logprobs Result

Candidate

Candidate for the logprobs token and score.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

TopCandidates

Candidates with top log probabilities at each decoding step.

LookupStudyRequest

Request message forVizierService.LookupStudy.

MachineSpec

Specification of a single machine.

ManualBatchTuningParameters

Manual batch tuning parameters.

Measurement

A message representing a Measurement of a Trial. AMeasurement contains the Metrics got by executing a Trial usingsuggested hyperparameter values.

Metric

A message representing a metric in the measurement.

Memory

A memory.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ScopeEntry

The abstract base class for a message.

MergeVersionAliasesRequest

Request message forModelService.MergeVersionAliases.

MetadataSchema

Instance of a general MetadataSchema.

MetadataSchemaType

Describes the type of the MetadataSchema.

MetadataStore

Instance of a metadata store. Contains a set of metadata thatcan be queried.

DataplexConfig

Represents Dataplex integration settings.

MetadataStoreState

Represents state information for a MetadataStore.

Metric

The metric used for dataset level evaluation.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

AggregationMetric

The aggregation metrics supported byEvaluationService.EvaluateDataset.

MetricxInput

Input for MetricX metric.

MetricxInstance

Spec for MetricX instance - The fields used for evaluationare dependent on the MetricX version.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

MetricxResult

Spec for MetricX result - calculates the MetricX score forthe given instance using the version specified in the spec.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

MetricxSpec

Spec for MetricX metric.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

MetricxVersion

MetricX Version options.

MigratableResource

Represents one resource that exists in automl.googleapis.com,datalabeling.googleapis.com or ml.googleapis.com.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

AutomlDataset

Represents one Dataset in automl.googleapis.com.

AutomlModel

Represents one Model in automl.googleapis.com.

DataLabelingDataset

Represents one Dataset in datalabeling.googleapis.com.

DataLabelingAnnotatedDataset

Represents one AnnotatedDataset indatalabeling.googleapis.com.

MlEngineModelVersion

Represents one model Version in ml.googleapis.com.

MigrateResourceRequest

Config of migrating one resource from automl.googleapis.com,datalabeling.googleapis.com and ml.googleapis.com to Vertex AI.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

MigrateAutomlDatasetConfig

Config for migrating Dataset in automl.googleapis.com toVertex AI's Dataset.

MigrateAutomlModelConfig

Config for migrating Model in automl.googleapis.com to VertexAI's Model.

MigrateDataLabelingDatasetConfig

Config for migrating Dataset in datalabeling.googleapis.comto Vertex AI's Dataset.

MigrateDataLabelingAnnotatedDatasetConfig

Config for migrating AnnotatedDataset indatalabeling.googleapis.com to Vertex AI's SavedQuery.

MigrateMlEngineModelVersionConfig

Config for migrating version in ml.googleapis.com to VertexAI's Model.

MigrateResourceResponse

Describes a successfully migrated resource.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

Modality

Content Part modality

ModalityTokenCount

Represents token counting info for a single modality.

Model

A trained machine learning Model.

BaseModelSource

User input field to specify the base model source. Currentlyit only supports specifing the Model Garden models and Geniemodels.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

DeploymentResourcesType

Identifies a type of Model's prediction resources.

ExportFormat

Represents export format supported by the Model.All formats export to Google Cloud Storage.

ExportableContent

The Model content that can be exported.

LabelsEntry

The abstract base class for a message.

OriginalModelInfo

Contains information about the original Model if this Modelis a copy.

ModelArmorConfig

Configuration for Model Armor integrations of prompt andresponses.

ModelContainerSpec

Specification of a container for serving predictions. Some fields inthis message correspond to fields in theKubernetes Container v1corespecification <https://kubernetes.io/docs/reference/generated/kubernetes-api/v1.23/#container-v1-core>__.

ModelDeploymentMonitoringBigQueryTable

ModelDeploymentMonitoringBigQueryTable specifies the BigQuerytable name as well as some information of the logs stored inthis table.

LogSource

Indicates where does the log come from.

LogType

Indicates what type of traffic does the log belong to.

ModelDeploymentMonitoringJob

Represents a job that runs periodically to monitor thedeployed models in an endpoint. It will analyze the loggedtraining & prediction data to detect any abnormal behaviors.

LabelsEntry

The abstract base class for a message.

LatestMonitoringPipelineMetadata

All metadata of most recent monitoring pipelines.

MonitoringScheduleState

The state to Specify the monitoring pipeline.

ModelDeploymentMonitoringObjectiveConfig

ModelDeploymentMonitoringObjectiveConfig contains the pair ofdeployed_model_id to ModelMonitoringObjectiveConfig.

ModelDeploymentMonitoringObjectiveType

The Model Monitoring Objective types.

ModelDeploymentMonitoringScheduleConfig

The config for scheduling monitoring job.

ModelEvaluation

A collection of metrics calculated by comparing Model'spredictions on all of the test data against annotations from thetest data.

BiasConfig

Configuration for bias detection.

ModelEvaluationExplanationSpec

ModelEvaluationSlice

A collection of metrics calculated by comparing Model'spredictions on a slice of the test data against ground truthannotations.

Slice

Definition of a slice.

SliceSpec

Specification for how the data should be sliced.

ConfigsEntry

The abstract base class for a message.

Range

A range of values for slice(s).low is inclusive,high isexclusive.

SliceConfig

Specification message containing the config for this SliceSpec. Whenkind is selected asvalue and/orrange, only a singleslice will be computed. Whenall_values is present, a separateslice will be computed for each possible label/value for thecorresponding key inconfig. Examples, with feature zip_codewith values 12345, 23334, 88888 and feature country with values"US", "Canada", "Mexico" in the dataset:

Example 1:

::

{  "zip_code": { "value": { "float_value": 12345.0 } }}

A single slice for any data with zip_code 12345 in the dataset.

Example 2:

::

{  "zip_code": { "range": { "low": 12345, "high": 20000 } }}

A single slice containing data where the zip_codes between 12345 and20000 For this example, data with the zip_code of 12345 will be inthis slice.

Example 3:

::

{  "zip_code": { "range": { "low": 10000, "high": 20000 } },  "country": { "value": { "string_value": "US" } }}

A single slice containing data where the zip_codes between 10000 and20000 has the country "US". For this example, data with the zip_codeof 12345 and country "US" will be in this slice.

Example 4:

::

{ "country": {"all_values": { "value": true } } }

Three slices are computed, one for each unique country in thedataset.

Example 5:

::

{  "country": { "all_values": { "value": true } },  "zip_code": { "value": { "float_value": 12345.0 } }}

Three slices are computed, one for each unique country in thedataset where the zip_code is also 12345. For this example, datawith zip_code 12345 and country "US" will be in one slice, zip_code12345 and country "Canada" in another slice, and zip_code 12345 andcountry "Mexico" in another slice, totaling 3 slices.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

Value

Single value that supports strings and floats.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ModelExplanation

Aggregated explanation metrics for a Model over a set ofinstances.

ModelGardenSource

Contains information about the source of the models generatedfrom Model Garden.

ModelMonitor

Vertex AI Model Monitoring Service serves as a central hubfor the analysis and visualization of data quality andperformance related to models. ModelMonitor stands as a toplevel resource for overseeing your model monitoring tasks.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ModelMonitoringTarget

The monitoring target refers to the entity that is subject toanalysis. e.g. Vertex AI Model version.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

VertexModelSource

Model in Vertex AI Model Registry.

ModelMonitoringAlert

Represents a single monitoring alert. This is currently usedin the SearchModelMonitoringAlerts api, thus the alert wrappedin this message belongs to the resource asked in the request.

ModelMonitoringAlertCondition

Monitoring alert triggered condition.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ModelMonitoringAlertConfig

The alert config for model monitoring.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

EmailAlertConfig

The config for email alert.

ModelMonitoringAnomaly

Represents a single model monitoring anomaly.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

TabularAnomaly

Tabular anomaly details.

ModelMonitoringConfig

The model monitoring configuration used for Batch PredictionJob.

ModelMonitoringInput

Model monitoring data input spec.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

BatchPredictionOutput

Data from Vertex AI Batch prediction job output.

ModelMonitoringDataset

Input dataset spec.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ModelMonitoringBigQuerySource

Dataset spec for data sotred in BigQuery.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ModelMonitoringGcsSource

Dataset spec for data stored in Google Cloud Storage.

DataFormat

Supported data format.

TimeOffset

Time offset setting.

VertexEndpointLogs

Data from Vertex AI Endpoint request response logging.

ModelMonitoringJob

Represents a model monitoring job that analyze dataset usingdifferent monitoring algorithm.

ModelMonitoringJobExecutionDetail

Represent the execution details of the job.

ObjectiveStatusEntry

The abstract base class for a message.

ProcessedDataset

Processed dataset information.

ModelMonitoringNotificationSpec

Notification spec(email, notification channel) for modelmonitoring statistics/alerts.

EmailConfig

The config for email alerts.

NotificationChannelConfig

Google Cloud Notification Channel config.

ModelMonitoringObjectiveConfig

The objective configuration for model monitoring, includingthe information needed to detect anomalies for one particularmodel.

ExplanationConfig

The config for integrating with Vertex Explainable AI. Onlyapplicable if the Model has explanation_spec populated.

ExplanationBaseline

Output fromBatchPredictionJobfor Model Monitoring baseline dataset, which can be used to generatebaseline attribution scores.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

PredictionFormat

The storage format of the predictions generatedBatchPrediction job.

PredictionDriftDetectionConfig

The config for Prediction data drift detection.

AttributionScoreDriftThresholdsEntry

The abstract base class for a message.

DriftThresholdsEntry

The abstract base class for a message.

TrainingDataset

Training Dataset information.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

TrainingPredictionSkewDetectionConfig

The config for Training & Prediction data skew detection. Itspecifies the training dataset sources and the skew detectionparameters.

AttributionScoreSkewThresholdsEntry

The abstract base class for a message.

SkewThresholdsEntry

The abstract base class for a message.

ModelMonitoringObjectiveSpec

Monitoring objectives spec.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

DataDriftSpec

Data drift monitoring spec.Data drift measures the distribution distance between thecurrent dataset and a baseline dataset. A typical use case is todetect data drift between the recent production serving datasetand the training dataset, or to compare the recent productiondataset with a dataset from a previous period.

FeatureAlertConditionsEntry

The abstract base class for a message.

FeatureAttributionSpec

Feature attribution monitoring spec.

FeatureAlertConditionsEntry

The abstract base class for a message.

TabularObjective

Tabular monitoring objective.

ModelMonitoringOutputSpec

Specification for the export destination of monitoringresults, including metrics, logs, etc.

ModelMonitoringSchema

The Model Monitoring Schema definition.

FieldSchema

Schema field definition.

ModelMonitoringSpec

Monitoring monitoring job spec. It outlines thespecifications for monitoring objectives, notifications, andresult exports.

ModelMonitoringStats

Represents the collection of statistics for a metric.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ModelMonitoringStatsAnomalies

Statistics and anomalies generated by Model Monitoring.

FeatureHistoricStatsAnomalies

Historical Stats (and Anomalies) for a specific Feature.

ModelMonitoringStatsDataPoint

Represents a single statistics data point.

TypedValue

Typed value of the statistics.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

DistributionDataValue

Summary statistics for a population of values.

ModelMonitoringTabularStats

A collection of data points that describes the time-varyingvalues of a tabular metric.

ModelSourceInfo

Detail description of the source information of the model.

ModelSourceType

Source of the model. Different fromobjective field, thisModelSourceType enum indicates the source from which the modelwas accessed or obtained, whereas theobjective indicates theoverall aim or function of this model.

ModelVersionCheckpoint

A proto representation of a Spanner-storedModelVersionCheckpoint. The meaning of the fields is equivalentto their in-Spanner counterparts.

MutateDeployedIndexOperationMetadata

Runtime operation information forIndexEndpointService.MutateDeployedIndex.

MutateDeployedIndexRequest

Request message forIndexEndpointService.MutateDeployedIndex.

MutateDeployedIndexResponse

Response message forIndexEndpointService.MutateDeployedIndex.

MutateDeployedModelOperationMetadata

Runtime operation information forEndpointService.MutateDeployedModel.

MutateDeployedModelRequest

Request message forEndpointService.MutateDeployedModel.

MutateDeployedModelResponse

Response message forEndpointService.MutateDeployedModel.

NasJob

Represents a Neural Architecture Search (NAS) job.

LabelsEntry

The abstract base class for a message.

NasJobOutput

Represents a uCAIP NasJob output.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

MultiTrialJobOutput

The output of a multi-trial Neural Architecture Search (NAS)jobs.

NasJobSpec

Represents the spec of a NasJob.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

MultiTrialAlgorithmSpec

The spec of multi-trial Neural Architecture Search (NAS).

MetricSpec

Represents a metric to optimize.

GoalType

The available types of optimization goals.

MultiTrialAlgorithm

The available types of multi-trial algorithms.

SearchTrialSpec

Represent spec for search trials.

TrainTrialSpec

Represent spec for train trials.

NasTrial

Represents a uCAIP NasJob trial.

State

Describes a NasTrial state.

NasTrialDetail

Represents a NasTrial details along with its parameters. Ifthere is a corresponding train NasTrial, the train NasTrial isalso returned.

NearestNeighborQuery

A query to find a number of similar entities.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

Embedding

The embedding vector.

NumericFilter

Numeric filter is used to search a subset of the entities by usingboolean rules on numeric columns. For example: Database Point 0:{name: “a” value_int: 42} {name: “b” value_float: 1.0} DatabasePoint 1: {name: “a” value_int: 10} {name: “b” value_float: 2.0}Database Point 2: {name: “a” value_int: -1} {name: “b” value_float:3.0} Query: {name: “a” value_int: 12 operator: LESS} // MatchesPoint 1, 2 {name: “b” value_float: 2.0 operator: EQUAL} // MatchesPoint 1

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

Operator

Datapoints for which Operator is true relative to the query’sValue field will be allowlisted.

Parameters

Parameters that can be overrided in each query to tune querylatency and recall.

StringFilter

String filter is used to search a subset of the entities by usingboolean rules on string columns. For example: if a query specifiesstring filter with 'name = color, allow_tokens = {red, blue},deny_tokens = {purple}',' then that query will match entities thatare red or blue, but if those points are also purple, then they willbe excluded even if they are red/blue. Only string filter issupported for now, numeric filter will be supported in the nearfuture.

NearestNeighborSearchOperationMetadata

Runtime operation metadata with regard to Matching EngineIndex.

ContentValidationStats

RecordError

RecordErrorType

NearestNeighbors

Nearest neighbors for one query.

Neighbor

A neighbor of the query vector.

Neighbor

Neighbors for example-based explanations.

NetworkSpec

Network spec.

NfsMount

Represents a mount configuration for Network File System(NFS) to mount.

NotebookEucConfig

The euc configuration of NotebookRuntimeTemplate.

NotebookExecutionJob

NotebookExecutionJob represents an instance of a notebookexecution.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

CustomEnvironmentSpec

Compute configuration to use for an execution job.

DataformRepositorySource

The Dataform Repository containing the input notebook.

DirectNotebookSource

The content of the input notebook in ipynb format.

GcsNotebookSource

The Cloud Storage uri for the input notebook.

LabelsEntry

The abstract base class for a message.

WorkbenchRuntime

Configuration for a Workbench Instances-based environment.

NotebookExecutionJobView

Views for Get/List NotebookExecutionJob

NotebookIdleShutdownConfig

The idle shutdown configuration of NotebookRuntimeTemplate, whichcontains the idle_timeout as required field.

NotebookRuntime

A runtime is a virtual machine allocated to a particular userfor a particular Notebook file on temporary basis with lifetime.Default runtimes have a lifetime of 18 hours, while customruntimes last for 6 months from their creation or last upgrade.

HealthState

The substate of the NotebookRuntime to display healthinformation.

LabelsEntry

The abstract base class for a message.

RuntimeState

The substate of the NotebookRuntime to display state ofruntime. The resource of NotebookRuntime is in ACTIVE state forthese sub state.

NotebookRuntimeTemplate

A template that specifies runtime configurations such asmachine type, runtime version, network configurations, etc.Multiple runtimes can be created from a runtime template.

LabelsEntry

The abstract base class for a message.

NotebookRuntimeTemplateRef

Points to a NotebookRuntimeTemplateRef.

NotebookRuntimeType

Represents a notebook runtime type.

NotebookSoftwareConfig

Notebook Software Config. This is passed to the backend whenuser makes software configurations in UI.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

OutputConfig

Config for evaluation output.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

OutputInfo

Describes the info for output ofEvaluationService.EvaluateDataset.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

PSCAutomationConfig

PSC config that is used to automatically create PSC endpointsin the user projects.

PSCAutomationState

The state of the PSC service automation.

PairwiseChoice

Pairwise prediction autorater preference.

PairwiseMetricInput

Input for pairwise metric.

PairwiseMetricInstance

Pairwise metric instance. Usually one instance corresponds toone row in an evaluation dataset.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

PairwiseMetricResult

Spec for pairwise metric result.

PairwiseMetricSpec

Spec for pairwise metric.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

PairwiseQuestionAnsweringQualityInput

Input for pairwise question answering quality metric.

PairwiseQuestionAnsweringQualityInstance

Spec for pairwise question answering quality instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

PairwiseQuestionAnsweringQualityResult

Spec for pairwise question answering quality result.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

PairwiseQuestionAnsweringQualitySpec

Spec for pairwise question answering quality score metric.

PairwiseSummarizationQualityInput

Input for pairwise summarization quality metric.

PairwiseSummarizationQualityInstance

Spec for pairwise summarization quality instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

PairwiseSummarizationQualityResult

Spec for pairwise summarization quality result.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

PairwiseSummarizationQualitySpec

Spec for pairwise summarization quality score metric.

Part

A datatype containing media that is part of a multi-partContentmessage.

APart consists of data which has an associated datatype. APart can only contain one of the accepted types inPart.data.

APart must have a fixed IANA MIME type identifying the type andsubtype of the media ifinline_data orfile_data field isfilled with raw bytes.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

PartnerModelTuningSpec

Tuning spec for Partner models.

HyperParametersEntry

The abstract base class for a message.

PauseModelDeploymentMonitoringJobRequest

Request message forJobService.PauseModelDeploymentMonitoringJob.

PauseScheduleRequest

Request message forScheduleService.PauseSchedule.

PersistentDiskSpec

Represents the spec of [persistentdisk][https://cloud.google.com/compute/docs/disks/persistent-disks]options.

PersistentResource

Represents long-lasting resources that are dedicated to usersto runs custom workloads.A PersistentResource can have multiple node pools and each nodepool can have its own machine spec.

LabelsEntry

The abstract base class for a message.

State

Describes the PersistentResource state.

PipelineFailurePolicy

Represents the failure policy of a pipeline. Currently, the defaultof a pipeline is that the pipeline will continue to run until nomore tasks can be executed, also known asPIPELINE_FAILURE_POLICY_FAIL_SLOW. However, if a pipeline is set toPIPELINE_FAILURE_POLICY_FAIL_FAST, it will stop scheduling any newtasks when a task has failed. Any scheduled tasks will continue tocompletion.

PipelineJob

An instance of a machine learning PipelineJob.

LabelsEntry

The abstract base class for a message.

RuntimeConfig

The runtime config of a PipelineJob.

DefaultRuntime

The default runtime for the PipelineJob.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

InputArtifact

The type of an input artifact.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

InputArtifactsEntry

The abstract base class for a message.

ParameterValuesEntry

The abstract base class for a message.

ParametersEntry

The abstract base class for a message.

PersistentResourceRuntimeDetail

Persistent resource based runtime detail. For moreinformation, refer tohttps://cloud.google.com/vertex-ai/docs/training/persistent-resource-overview

TaskResourceUnavailableTimeoutBehavior

An enum that specifies the behavior to take if the timeout isreached.

PipelineJobDetail

The runtime detail of PipelineJob.

PipelineState

Describes the state of a pipeline.

PipelineTaskDetail

The runtime detail of a task execution.

ArtifactList

A list of artifact metadata.

InputsEntry

The abstract base class for a message.

OutputsEntry

The abstract base class for a message.

PipelineTaskStatus

A single record of the task status.

State

Specifies state of TaskExecution

PipelineTaskExecutorDetail

The runtime detail of a pipeline executor.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ContainerDetail

The detail of a container execution. It contains the jobnames of the lifecycle of a container execution.

CustomJobDetail

The detailed info for a custom job executor.

PipelineTaskRerunConfig

User provided rerun config to submit a rerun pipelinejob.This includes

  1. Which task to rerun
  2. User override input parameters and artifacts.

ArtifactList

A list of artifact metadata.

Inputs

Runtime inputs data of the task.

ArtifactsEntry

The abstract base class for a message.

ParameterValuesEntry

The abstract base class for a message.

PipelineTemplateMetadata

Pipeline template metadata ifPipelineJob.template_uriis from supported template registry. Currently, the only supportedregistry is Artifact Registry.

PointwiseMetricInput

Input for pointwise metric.

PointwiseMetricInstance

Pointwise metric instance. Usually one instance correspondsto one row in an evaluation dataset.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

PointwiseMetricResult

Spec for pointwise metric result.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

PointwiseMetricSpec

Spec for pointwise metric.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

Port

Represents a network port in a container.

PostStartupScriptConfig

PostStartupScriptBehavior

PreTunedModel

A pre-tuned model for continuous tuning.

PrebuiltVoiceConfig

The configuration for the prebuilt speaker to use.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

PredefinedSplit

Assigns input data to training, validation, and test setsbased on the value of a provided key.

Supported only for tabular Datasets.

PredictLongRunningMetadata

Metadata for PredictLongRunning long running operations.

PredictLongRunningResponse

Response message for [PredictionService.PredictLongRunning]

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

PredictRequest

Request message forPredictionService.Predict.

LabelsEntry

The abstract base class for a message.

PredictRequestResponseLoggingConfig

Configuration for logging request-response to a BigQuerytable.

PredictResponse

Response message forPredictionService.Predict.

PredictSchemata

Contains the schemata used in Model's predictions and explanationsviaPredictionService.Predict,PredictionService.ExplainandBatchPredictionJob.

Presets

Preset configuration for example-based explanations

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

Modality

Preset option controlling parameters for different modalities

Query

Preset option controlling parameters for queryspeed-precision trade-off

PrivateEndpoints

PrivateEndpoints proto is used to provide paths for users to sendrequests privately. To send request via private service access, usepredict_http_uri, explain_http_uri or health_http_uri. To sendrequest via private service connect, use service_attachment.

PrivateServiceConnectConfig

Represents configuration for private service connect.

Probe

Probe describes a health check to be performed against acontainer to determine whether it is alive or ready to receivetraffic.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ExecAction

ExecAction specifies a command to execute.

GrpcAction

GrpcAction checks the health of a container using a gRPCservice.

HttpGetAction

HttpGetAction describes an action based on HTTP Get requests.

HttpHeader

HttpHeader describes a custom header to be used in HTTPprobes

TcpSocketAction

TcpSocketAction probes the health of a container by opening aTCP socket connection.

PscAutomatedEndpoints

PscAutomatedEndpoints defines the output of the forwardingrule automatically created by each PscAutomationConfig.

PscInterfaceConfig

Configuration for PSC-I.

PublisherModel

A Model Garden Publisher Model.

CallToAction

Actions could take on this Publisher Model.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

Deploy

Model metadata that is needed for UploadModel orDeployModel/CreateEndpoint requests.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

DeployMetadata

Metadata information about the deployment for managingdeployment config.

LabelsEntry

The abstract base class for a message.

DeployGke

Configurations for PublisherModel GKE deployment

DeployVertex

Multiple setups to deploy the PublisherModel.

OpenFineTuningPipelines

Open fine tuning pipelines.

OpenNotebooks

Open notebooks.

RegionalResourceReferences

The regional resource name or the URI. Key is region, e.g.,us-central1, europe-west2, global, etc..

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ReferencesEntry

The abstract base class for a message.

ViewRestApi

Rest API docs.

Documentation

A named piece of documentation.

LaunchStage

An enum representing the launch stage of a PublisherModel.

OpenSourceCategory

An enum representing the open source category of aPublisherModel.

Parent

The information about the parent of a model.

ResourceReference

Reference to a resource.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

VersionState

An enum representing the state of the PublicModelVersion.

PublisherModelConfig

This message contains configs of a publisher model.

PublisherModelEulaAcceptance

Response message for[ModelGardenService.UpdatePublisherModelEula][].

PublisherModelView

View enumeration of PublisherModel.

PurgeArtifactsMetadata

Details of operations that performMetadataService.PurgeArtifacts.

PurgeArtifactsRequest

Request message forMetadataService.PurgeArtifacts.

PurgeArtifactsResponse

Response message forMetadataService.PurgeArtifacts.

PurgeContextsMetadata

Details of operations that performMetadataService.PurgeContexts.

PurgeContextsRequest

Request message forMetadataService.PurgeContexts.

PurgeContextsResponse

Response message forMetadataService.PurgeContexts.

PurgeExecutionsMetadata

Details of operations that performMetadataService.PurgeExecutions.

PurgeExecutionsRequest

Request message forMetadataService.PurgeExecutions.

PurgeExecutionsResponse

Response message forMetadataService.PurgeExecutions.

PythonPackageSpec

The spec of a Python packaged code.

QueryArtifactLineageSubgraphRequest

Request message forMetadataService.QueryArtifactLineageSubgraph.

QueryContextLineageSubgraphRequest

Request message forMetadataService.QueryContextLineageSubgraph.

QueryDeployedModelsRequest

Request message for QueryDeployedModels method.

QueryDeployedModelsResponse

Response message for QueryDeployedModels method.

QueryExecutionInputsAndOutputsRequest

Request message forMetadataService.QueryExecutionInputsAndOutputs.

QueryExtensionRequest

Request message forExtensionExecutionService.QueryExtension.

QueryExtensionResponse

Response message forExtensionExecutionService.QueryExtension.

QueryReasoningEngineRequest

Request message for [ReasoningEngineExecutionService.Query][].

QueryReasoningEngineResponse

Response message for [ReasoningEngineExecutionService.Query][]

QuestionAnsweringCorrectnessInput

Input for question answering correctness metric.

QuestionAnsweringCorrectnessInstance

Spec for question answering correctness instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

QuestionAnsweringCorrectnessResult

Spec for question answering correctness result.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

QuestionAnsweringCorrectnessSpec

Spec for question answering correctness metric.

QuestionAnsweringHelpfulnessInput

Input for question answering helpfulness metric.

QuestionAnsweringHelpfulnessInstance

Spec for question answering helpfulness instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

QuestionAnsweringHelpfulnessResult

Spec for question answering helpfulness result.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

QuestionAnsweringHelpfulnessSpec

Spec for question answering helpfulness metric.

QuestionAnsweringQualityInput

Input for question answering quality metric.

QuestionAnsweringQualityInstance

Spec for question answering quality instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

QuestionAnsweringQualityResult

Spec for question answering quality result.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

QuestionAnsweringQualitySpec

Spec for question answering quality score metric.

QuestionAnsweringRelevanceInput

Input for question answering relevance metric.

QuestionAnsweringRelevanceInstance

Spec for question answering relevance instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

QuestionAnsweringRelevanceResult

Spec for question answering relevance result.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

QuestionAnsweringRelevanceSpec

Spec for question answering relevance metric.

RagChunk

A RagChunk includes the content of a chunk of a RagFile, andassociated metadata.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

PageSpan

Represents where the chunk starts and ends in the document.

RagContexts

Relevant contexts for one query.

Context

A context of the query.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

RagCorpus

A RagCorpus is a RagFile container and a project can havemultiple RagCorpora.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

CorpusTypeConfig

The config for the corpus type of the RagCorpus.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

DocumentCorpus

Config for the document corpus.

MemoryCorpus

Config for the memory corpus.

RagEmbeddingModelConfig

Config for the embedding model to use for RAG.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

HybridSearchConfig

Config for hybrid search.

SparseEmbeddingConfig

Configuration for sparse emebdding generation.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

Bm25

Message for BM25 parameters.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

VertexPredictionEndpoint

Config representing a model hosted on Vertex PredictionEndpoint.

RagEngineConfig

Config for RagEngine.

RagFile

A RagFile contains user data for chunking, embedding andindexing.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

RagFileType

The type of the RagFile.

RagFileChunkingConfig

Specifies the size and overlap of chunks for RagFiles.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

FixedLengthChunking

Specifies the fixed length chunking config.

RagFileMetadataConfig

Metadata config for RagFile.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

RagFileParsingConfig

Specifies the parsing config for RagFiles.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

AdvancedParser

Specifies the advanced parsing for RagFiles.

LayoutParser

Document AI Layout Parser config.

LlmParser

Specifies the LLM parsing for RagFiles.

RagFileTransformationConfig

Specifies the transformation config for RagFiles.

RagManagedDbConfig

Configuration message for RagManagedDb used by RagEngine.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

Basic

Basic tier is a cost-effective and low compute tier suitable for thefollowing cases:

  • Experimenting with RagManagedDb.
  • Small data size.
  • Latency insensitive workload.
  • Only using RAG Engine with external vector DBs.

NOTE: This is the default tier if not explicitly chosen.

Enterprise

Deprecated: Please useScaled tier instead. Enterprise tieroffers production grade performance along with autoscalingfunctionality. It is suitable for customers with large amounts ofdata or performance sensitive workloads.

Scaled

Scaled tier offers production grade performance along withautoscaling functionality. It is suitable for customers withlarge amounts of data or performance sensitive workloads.

Unprovisioned

Disables the RAG Engine service and deletes all your dataheld within this service. This will halt the billing of theservice.

NOTE: Once deleted the data cannot be recovered. To start usingRAG Engine again, you will need to update the tier by callingthe UpdateRagEngineConfig API.

RagQuery

A query to retrieve relevant contexts.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

Ranking

Configurations for hybrid search results ranking.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

RagRetrievalConfig

Specifies the context retrieval config.

Filter

Config for filters.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

HybridSearch

Config for Hybrid Search.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

Ranking

Config for ranking and reranking.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

LlmRanker

Config for LlmRanker.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

RankService

Config for Rank Service.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

RagVectorDbConfig

Config for the Vector DB to use for RAG.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

Pinecone

The config for the Pinecone.

RagManagedDb

The config for the default RAG-managed Vector DB.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ANN

Config for ANN search.

RagManagedDb uses a tree-based structure to partition data andfacilitate faster searches. As a tradeoff, it requires longerindexing time and manual triggering of index rebuild via theImportRagFiles and UpdateRagCorpus API.

KNN

Config for KNN search.

VertexFeatureStore

The config for the Vertex Feature Store.

VertexVectorSearch

The config for the Vertex Vector Search.

Weaviate

The config for the Weaviate.

RawOutput

Raw output.

RawPredictRequest

Request message forPredictionService.RawPredict.

RayLogsSpec

Configuration for the Ray OSS Logs.

RayMetricSpec

Configuration for the Ray metrics.

RaySpec

Configuration information for the Ray cluster.For experimental launch, Ray cluster creation and Persistentcluster creation are 1:1 mapping: We will provision all thenodes within the Persistent cluster as Ray nodes.

ResourcePoolImagesEntry

The abstract base class for a message.

ReadFeatureValuesRequest

Request message forFeaturestoreOnlineServingService.ReadFeatureValues.

ReadFeatureValuesResponse

Response message forFeaturestoreOnlineServingService.ReadFeatureValues.

EntityView

Entity view with Feature values.

Data

Container to hold value(s), successive in time, for oneFeature from the request.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

FeatureDescriptor

Metadata for requested Features.

Header

Response header with metadata for the requestedReadFeatureValuesRequest.entity_typeand Features.

ReadIndexDatapointsRequest

The request message forMatchService.ReadIndexDatapoints.

ReadIndexDatapointsResponse

The response message forMatchService.ReadIndexDatapoints.

ReadTensorboardBlobDataRequest

Request message forTensorboardService.ReadTensorboardBlobData.

ReadTensorboardBlobDataResponse

Response message forTensorboardService.ReadTensorboardBlobData.

ReadTensorboardSizeRequest

Request message forTensorboardService.ReadTensorboardSize.

ReadTensorboardSizeResponse

Response message forTensorboardService.ReadTensorboardSize.

ReadTensorboardTimeSeriesDataRequest

Request message forTensorboardService.ReadTensorboardTimeSeriesData.

ReadTensorboardTimeSeriesDataResponse

Response message forTensorboardService.ReadTensorboardTimeSeriesData.

ReadTensorboardUsageRequest

Request message forTensorboardService.ReadTensorboardUsage.

ReadTensorboardUsageResponse

Response message forTensorboardService.ReadTensorboardUsage.

MonthlyUsageDataEntry

The abstract base class for a message.

PerMonthUsageData

Per month usage data

PerUserUsageData

Per user usage data.

ReasoningEngine

ReasoningEngine provides a customizable runtime for models todetermine which actions to take and in which order.

LabelsEntry

The abstract base class for a message.

ReasoningEngineContextSpec

Configuration for how Agent Engine sub-resources shouldmanage context.

MemoryBankConfig

Specification for a Memory Bank.

GenerationConfig

Configuration for how to generate memories.

SimilaritySearchConfig

Configuration for how to perform similarity search onmemories.

TtlConfig

Configuration for automatically setting the TTL("time-to-live") of the memories in the Memory Bank.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

GranularTtlConfig

Configuration for TTL of the memories in the Memory Bankbased on the action that created or updated the memory.

ReasoningEngineSpec

ReasoningEngine configurations

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

DeploymentSpec

The specification of a Reasoning Engine deployment.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ResourceLimitsEntry

The abstract base class for a message.

PackageSpec

User-provided package specification, containing pickledobject and package requirements.

SourceCodeSpec

Specification for deploying from source code.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

InlineSource

Specifies source code provided as a byte stream.

PythonSpec

Specification for running a Python application from source.

RebaseTunedModelOperationMetadata

Runtime operation information forGenAiTuningService.RebaseTunedModel.

RebaseTunedModelRequest

Request message forGenAiTuningService.RebaseTunedModel.

RebootPersistentResourceOperationMetadata

Details of operations that perform reboot PersistentResource.

RebootPersistentResourceRequest

Request message forPersistentResourceService.RebootPersistentResource.

RecommendSpecRequest

Request message forModelService.RecommendSpec.

RecommendSpecResponse

Response message forModelService.RecommendSpec.

MachineAndModelContainerSpec

A machine and model container spec.

Recommendation

Recommendation of one deployment option for the given customweights model in one region.Contains the machine and container spec, and user acceleratorquota state.

QuotaState

The user accelerator quota state.

RemoveContextChildrenRequest

Request message for[MetadataService.DeleteContextChildrenRequest][].

RemoveContextChildrenResponse

Response message forMetadataService.RemoveContextChildren.

RemoveDatapointsRequest

Request message forIndexService.RemoveDatapoints

RemoveDatapointsResponse

Response message forIndexService.RemoveDatapoints

RemoveExamplesRequest

Request message forExampleStoreService.RemoveExamples.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

RemoveExamplesResponse

Response message forExampleStoreService.RemoveExamples.

ReservationAffinity

A ReservationAffinity can be used to configure a Vertex AIresource (e.g., a DeployedModel) to draw its Compute Engineresources from a Shared Reservation, or exclusively fromon-demand capacity.

Type

Identifies a type of reservation affinity.

ResourcePool

Represents the spec of a group of resources of the same type,for example machine type, disk, and accelerators, in aPersistentResource.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

AutoscalingSpec

The min/max number of replicas allowed if enablingautoscaling

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ResourceRuntime

Persistent Cluster runtime information as output

AccessUrisEntry

The abstract base class for a message.

ResourceRuntimeSpec

Configuration for the runtime on a PersistentResource instance,including but not limited to:

  • Service accounts used to run the workloads.
  • Whether to make it a dedicated Ray Cluster.

ResourcesConsumed

Statistics information about resource consumption.

RestoreDatasetVersionOperationMetadata

Runtime operation information forDatasetService.RestoreDatasetVersion.

RestoreDatasetVersionRequest

Request message forDatasetService.RestoreDatasetVersion.

ResumeModelDeploymentMonitoringJobRequest

Request message forJobService.ResumeModelDeploymentMonitoringJob.

ResumeScheduleRequest

Request message forScheduleService.ResumeSchedule.

Retrieval

Defines a retrieval tool that model can call to accessexternal knowledge.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

RetrievalConfig

Retrieval config.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

RetrievalMetadata

Metadata related to retrieval in the grounding flow.

RetrieveContextsRequest

Request message forVertexRagService.RetrieveContexts.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

VertexRagStore

The data source for Vertex RagStore.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

RagResource

The definition of the Rag resource.

RetrieveContextsResponse

Response message forVertexRagService.RetrieveContexts.

RetrieveMemoriesRequest

Request message forMemoryBankService.RetrieveMemories.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ScopeEntry

The abstract base class for a message.

SimilaritySearchParams

Parameters for semantic similarity search based retrieval.

SimpleRetrievalParams

Parameters for simple (non-similarity search) retrieval.

RetrieveMemoriesResponse

Response message forMemoryBankService.RetrieveMemories.

RetrievedMemory

A retrieved memory.

RolloutOptions

Configuration for rolling deployments.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

RougeInput

Input for rouge metric.

RougeInstance

Spec for rouge instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

RougeMetricValue

Rouge metric value for an instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

RougeResults

Results for rouge metric.

RougeSpec

Spec for rouge score metric - calculates the recall ofn-grams in prediction as compared to reference - returns a scoreranging between 0 and 1.

RubricBasedInstructionFollowingInput

Instance and metric spec for RubricBasedInstructionFollowingmetric.

RubricBasedInstructionFollowingInstance

Instance for RubricBasedInstructionFollowing metric - oneinstance corresponds to one row in an evaluation dataset.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

RubricBasedInstructionFollowingResult

Result for RubricBasedInstructionFollowing metric.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

RubricBasedInstructionFollowingSpec

Spec for RubricBasedInstructionFollowing metric - returnsrubrics and verdicts corresponding to rubrics along with overallscore.

RubricCritiqueResult

Rubric critique result.

RuntimeArtifact

The definition of a runtime artifact.

CustomPropertiesEntry

The abstract base class for a message.

PropertiesEntry

The abstract base class for a message.

RuntimeConfig

Runtime configuration to run the extension.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

CodeInterpreterRuntimeConfig

VertexAISearchRuntimeConfig

SafetyInput

Input for safety metric.

SafetyInstance

Spec for safety instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

SafetyRating

Safety rating corresponding to the generated content.

HarmProbability

Harm probability levels in the content.

HarmSeverity

Harm severity levels.

SafetyResult

Spec for safety result.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

SafetySetting

Safety settings.

HarmBlockMethod

Probability vs severity.

HarmBlockThreshold

Probability based thresholds levels for blocking.

SafetySpec

Spec for safety metric.

SampleConfig

Active learning data sampling config. For every activelearning labeling iteration, it will select a batch of databased on the sampling strategy.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

SampleStrategy

Sample strategy decides which subset of DataItems should beselected for human labeling in every batch.

SampledShapleyAttribution

An attribution method that approximates Shapley values forfeatures that contribute to the label being predicted. Asampling strategy is used to approximate the value rather thanconsidering all subsets of features.

SamplingStrategy

Sampling Strategy for logging, can be for both training andprediction dataset.

RandomSampleConfig

Requests are randomly selected.

SavedQuery

A SavedQuery is a view of the dataset. It references a subsetof annotations by problem type and filters.

Scalar

One point viewable on a scalar metric plot.

Schedule

An instance of a Schedule periodically schedules runs to makeAPI calls based on user specified time specification and APIrequest type.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

RunResponse

Status of a scheduled run.

State

Possible state of the schedule.

ScheduleConfig

Schedule configuration for the FeatureMonitor.

Scheduling

All parameters related to queuing and scheduling of customjobs.

Strategy

Optional. This determines which type of scheduling strategyto use. Right now users have two options such as STANDARD whichwill use regular on demand resources to schedule the job, theother is SPOT which would leverage spot resources alongwithregular resources to schedule the job.

Schema

Schema is used to define the format of input/output data. Representsa select subset of anOpenAPI 3.0 schemaobject <https://spec.openapis.org/oas/v3.0.3#schema-object>__. Morefields may be added in the future as needed.

DefsEntry

The abstract base class for a message.

PropertiesEntry

The abstract base class for a message.

SearchDataItemsRequest

Request message forDatasetService.SearchDataItems.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

OrderByAnnotation

Expression that allows ranking results based on annotation'sproperty.

SearchDataItemsResponse

Response message forDatasetService.SearchDataItems.

SearchEntryPoint

Google search entry point.

SearchExamplesRequest

Request message forExampleStoreService.SearchExamples.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

SearchExamplesResponse

Response message forExampleStoreService.SearchExamples.

SimilarExample

The result of the similar example.

SearchFeaturesRequest

Request message forFeaturestoreService.SearchFeatures.

SearchFeaturesResponse

Response message forFeaturestoreService.SearchFeatures.

SearchMigratableResourcesRequest

Request message forMigrationService.SearchMigratableResources.

SearchMigratableResourcesResponse

Response message forMigrationService.SearchMigratableResources.

SearchModelDeploymentMonitoringStatsAnomaliesRequest

Request message forJobService.SearchModelDeploymentMonitoringStatsAnomalies.

StatsAnomaliesObjective

Stats requested for specific objective.

SearchModelDeploymentMonitoringStatsAnomaliesResponse

Response message forJobService.SearchModelDeploymentMonitoringStatsAnomalies.

SearchModelMonitoringAlertsRequest

Request message forModelMonitoringService.SearchModelMonitoringAlerts.

SearchModelMonitoringAlertsResponse

Response message forModelMonitoringService.SearchModelMonitoringAlerts.

SearchModelMonitoringStatsFilter

Filter for searching ModelMonitoringStats.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

TabularStatsFilter

Tabular statistics filter.

SearchModelMonitoringStatsRequest

Request message forModelMonitoringService.SearchModelMonitoringStats.

SearchModelMonitoringStatsResponse

Response message forModelMonitoringService.SearchModelMonitoringStats.

SearchNearestEntitiesRequest

The request message forFeatureOnlineStoreService.SearchNearestEntities.

SearchNearestEntitiesResponse

Response message forFeatureOnlineStoreService.SearchNearestEntities

SecretEnvVar

Represents an environment variable where the value is asecret in Cloud Secret Manager.

SecretRef

Reference to a secret stored in the Cloud Secret Manager thatwill provide the value for this environment variable.

Segment

Segment of the content.

ServiceAccountSpec

Configuration for the use of custom service account to runthe workloads.

Session

A session contains a set of actions between users and Vertexagents.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

SessionEvent

An event represents a message from either the user or agent.

SetPublisherModelConfigOperationMetadata

Runtime operation information forEndpointService.SetPublisherModelConfig.

SetPublisherModelConfigRequest

Request message forEndpointService.SetPublisherModelConfig.

SharePointSources

The SharePointSources to pass to ImportRagFiles.

SharePointSource

An individual SharePointSource.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ShieldedVmConfig

A set of Shielded Instance options. SeeImages using supportedShielded VMfeatures <https://cloud.google.com/compute/docs/instances/modifying-shielded-vm>__.

SlackSource

The Slack source for the ImportRagFilesRequest.

SlackChannels

SlackChannels contains the Slack channels and correspondingaccess token.

SlackChannel

SlackChannel contains the Slack channel ID and the time rangeto import.

SmoothGradConfig

Config for SmoothGrad approximation of gradients.

When enabled, the gradients are approximated by averaging thegradients from noisy samples in the vicinity of the inputs.Adding noise can help improve the computed gradients. Refer tothis paper for more details:

https://arxiv.org/pdf/1706.03825.pdf

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

SpecialistPool

SpecialistPool represents customers' own workforce to work ontheir data labeling jobs. It includes a group of specialistmanagers and workers. Managers are responsible for managing theworkers in this pool as well as customers' data labeling jobsassociated with this pool. Customers create specialist pool aswell as start data labeling jobs on Cloud, managers and workershandle the jobs using CrowdCompute console.

SpeculativeDecodingSpec

Configuration for Speculative Decoding.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

DraftModelSpeculation

Draft model speculation works by using the smaller model togenerate candidate tokens for speculative decoding.

NgramSpeculation

N-Gram speculation works by trying to find matching tokens inthe previous prompt sequence and use those as speculation forgenerating new tokens.

SpeechConfig

The speech generation config.

StartNotebookRuntimeOperationMetadata

Metadata information forNotebookService.StartNotebookRuntime.

StartNotebookRuntimeRequest

Request message forNotebookService.StartNotebookRuntime.

StartNotebookRuntimeResponse

Response message forNotebookService.StartNotebookRuntime.

StopNotebookRuntimeOperationMetadata

Metadata information forNotebookService.StopNotebookRuntime.

StopNotebookRuntimeRequest

Request message forNotebookService.StopNotebookRuntime.

StopNotebookRuntimeResponse

Response message forNotebookService.StopNotebookRuntime.

StopTrialRequest

Request message forVizierService.StopTrial.

StoredContentsExample

A ContentsExample to be used with GenerateContent alongsideinformation required for storage and retrieval with ExampleStore.

SearchKeyGenerationMethod

Options for generating the search key from the conversationhistory.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

LastEntry

Configuration for using only the last entry of theconversation history as the search key.

StoredContentsExampleFilter

The metadata filters that will be used to remove or fetchStoredContentsExamples. If a field is unspecified, then nofiltering for that field will be applied.

StoredContentsExampleParameters

The metadata filters that will be used to searchStoredContentsExamples. If a field is unspecified, then nofiltering for that field will be applied

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ContentSearchKey

The chat history to use to generate the search key forretrieval.

StratifiedSplit

Assigns input data to the training, validation, and test sets sothat the distribution of values found in the categorical column (asspecified by thekey field) is mirrored within each split. Thefraction values determine the relative sizes of the splits.

For example, if the specified column has three values, with 50% ofthe rows having value "A", 25% value "B", and 25% value "C", and thesplit fractions are specified as 80/10/10, then the training setwill constitute 80% of the training data, with about 50% of thetraining set rows having the value "A" for the specified column,about 25% having the value "B", and about 25% having the value "C".

Only the top 500 occurring values are used; any values not in thetop 500 values are randomly assigned to a split. If less than threerows contain a specific value, those rows are randomly assigned.

Supported only for tabular Datasets.

StreamDirectPredictRequest

Request message forPredictionService.StreamDirectPredict.

The first message must containendpointfield and optionally [input][]. The subsequent messages must contain[input][].

StreamDirectPredictResponse

Response message forPredictionService.StreamDirectPredict.

StreamDirectRawPredictRequest

Request message forPredictionService.StreamDirectRawPredict.

The first message must containendpointandmethod_namefields and optionallyinput.The subsequent messages must containinput.method_namein the subsequent messages have no effect.

StreamDirectRawPredictResponse

Response message forPredictionService.StreamDirectRawPredict.

StreamQueryReasoningEngineRequest

Request message for [ReasoningEngineExecutionService.StreamQuery][].

StreamRawPredictRequest

Request message forPredictionService.StreamRawPredict.

StreamingFetchFeatureValuesRequest

Request message forFeatureOnlineStoreService.StreamingFetchFeatureValues.For the entities requested, all features under the requested featureview will be returned.

StreamingFetchFeatureValuesResponse

Response message forFeatureOnlineStoreService.StreamingFetchFeatureValues.

StreamingPredictRequest

Request message forPredictionService.StreamingPredict.

The first message must containendpointfield and optionally [input][]. The subsequent messages must contain[input][].

StreamingPredictResponse

Response message forPredictionService.StreamingPredict.

StreamingRawPredictRequest

Request message forPredictionService.StreamingRawPredict.

The first message must containendpointandmethod_namefields and optionallyinput.The subsequent messages must containinput.method_namein the subsequent messages have no effect.

StreamingRawPredictResponse

Response message forPredictionService.StreamingRawPredict.

StreamingReadFeatureValuesRequest

Request message forFeaturestoreOnlineServingService.StreamingReadFeatureValues.

StringArray

A list of string values.

StructFieldValue

One field of a Struct (or object) type feature value.

StructValue

Struct (or object) type feature value.

Study

A message representing a Study.

State

Describes the Study state.

StudySpec

Represents specification of a Study.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

Algorithm

The available search algorithms for the Study.

ConvexAutomatedStoppingSpec

Configuration for ConvexAutomatedStoppingSpec. When there are enoughcompleted trials (configured by min_measurement_count), for pendingtrials with enough measurements and steps, the policy first computesan overestimate of the objective value at max_num_steps according tothe slope of the incomplete objective value curve. No prediction canbe made if the curve is completely flat. If the overestimation isworse than the best objective value of the completed trials, thispending trial will be early-stopped, but a last measurement will beadded to the pending trial with max_num_steps and predictedobjective value from the autoregression model.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ConvexStopConfig

Configuration for ConvexStopPolicy.

DecayCurveAutomatedStoppingSpec

The decay curve automated stopping rule builds a GaussianProcess Regressor to predict the final objective value of aTrial based on the already completed Trials and the intermediatemeasurements of the current Trial. Early stopping is requestedfor the current Trial if there is very low probability to exceedthe optimal value found so far.

MeasurementSelectionType

This indicates which measurement to use if/when the serviceautomatically selects the final measurement from previously reportedintermediate measurements. Choose this based on two considerations:A) Do you expect your measurements to monotonically improve? If so,choose LAST_MEASUREMENT. On the other hand, if you're in a situationwhere your system can "over-train" and you expect the performance toget better for a while but then start declining, chooseBEST_MEASUREMENT. B) Are your measurements significantly noisyand/or irreproducible? If so, BEST_MEASUREMENT will tend to beover-optimistic, and it may be better to choose LAST_MEASUREMENT. Ifboth or neither of (A) and (B) apply, it doesn't matter whichselection type is chosen.

MedianAutomatedStoppingSpec

The median automated stopping rule stops a pending Trial if theTrial's best objective_value is strictly below the median'performance' of all completed Trials reported up to the Trial'slast measurement. Currently, 'performance' refers to the runningaverage of the objective values reported by the Trial in eachmeasurement.

MetricSpec

Represents a metric to optimize.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

GoalType

The available types of optimization goals.

SafetyMetricConfig

Used in safe optimization to specify threshold levels andrisk tolerance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ObservationNoise

Describes the noise level of the repeated observations.

"Noisy" means that the repeated observations with the same Trialparameters may lead to different metric evaluations.

ParameterSpec

Represents a single parameter to optimize.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

CategoricalValueSpec

Value specification for a parameter inCATEGORICAL type.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ConditionalParameterSpec

Represents a parameter spec with condition from its parentparameter.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

CategoricalValueCondition

Represents the spec to match categorical values from parentparameter.

DiscreteValueCondition

Represents the spec to match discrete values from parentparameter.

IntValueCondition

Represents the spec to match integer values from parentparameter.

DiscreteValueSpec

Value specification for a parameter inDISCRETE type.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

DoubleValueSpec

Value specification for a parameter inDOUBLE type.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

IntegerValueSpec

Value specification for a parameter inINTEGER type.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ScaleType

The type of scaling that should be applied to this parameter.

StudyStoppingConfig

The configuration (stopping conditions) for automatedstopping of a Study. Conditions include trial budgets, timebudgets, and convergence detection.

TransferLearningConfig

This contains flag for manually disabling transfer learningfor a study. The names of prior studies being used for transferlearning (if any) are also listed here.

StudyTimeConstraint

Time-based Constraint for Study

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

SuggestTrialsMetadata

Details of operations that perform Trials suggestion.

SuggestTrialsRequest

Request message forVizierService.SuggestTrials.

SuggestTrialsResponse

Response message forVizierService.SuggestTrials.

SummarizationHelpfulnessInput

Input for summarization helpfulness metric.

SummarizationHelpfulnessInstance

Spec for summarization helpfulness instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

SummarizationHelpfulnessResult

Spec for summarization helpfulness result.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

SummarizationHelpfulnessSpec

Spec for summarization helpfulness score metric.

SummarizationQualityInput

Input for summarization quality metric.

SummarizationQualityInstance

Spec for summarization quality instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

SummarizationQualityResult

Spec for summarization quality result.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

SummarizationQualitySpec

Spec for summarization quality score metric.

SummarizationVerbosityInput

Input for summarization verbosity metric.

SummarizationVerbosityInstance

Spec for summarization verbosity instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

SummarizationVerbosityResult

Spec for summarization verbosity result.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

SummarizationVerbositySpec

Spec for summarization verbosity score metric.

SupervisedHyperParameters

Hyperparameters for SFT.

AdapterSize

Supported adapter sizes for tuning.

SupervisedTuningDataStats

Tuning data statistics for Supervised Tuning.

SupervisedTuningDatasetDistribution

Dataset distribution for Supervised Tuning.

DatasetBucket

Dataset bucket used to create a histogram for thedistribution given a population of values.

SupervisedTuningSpec

Tuning Spec for Supervised Tuning for first party models.

TuningMode

Supported tuning modes.

SyncFeatureViewRequest

Request message forFeatureOnlineStoreAdminService.SyncFeatureView.

SyncFeatureViewResponse

Response message forFeatureOnlineStoreAdminService.SyncFeatureView.

TFRecordDestination

The storage details for TFRecord output content.

Tensor

A tensor value type.

DataType

Data type of the tensor.

StructValEntry

The abstract base class for a message.

Tensorboard

Tensorboard is a physical database that stores users'training metrics. A default Tensorboard is provided in eachregion of a Google Cloud project. If needed users can alsocreate extra Tensorboards in their projects.

LabelsEntry

The abstract base class for a message.

TensorboardBlob

One blob (e.g, image, graph) viewable on a blob metric plot.

TensorboardBlobSequence

One point viewable on a blob metric plot, but mostly just a wrappermessage to work around repeated fields can't be used directly withinoneof fields.

TensorboardExperiment

A TensorboardExperiment is a group of TensorboardRuns, thatare typically the results of a training job run, in aTensorboard.

LabelsEntry

The abstract base class for a message.

TensorboardRun

TensorboardRun maps to a specific execution of a training jobwith a given set of hyperparameter values, model definition,dataset, etc

LabelsEntry

The abstract base class for a message.

TensorboardTensor

One point viewable on a tensor metric plot.

TensorboardTimeSeries

TensorboardTimeSeries maps to times series produced intraining runs

Metadata

Describes metadata for a TensorboardTimeSeries.

ValueType

An enum representing the value type of aTensorboardTimeSeries.

ThresholdConfig

The config for feature monitoring threshold.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

TimeSeriesData

All the data stored in a TensorboardTimeSeries.

TimeSeriesDataPoint

A TensorboardTimeSeries data point.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

TimestampSplit

Assigns input data to training, validation, and test setsbased on a provided timestamps. The youngest data pieces areassigned to training set, next to validation set, and the oldestto the test set.

Supported only for tabular Datasets.

TokensInfo

Tokens info with a list of tokens and the corresponding listof token ids.

Tool

Tool details that the model may use to generate response.

ATool is a piece of code that enables the system to interactwith external systems to perform an action, or set of actions,outside of knowledge and scope of the model. A Tool object shouldcontain exactly one type of Tool (e.g FunctionDeclaration, Retrievalor GoogleSearchRetrieval).

CodeExecution

Tool that executes code generated by the model, and automaticallyreturns the result to the model.

See also [ExecutableCode]and [CodeExecutionResult] which are inputand output to this tool.

ComputerUse

Tool to support computer use.

Environment

Represents the environment being operated, such as a webbrowser.

GoogleSearch

GoogleSearch tool type.Tool to support Google Search in Model. Powered by Google.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

PhishBlockThreshold

These are available confidence level user can set to blockmalicious urls with chosen confidence and above. Forunderstanding different confidence of webrisk, please refer tohttps://cloud.google.com/web-risk/docs/reference/rpc/google.cloud.webrisk.v1eap1#confidencelevel

ToolCall

Spec for tool call.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ToolCallValidInput

Input for tool call valid metric.

ToolCallValidInstance

Spec for tool call valid instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ToolCallValidMetricValue

Tool call valid metric value for an instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ToolCallValidResults

Results for tool call valid metric.

ToolCallValidSpec

Spec for tool call valid metric.

ToolConfig

Tool config. This config is shared for all tools provided inthe request.

ToolNameMatchInput

Input for tool name match metric.

ToolNameMatchInstance

Spec for tool name match instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ToolNameMatchMetricValue

Tool name match metric value for an instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ToolNameMatchResults

Results for tool name match metric.

ToolNameMatchSpec

Spec for tool name match metric.

ToolParameterKVMatchInput

Input for tool parameter key value match metric.

ToolParameterKVMatchInstance

Spec for tool parameter key value match instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ToolParameterKVMatchMetricValue

Tool parameter key value match metric value for an instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ToolParameterKVMatchResults

Results for tool parameter key value match metric.

ToolParameterKVMatchSpec

Spec for tool parameter key value match metric.

ToolParameterKeyMatchInput

Input for tool parameter key match metric.

ToolParameterKeyMatchInstance

Spec for tool parameter key match instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ToolParameterKeyMatchMetricValue

Tool parameter key match metric value for an instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ToolParameterKeyMatchResults

Results for tool parameter key match metric.

ToolParameterKeyMatchSpec

Spec for tool parameter key match metric.

ToolUseExample

A single example of the tool usage.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

ExtensionOperation

Identifies one operation of the extension.

TrainingConfig

CMLE training config. For every active learning labelingiteration, system will train a machine learning model on CMLE.The trained model will be used by data sampling algorithm toselect DataItems.

TrainingPipeline

The TrainingPipeline orchestrates tasks associated with training aModel. It always executes the training task, and optionally may alsoexport data from Vertex AI's Dataset which becomes the traininginput,uploadthe Model to Vertex AI, and evaluate the Model.

LabelsEntry

The abstract base class for a message.

Trajectory

Spec for trajectory.

TrajectoryAnyOrderMatchInput

Instances and metric spec for TrajectoryAnyOrderMatch metric.

TrajectoryAnyOrderMatchInstance

Spec for TrajectoryAnyOrderMatch instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

TrajectoryAnyOrderMatchMetricValue

TrajectoryAnyOrderMatch metric value for an instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

TrajectoryAnyOrderMatchResults

Results for TrajectoryAnyOrderMatch metric.

TrajectoryAnyOrderMatchSpec

Spec for TrajectoryAnyOrderMatch metric - returns 1 if alltool calls in the reference trajectory appear in the predictedtrajectory in any order, else 0.

TrajectoryExactMatchInput

Instances and metric spec for TrajectoryExactMatch metric.

TrajectoryExactMatchInstance

Spec for TrajectoryExactMatch instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

TrajectoryExactMatchMetricValue

TrajectoryExactMatch metric value for an instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

TrajectoryExactMatchResults

Results for TrajectoryExactMatch metric.

TrajectoryExactMatchSpec

Spec for TrajectoryExactMatch metric - returns 1 if toolcalls in the reference trajectory exactly match the predictedtrajectory, else 0.

TrajectoryInOrderMatchInput

Instances and metric spec for TrajectoryInOrderMatch metric.

TrajectoryInOrderMatchInstance

Spec for TrajectoryInOrderMatch instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

TrajectoryInOrderMatchMetricValue

TrajectoryInOrderMatch metric value for an instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

TrajectoryInOrderMatchResults

Results for TrajectoryInOrderMatch metric.

TrajectoryInOrderMatchSpec

Spec for TrajectoryInOrderMatch metric - returns 1 if toolcalls in the reference trajectory appear in the predictedtrajectory in the same order, else 0.

TrajectoryPrecisionInput

Instances and metric spec for TrajectoryPrecision metric.

TrajectoryPrecisionInstance

Spec for TrajectoryPrecision instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

TrajectoryPrecisionMetricValue

TrajectoryPrecision metric value for an instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

TrajectoryPrecisionResults

Results for TrajectoryPrecision metric.

TrajectoryPrecisionSpec

Spec for TrajectoryPrecision metric - returns a float scorebased on average precision of individual tool calls.

TrajectoryRecallInput

Instances and metric spec for TrajectoryRecall metric.

TrajectoryRecallInstance

Spec for TrajectoryRecall instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

TrajectoryRecallMetricValue

TrajectoryRecall metric value for an instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

TrajectoryRecallResults

Results for TrajectoryRecall metric.

TrajectoryRecallSpec

Spec for TrajectoryRecall metric - returns a float scorebased on average recall of individual tool calls.

TrajectorySingleToolUseInput

Instances and metric spec for TrajectorySingleToolUse metric.

TrajectorySingleToolUseInstance

Spec for TrajectorySingleToolUse instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

TrajectorySingleToolUseMetricValue

TrajectorySingleToolUse metric value for an instance.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

TrajectorySingleToolUseResults

Results for TrajectorySingleToolUse metric.

TrajectorySingleToolUseSpec

Spec for TrajectorySingleToolUse metric - returns 1 if toolis present in the predicted trajectory, else 0.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

Trial

A message representing a Trial. A Trial contains a unique setof Parameters that has been or will be evaluated, along with theobjective metrics got by running the Trial.

Parameter

A message representing a parameter to be tuned.

State

Describes a Trial state.

WebAccessUrisEntry

The abstract base class for a message.

TrialContext

TunedModel

The Model Registry Model and Online Prediction Endpoint associatedwith thisTuningJob.

TunedModelCheckpoint

TunedModelCheckpoint for the Tuned Model of a Tuning Job.

TunedModelRef

TunedModel Reference for legacy model migration.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

TuningDataStats

The tuning data statistic values forTuningJob.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

TuningJob

Represents a TuningJob that runs with Google owned models.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

LabelsEntry

The abstract base class for a message.

Type

Type contains the list of OpenAPI data types as defined byhttps://swagger.io/docs/specification/data-models/data-types/

UndeployIndexOperationMetadata

Runtime operation information forIndexEndpointService.UndeployIndex.

UndeployIndexRequest

Request message forIndexEndpointService.UndeployIndex.

UndeployIndexResponse

Response message forIndexEndpointService.UndeployIndex.

UndeployModelOperationMetadata

Runtime operation information forEndpointService.UndeployModel.

UndeployModelRequest

Request message forEndpointService.UndeployModel.

TrafficSplitEntry

The abstract base class for a message.

UndeployModelResponse

Response message forEndpointService.UndeployModel.

UnmanagedContainerModel

Contains model information necessary to perform batchprediction without requiring a full model import.

UpdateArtifactRequest

Request message forMetadataService.UpdateArtifact.

UpdateCachedContentRequest

Request message forGenAiCacheService.UpdateCachedContent.Only expire_time or ttl can be updated.

UpdateContextRequest

Request message forMetadataService.UpdateContext.

UpdateDatasetRequest

Request message forDatasetService.UpdateDataset.

UpdateDatasetVersionRequest

Request message forDatasetService.UpdateDatasetVersion.

UpdateDeploymentResourcePoolOperationMetadata

Runtime operation information forUpdateDeploymentResourcePool method.

UpdateDeploymentResourcePoolRequest

Request message for UpdateDeploymentResourcePool method.

UpdateEndpointLongRunningRequest

Request message forEndpointService.UpdateEndpointLongRunning.

UpdateEndpointOperationMetadata

Runtime operation information forEndpointService.UpdateEndpointLongRunning.

UpdateEndpointRequest

Request message forEndpointService.UpdateEndpoint.

UpdateEntityTypeRequest

Request message forFeaturestoreService.UpdateEntityType.

UpdateExampleStoreOperationMetadata

Details ofExampleStoreService.UpdateExampleStoreoperation.

UpdateExampleStoreRequest

Request message forExampleStoreService.UpdateExampleStore.

UpdateExecutionRequest

Request message forMetadataService.UpdateExecution.

UpdateExplanationDatasetOperationMetadata

Runtime operation information forModelService.UpdateExplanationDataset.

UpdateExplanationDatasetRequest

Request message forModelService.UpdateExplanationDataset.

UpdateExplanationDatasetResponse

Response message ofModelService.UpdateExplanationDatasetoperation.

UpdateExtensionRequest

Request message forExtensionRegistryService.UpdateExtension.

UpdateFeatureGroupOperationMetadata

Details of operations that perform update FeatureGroup.

UpdateFeatureGroupRequest

Request message forFeatureRegistryService.UpdateFeatureGroup.

UpdateFeatureMonitorOperationMetadata

Details of operations that perform update FeatureMonitor.

UpdateFeatureMonitorRequest

Request message forFeatureRegistryService.UpdateFeatureMonitor.

UpdateFeatureOnlineStoreOperationMetadata

Details of operations that perform update FeatureOnlineStore.

UpdateFeatureOnlineStoreRequest

Request message forFeatureOnlineStoreAdminService.UpdateFeatureOnlineStore.

UpdateFeatureOperationMetadata

Details of operations that perform update Feature.

UpdateFeatureRequest

Request message forFeaturestoreService.UpdateFeature.Request message forFeatureRegistryService.UpdateFeature.

UpdateFeatureViewOperationMetadata

Details of operations that perform update FeatureView.

UpdateFeatureViewRequest

Request message forFeatureOnlineStoreAdminService.UpdateFeatureView.

UpdateFeaturestoreOperationMetadata

Details of operations that perform update Featurestore.

UpdateFeaturestoreRequest

Request message forFeaturestoreService.UpdateFeaturestore.

UpdateIndexEndpointRequest

Request message forIndexEndpointService.UpdateIndexEndpoint.

UpdateIndexOperationMetadata

Runtime operation information forIndexService.UpdateIndex.

UpdateIndexRequest

Request message forIndexService.UpdateIndex.

UpdateMemoryOperationMetadata

Details ofMemoryBankService.UpdateMemoryoperation.

UpdateMemoryRequest

Request message forMemoryBankService.UpdateMemory.

UpdateModelDeploymentMonitoringJobOperationMetadata

Runtime operation information forJobService.UpdateModelDeploymentMonitoringJob.

UpdateModelDeploymentMonitoringJobRequest

Request message forJobService.UpdateModelDeploymentMonitoringJob.

UpdateModelMonitorOperationMetadata

Runtime operation information forModelMonitoringService.UpdateModelMonitor.

UpdateModelMonitorRequest

Request message forModelMonitoringService.UpdateModelMonitor.

UpdateModelRequest

Request message forModelService.UpdateModel.

UpdateNotebookRuntimeTemplateRequest

Request message forNotebookService.UpdateNotebookRuntimeTemplate.

UpdatePersistentResourceOperationMetadata

Details of operations that perform update PersistentResource.

UpdatePersistentResourceRequest

Request message for UpdatePersistentResource method.

UpdateRagCorpusOperationMetadata

Runtime operation information forVertexRagDataService.UpdateRagCorpus.

UpdateRagCorpusRequest

Request message forVertexRagDataService.UpdateRagCorpus.

UpdateRagEngineConfigOperationMetadata

Runtime operation information forVertexRagDataService.UpdateRagEngineConfig.

UpdateRagEngineConfigRequest

Request message forVertexRagDataService.UpdateRagEngineConfig.

UpdateReasoningEngineOperationMetadata

Details ofReasoningEngineService.UpdateReasoningEngineoperation.

UpdateReasoningEngineRequest

Request message forReasoningEngineService.UpdateReasoningEngine.

UpdateScheduleRequest

Request message forScheduleService.UpdateSchedule.

UpdateSessionRequest

Request message forSessionService.UpdateSession.

UpdateSpecialistPoolOperationMetadata

Runtime operation metadata forSpecialistPoolService.UpdateSpecialistPool.

UpdateSpecialistPoolRequest

Request message forSpecialistPoolService.UpdateSpecialistPool.

UpdateTensorboardExperimentRequest

Request message forTensorboardService.UpdateTensorboardExperiment.

UpdateTensorboardOperationMetadata

Details of operations that perform update Tensorboard.

UpdateTensorboardRequest

Request message forTensorboardService.UpdateTensorboard.

UpdateTensorboardRunRequest

Request message forTensorboardService.UpdateTensorboardRun.

UpdateTensorboardTimeSeriesRequest

Request message forTensorboardService.UpdateTensorboardTimeSeries.

UpgradeNotebookRuntimeOperationMetadata

Metadata information forNotebookService.UpgradeNotebookRuntime.

UpgradeNotebookRuntimeRequest

Request message forNotebookService.UpgradeNotebookRuntime.

UpgradeNotebookRuntimeResponse

Response message forNotebookService.UpgradeNotebookRuntime.

UploadModelOperationMetadata

Details ofModelService.UploadModeloperation.

UploadModelRequest

Request message forModelService.UploadModel.

UploadModelResponse

Response message ofModelService.UploadModeloperation.

UploadRagFileConfig

Config for uploading RagFile.

UploadRagFileRequest

Request message forVertexRagDataService.UploadRagFile.

UploadRagFileResponse

Response message forVertexRagDataService.UploadRagFile.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

UpsertDatapointsRequest

Request message forIndexService.UpsertDatapoints

UpsertDatapointsResponse

Response message forIndexService.UpsertDatapoints

UpsertExamplesRequest

Request message forExampleStoreService.UpsertExamples.

UpsertExamplesResponse

Response message forExampleStoreService.UpsertExamples.

UpsertResult

The result for creating/updating a single example.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

UrlContext

Tool to support URL context.

UrlContextMetadata

Metadata related to url context retrieval tool.

UrlMetadata

Context of the a single url retrieval.

UrlRetrievalStatus

Status of the url retrieval.

UserActionReference

References an API call. It contains more information aboutlong running operation and Jobs that are triggered by the APIcall.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

Value

Value is the value of the field.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

VeoHyperParameters

Hyperparameters for Veo.

TuningTask

An enum defining the tuning task used for Veo.

VeoTuningSpec

Tuning Spec for Veo Model Tuning.

VertexAISearch

Retrieve from Vertex AI Search datastore or engine forgrounding. datastore and engine are mutually exclusive. Seehttps://cloud.google.com/products/agent-builder

DataStoreSpec

Define data stores within engine to filter on in a searchcall and configurations for those data stores. For moreinformation, seehttps://cloud.google.com/generative-ai-app-builder/docs/reference/rpc/google.cloud.discoveryengine.v1#datastorespec

VertexAiSearchConfig

Config for the Vertex AI Search.

VertexRagStore

Retrieve from Vertex RAG Store for grounding.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

RagResource

The definition of the Rag resource.

VideoMetadata

Metadata describes the input video content.

VoiceConfig

The configuration for the voice to use.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

WorkerPoolSpec

Represents the spec of a worker pool in a job.

This message hasoneof_ fields (mutually exclusive fields).For each oneof, at most one member field can be set at the same time.Setting any member of the oneof automatically clears all othermembers.

.. _oneof:https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields

WriteFeatureValuesPayload

Contains Feature values to be written for a specific entity.

FeatureValuesEntry

The abstract base class for a message.

WriteFeatureValuesRequest

Request message forFeaturestoreOnlineServingService.WriteFeatureValues.

WriteFeatureValuesResponse

Response message forFeaturestoreOnlineServingService.WriteFeatureValues.

WriteTensorboardExperimentDataRequest

Request message forTensorboardService.WriteTensorboardExperimentData.

WriteTensorboardExperimentDataResponse

Response message forTensorboardService.WriteTensorboardExperimentData.

WriteTensorboardRunDataRequest

Request message forTensorboardService.WriteTensorboardRunData.

WriteTensorboardRunDataResponse

Response message forTensorboardService.WriteTensorboardRunData.

XraiAttribution

An explanation method that redistributes Integrated Gradientsattributions to segmented regions, taking advantage of themodel's fully differentiable structure. Refer to this paper formore details:

https://arxiv.org/abs/1906.02825

Supported only by image Models.

Modules

pagers

API documentation foraiplatform_v1.services.dataset_service.pagers module.

pagers

API documentation foraiplatform_v1.services.deployment_resource_pool_service.pagers module.

pagers

API documentation foraiplatform_v1.services.endpoint_service.pagers module.

pagers

API documentation foraiplatform_v1.services.feature_online_store_admin_service.pagers module.

pagers

API documentation foraiplatform_v1.services.feature_registry_service.pagers module.

pagers

API documentation foraiplatform_v1.services.featurestore_service.pagers module.

pagers

API documentation foraiplatform_v1.services.gen_ai_cache_service.pagers module.

pagers

API documentation foraiplatform_v1.services.gen_ai_tuning_service.pagers module.

pagers

API documentation foraiplatform_v1.services.index_endpoint_service.pagers module.

pagers

API documentation foraiplatform_v1.services.index_service.pagers module.

pagers

API documentation foraiplatform_v1.services.job_service.pagers module.

pagers

API documentation foraiplatform_v1.services.metadata_service.pagers module.

pagers

API documentation foraiplatform_v1.services.migration_service.pagers module.

pagers

API documentation foraiplatform_v1.services.model_service.pagers module.

pagers

API documentation foraiplatform_v1.services.notebook_service.pagers module.

pagers

API documentation foraiplatform_v1.services.persistent_resource_service.pagers module.

pagers

API documentation foraiplatform_v1.services.pipeline_service.pagers module.

pagers

API documentation foraiplatform_v1.services.reasoning_engine_service.pagers module.

pagers

API documentation foraiplatform_v1.services.schedule_service.pagers module.

pagers

API documentation foraiplatform_v1.services.specialist_pool_service.pagers module.

pagers

API documentation foraiplatform_v1.services.tensorboard_service.pagers module.

pagers

API documentation foraiplatform_v1.services.vertex_rag_data_service.pagers module.

pagers

API documentation foraiplatform_v1.services.vizier_service.pagers module.

pagers

API documentation foraiplatform_v1beta1.services.dataset_service.pagers module.

pagers

API documentation foraiplatform_v1beta1.services.deployment_resource_pool_service.pagers module.

pagers

API documentation foraiplatform_v1beta1.services.endpoint_service.pagers module.

pagers

API documentation foraiplatform_v1beta1.services.example_store_service.pagers module.

pagers

API documentation foraiplatform_v1beta1.services.extension_registry_service.pagers module.

pagers

API documentation foraiplatform_v1beta1.services.feature_online_store_admin_service.pagers module.

pagers

API documentation foraiplatform_v1beta1.services.feature_registry_service.pagers module.

pagers

API documentation foraiplatform_v1beta1.services.featurestore_service.pagers module.

pagers

API documentation foraiplatform_v1beta1.services.gen_ai_cache_service.pagers module.

pagers

API documentation foraiplatform_v1beta1.services.gen_ai_tuning_service.pagers module.

pagers

API documentation foraiplatform_v1beta1.services.index_endpoint_service.pagers module.

pagers

API documentation foraiplatform_v1beta1.services.index_service.pagers module.

pagers

API documentation foraiplatform_v1beta1.services.job_service.pagers module.

pagers

API documentation foraiplatform_v1beta1.services.memory_bank_service.pagers module.

pagers

API documentation foraiplatform_v1beta1.services.metadata_service.pagers module.

pagers

API documentation foraiplatform_v1beta1.services.migration_service.pagers module.

pagers

API documentation foraiplatform_v1beta1.services.model_garden_service.pagers module.

pagers

API documentation foraiplatform_v1beta1.services.model_monitoring_service.pagers module.

pagers

API documentation foraiplatform_v1beta1.services.model_service.pagers module.

pagers

API documentation foraiplatform_v1beta1.services.notebook_service.pagers module.

pagers

API documentation foraiplatform_v1beta1.services.persistent_resource_service.pagers module.

pagers

API documentation foraiplatform_v1beta1.services.pipeline_service.pagers module.

pagers

API documentation foraiplatform_v1beta1.services.reasoning_engine_service.pagers module.

pagers

API documentation foraiplatform_v1beta1.services.schedule_service.pagers module.

pagers

API documentation foraiplatform_v1beta1.services.session_service.pagers module.

pagers

API documentation foraiplatform_v1beta1.services.specialist_pool_service.pagers module.

pagers

API documentation foraiplatform_v1beta1.services.tensorboard_service.pagers module.

pagers

API documentation foraiplatform_v1beta1.services.vertex_rag_data_service.pagers module.

pagers

API documentation foraiplatform_v1beta1.services.vizier_service.pagers module.

Except as otherwise noted, the content of this page is licensed under theCreative Commons Attribution 4.0 License, and code samples are licensed under theApache 2.0 License. For details, see theGoogle Developers Site Policies. Java is a registered trademark of Oracle and/or its affiliates.

Last updated 2025-10-30 UTC.